All Projects → zslucky → Awesome Ai Books

zslucky / Awesome Ai Books

Licence: mit
Some awesome AI related books and pdfs for learning and downloading, also apply some playground models for learning

Projects that are alternatives of or similar to Awesome Ai Books

Gdrl
Grokking Deep Reinforcement Learning
Stars: ✭ 304 (-64.44%)
Mutual labels:  artificial-intelligence, algorithms, jupyter-notebook, reinforcement-learning
Pycm
Multi-class confusion matrix library in Python
Stars: ✭ 1,076 (+25.85%)
Mutual labels:  artificial-intelligence, ai, data-mining, mathematics
Basic reinforcement learning
An introductory series to Reinforcement Learning (RL) with comprehensive step-by-step tutorials.
Stars: ✭ 826 (-3.39%)
Mutual labels:  artificial-intelligence, ai, jupyter-notebook, reinforcement-learning
Data Science Resources
👨🏽‍🏫You can learn about what data science is and why it's important in today's modern world. Are you interested in data science?🔋
Stars: ✭ 171 (-80%)
Mutual labels:  artificial-intelligence, jupyter-notebook, data-mining, learning
Text summurization abstractive methods
Multiple implementations for abstractive text summurization , using google colab
Stars: ✭ 359 (-58.01%)
Mutual labels:  artificial-intelligence, ai, jupyter-notebook, reinforcement-learning
Awesome Ai Ml Dl
Awesome Artificial Intelligence, Machine Learning and Deep Learning as we learn it. Study notes and a curated list of awesome resources of such topics.
Stars: ✭ 831 (-2.81%)
Mutual labels:  artificial-intelligence, ai, algorithms, jupyter-notebook
Reinforcement Learning
Learn Deep Reinforcement Learning in 60 days! Lectures & Code in Python. Reinforcement Learning + Deep Learning
Stars: ✭ 3,329 (+289.36%)
Mutual labels:  artificial-intelligence, jupyter-notebook, reinforcement-learning
Lagom
lagom: A PyTorch infrastructure for rapid prototyping of reinforcement learning algorithms.
Stars: ✭ 364 (-57.43%)
Mutual labels:  artificial-intelligence, jupyter-notebook, reinforcement-learning
Huskarl
Deep Reinforcement Learning Framework + Algorithms
Stars: ✭ 414 (-51.58%)
Mutual labels:  artificial-intelligence, algorithms, reinforcement-learning
Amazon Sagemaker Examples
Example 📓 Jupyter notebooks that demonstrate how to build, train, and deploy machine learning models using 🧠 Amazon SageMaker.
Stars: ✭ 6,346 (+642.22%)
Mutual labels:  jupyter-notebook, learning, reinforcement-learning
Tensorwatch
Debugging, monitoring and visualization for Python Machine Learning and Data Science
Stars: ✭ 3,191 (+273.22%)
Mutual labels:  ai, jupyter-notebook, reinforcement-learning
Tensor House
A collection of reference machine learning and optimization models for enterprise operations: marketing, pricing, supply chain
Stars: ✭ 449 (-47.49%)
Mutual labels:  ai, jupyter-notebook, reinforcement-learning
David Silver Reinforcement Learning
Notes for the Reinforcement Learning course by David Silver along with implementation of various algorithms.
Stars: ✭ 623 (-27.13%)
Mutual labels:  artificial-intelligence, jupyter-notebook, reinforcement-learning
Ai Learn
人工智能学习路线图,整理近200个实战案例与项目,免费提供配套教材,零基础入门,就业实战!包括:Python,数学,机器学习,数据分析,深度学习,计算机视觉,自然语言处理,PyTorch tensorflow machine-learning,deep-learning data-analysis data-mining mathematics data-science artificial-intelligence python tensorflow tensorflow2 caffe keras pytorch algorithm numpy pandas matplotlib seaborn nlp cv等热门领域
Stars: ✭ 4,387 (+413.1%)
Mutual labels:  artificial-intelligence, data-mining, mathematics
Basic Mathematics For Machine Learning
The motive behind Creating this repo is to feel the fear of mathematics and do what ever you want to do in Machine Learning , Deep Learning and other fields of AI
Stars: ✭ 300 (-64.91%)
Mutual labels:  ai, jupyter-notebook, mathematics
Godot Steering Ai Framework
A complete framework for Godot to create beautiful and complex AI motion. Works both in 2D and in 3D.
Stars: ✭ 482 (-43.63%)
Mutual labels:  artificial-intelligence, ai, algorithms
Gans In Action
Companion repository to GANs in Action: Deep learning with Generative Adversarial Networks
Stars: ✭ 748 (-12.51%)
Mutual labels:  artificial-intelligence, ai, jupyter-notebook
Workshops mathematics
Share resources, assets and information for the math sessions 🚀
Stars: ✭ 26 (-96.96%)
Mutual labels:  ai, learning, mathematics
Polyaxon
Machine Learning Platform for Kubernetes (MLOps tools for experimentation and automation)
Stars: ✭ 2,966 (+246.9%)
Mutual labels:  artificial-intelligence, ai, reinforcement-learning
R
All Algorithms implemented in R
Stars: ✭ 294 (-65.61%)
Mutual labels:  algorithms, data-mining, learning

Awesome AI books

Some awesome AI related books and pdfs for downloading and learning.

Preface

This repo only used for learning, do not use in business.

Welcome for providing great books in this repo or tell me which great book you need and I will try to append it in this repo, any idea you can create issue or PR here.

Due to github Large file storage limition, all books pdf stored in Yandex.Disk.

Some often used Mathematic Symbols can refer this page

Content

Organization with papers/researchs

Training ground

  • OpenAI Gym: A toolkit for developing and comparing reinforcement learning algorithms. (Can play with Atari, Box2d, MuJoCo etc...)
  • DeepMind Pysc2: StarCraft II Learning Environment.
  • Procgen: Procgen Benchmark: Procedurally-Generated Game-Like Gym-Environments.
  • TorchCraftAI: A bot platform for machine learning research on StarCraft®: Brood War®
  • Valve Dota2: Dota2 game acessing api. (CN doc)
  • Mario AI Framework: A Mario AI framework for using AI methods.
  • Google Dopamine: Dopamine is a research framework for fast prototyping of reinforcement learning algorithms
  • TextWorld: Microsoft - A learning environment sandbox for training and testing reinforcement learning (RL) agents on text-based games.
  • Mini Grid: Minimalistic gridworld environment for OpenAI Gym
  • MAgent: A Platform for Many-agent Reinforcement Learning
  • XWorld: A C++/Python simulator package for reinforcement learning
  • Neural MMO: A Massively Multiagent Game Environment
  • MinAtar: MinAtar is a testbed for AI agents which implements miniaturized version of several Atari 2600 games.
  • craft-env: CraftEnv is a 2D crafting environment
  • gym-sokoban: Sokoban is Japanese for warehouse keeper and a traditional video game
  • Pommerman Playground hosts Pommerman, a clone of Bomberman built for AI research.
  • gym-miniworld MiniWorld is a minimalistic 3D interior environment simulator for reinforcement learning & robotics research
  • vizdoomgym OpenAI Gym wrapper for ViZDoom (A Doom-based AI Research Platform for Reinforcement Learning from Raw Visual Information) enviroments.

Books

Introductory theory and get start

Mathematics

Data mining

Machine Learning

Deep Learning

Philosophy

Quantum with AI

Libs With Online Books

  • Reinforcement Learning

    • A3C - Google DeepMind Asynchronous Advantage Actor-Critic algorithm
    • Q-Learning SARSA DQN DDQN - Q-Learning is a value-based Reinforcement Learning algorithm
    • DDPG - Deep Deterministic Policy Gradient,
    • Large-Scale Curiosity - Large-Scale Study of Curiosity-Driven Learning
    • PPO - OpenAI Proximal Policy Optimization Algorithms
    • RND - OpenAI Random Network Distillation, an exploration bonus for deep reinforcement learning method.
    • VIME - OpenAI Variational Information Maximizing Exploration
    • DQV - Deep Quality-Value (DQV) Learning
    • ERL - Evolution-Guided Policy Gradient in Reinforcement Learning
    • MF Multi-Agent RL - Mean Field Multi-Agent Reinforcement Learning. (this paper include MF-Q and MF-AC)
    • MAAC - Actor-Attention-Critic for Multi-Agent Reinforcement Learning
  • Feature Selection

  • Machine Learning

    • Xgboost (Python, R, JVM, Julia, CLI) - Xgboost lib's document.
    • LightGBM (Python, R, CLI) - Microsoft lightGBM lib's features document.
    • CatBoost (Python, R, CLI) - Yandex Catboost lib's key algorithm pdf papper.
    • StackNet (Java, CLI) - Some model stacking algorithms implemented in this lib.
    • RGF - Learning Nonlinear Functions Using Regularized Greedy Forest (multi-core implementation FastRGF)
    • FM, FastFM, FFM, XDeepFM - Factorization Machines and some extended Algorithms
  • Deep Learning

    • GNN Papers - Must-read papers on graph neural networks (GNN)
    • EfficientNet - Rethinking Model Scaling for Convolutional Neural Networks
    • DenseNet - Densely Connected Convolutional Networks
  • NLP

    • XLNet - repo XLNet: Generalized Autoregressive Pretraining for Language Understanding
    • BERT - Pre-training of Deep Bidirectional Transformers for Language Understanding
  • CV

    • Fast R-CNN - Fast Region-based Convolutional Network method (Fast R-CNN) for object detection
    • Mask R-CNN - Mask R-CNN, extends Faster R-CNN by adding a branch for predicting an object mask in parallel with the existing branch for bounding box recognition.
    • GQN - DeepMind Generative Query Network, Neural scene representation and rendering
  • Meta Learning

    • MAML - Model-Agnostic Meta-Learning for Fast Adaptation of Deep Networks
  • Transfer Learning

    • GCN - Zero-shot Recognition via Semantic Embeddings and Knowledge Graphs
  • Auto ML

    • Model Search (Python) - Google Model search (MS) is a framework that implements AutoML algorithms for model architecture search at scale.
    • TPOT (Python) - TPOT is a lib for AutoML.
    • Auto-sklearn (Python) - auto-sklearn is an automated machine learning toolkit and a drop-in replacement for a scikit-learn estimator
    • Auto-Keras (Python) - Auto-Keras is an open source software library for automated machine learning (AutoML). It is developed by DATA Lab
    • TransmogrifAI (JVM) - TransmogrifAI (pronounced trăns-mŏgˈrə-fī) is an AutoML library written in Scala that runs on top of Spark
    • Auto-WEKAA - Provides automatic selection of models and hyperparameters for WEKA.
    • MLBox (Python) - MLBox is a powerful Automated Machine Learning python library
  • Pipeline Training

    • ZenML (Python) - ZenML is built for ML practitioners who are ramping up their ML workflows towards production
  • Dimensionality Reduction

    • t-SNE (Non-linear/Non-params) - T-distributed Stochastic Neighbor Embedding (t-SNE) is a machine learning algorithm for visualization
    • PCA (Linear) - Principal component analysis
    • LDA (Linear) - Linear Discriminant Analysis
    • LLE (Non-linear) - Locally linear embedding
    • Laplacian Eigenmaps - Laplacian Eigenmaps for Dimensionality Reduction and Data Representation
    • Sammon Mapping (Non-linear) - Sammon mapping is designed to minimise the differences between corresponding inter-point distances in the two spaces

Distributed training

  • Horovod - Horovod is a distributed training framework for TensorFlow, Keras, PyTorch, and MXNet. The goal of Horovod is to make distributed Deep Learning fast and easy to use.

Contributors

Code Contributors

This project exists thanks to all the people who contribute. [Contribute].

Financial Contributors

Become a financial contributor and help us sustain our community. [Contribute]

Individuals

Organizations

Support this project with your organization. Your logo will show up here with a link to your website. [Contribute]

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].