Awesome-AI-books - Some awesome AI related books and pdfs for learning and downloading

Overview

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...)
  • malmo: Project Malmö is a platform for Artificial Intelligence experimentation and research built on top of Minecraft.
  • 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.
  • ddz-ai 以孤立语假设和宽度优先搜索为基础,构建了一种多通道堆叠注意力Transformer结构的斗地主ai

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
    • GPT-3 - Language Models are Few-Shot Learners
  • 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.
  • Acme - A Research Framework for (Distributed) Reinforcement Learning.
  • bagua - Bagua is a flexible and performant distributed training algorithm development framework.

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]

Owner
luckyzhou
Change is what never changes
luckyzhou
Notebooks, slides and dataset of the CorrelAid Machine Learning Winter School

CorrelAid Machine Learning Winter School Welcome to the CorrelAid ML Winter School! Task The problem we want to solve is to classify trees in Roosevel

CorrelAid 12 Nov 23, 2022
VOS: Learning What You Don’t Know by Virtual Outlier Synthesis

VOS This is the source code accompanying the paper VOS: Learning What You Don’t

248 Dec 25, 2022
[ICML 2020] DrRepair: Learning to Repair Programs from Error Messages

DrRepair: Learning to Repair Programs from Error Messages This repo provides the source code & data of our paper: Graph-based, Self-Supervised Program

Michihiro Yasunaga 155 Jan 08, 2023
Implementation of: "Exploring Randomly Wired Neural Networks for Image Recognition"

RandWireNN Unofficial PyTorch Implementation of: Exploring Randomly Wired Neural Networks for Image Recognition. Results Validation result on Imagenet

Seung-won Park 684 Nov 02, 2022
A human-readable PyTorch implementation of "Self-attention Does Not Need O(n^2) Memory"

memory_efficient_attention.pytorch A human-readable PyTorch implementation of "Self-attention Does Not Need O(n^2) Memory" (Rabe&Staats'21). def effic

Ryuichiro Hataya 7 Dec 26, 2022
An Evaluation of Generative Adversarial Networks for Collaborative Filtering.

An Evaluation of Generative Adversarial Networks for Collaborative Filtering. This repository was developed by Fernando B. Pérez Maurera. Fernando is

Fernando Benjamín PÉREZ MAURERA 0 Jan 19, 2022
HiFi-GAN: Generative Adversarial Networks for Efficient and High Fidelity Speech Synthesis

HiFi-GAN: Generative Adversarial Networks for Efficient and High Fidelity Speech Synthesis Jungil Kong, Jaehyeon Kim, Jaekyoung Bae In our paper, we p

Rishikesh (ऋषिकेश) 31 Dec 08, 2022
Code related to the manuscript "Averting A Crisis In Simulation-Based Inference"

Abstract We present extensive empirical evidence showing that current Bayesian simulation-based inference algorithms are inadequate for the falsificat

Montefiore Artificial Intelligence Research 3 Nov 14, 2022
PICARD - Parsing Incrementally for Constrained Auto-Regressive Decoding from Language Models

This is the official implementation of the following paper: Torsten Scholak, Nathan Schucher, Dzmitry Bahdanau. PICARD - Parsing Incrementally for Con

ElementAI 217 Jan 01, 2023
Source code release of the paper: Knowledge-Guided Deep Fractal Neural Networks for Human Pose Estimation.

GNet-pose Project Page: http://guanghan.info/projects/guided-fractal/ UPDATE 9/27/2018: Prototxts and model that achieved 93.9Pck on LSP dataset. http

Guanghan Ning 83 Nov 21, 2022
COLMAP - Structure-from-Motion and Multi-View Stereo

COLMAP About COLMAP is a general-purpose Structure-from-Motion (SfM) and Multi-View Stereo (MVS) pipeline with a graphical and command-line interface.

4.7k Jan 07, 2023
Collection of sports betting AI tools.

sports-betting sports-betting is a collection of tools that makes it easy to create machine learning models for sports betting and evaluate their perf

George Douzas 109 Dec 31, 2022
Script that attempts to force M1 macs into RGB mode when used with monitors that are defaulting to YPbPr.

fix_m1_rgb Script that attempts to force M1 macs into RGB mode when used with monitors that are defaulting to YPbPr. No warranty provided for using th

Kevin Gao 116 Jan 01, 2023
A library for low-memory inferencing in PyTorch.

Pylomin Pylomin (PYtorch LOw-Memory INference) is a library for low-memory inferencing in PyTorch. Installation ... Usage For example, the following c

3 Oct 26, 2022
2 Jul 19, 2022
Datasets and pretrained Models for StyleGAN3 ...

Datasets and pretrained Models for StyleGAN3 ... Dear arfiticial friend, this is a collection of artistic datasets and models that we have put togethe

lucid layers 34 Oct 06, 2022
[IJCAI-2021] A benchmark of data-free knowledge distillation from paper "Contrastive Model Inversion for Data-Free Knowledge Distillation"

DataFree A benchmark of data-free knowledge distillation from paper "Contrastive Model Inversion for Data-Free Knowledge Distillation" Authors: Gongfa

ZJU-VIPA 47 Jan 09, 2023
Breast-Cancer-Prediction

Breast-Cancer-Prediction Trying to predict whether the cancer is benign or malignant using REGRESSION MODELS in Python. Team Members NAME ROLL-NUMBER

Shyamdev Krishnan J 3 Feb 18, 2022
Classify the disease status of a plant given an image of a passion fruit

Passion Fruit Disease Detection I tried to create an accurate machine learning models capable of localizing and identifying multiple Passion Fruits in

3 Nov 09, 2021
MGFN: Multi-Graph Fusion Networks for Urban Region Embedding was accepted by IJCAI-2022.

Multi-Graph Fusion Networks for Urban Region Embedding (IJCAI-22) This is the implementation of Multi-Graph Fusion Networks for Urban Region Embedding

202 Nov 18, 2022