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
Deep Crop Rotation

Deep Crop Rotation Paper (to come very soon!) We propose a deep learning approach to modelling both inter- and intra-annual patterns for parcel classi

Félix Quinton 5 Sep 23, 2022
Objective of the repository is to learn and build machine learning models using Pytorch. 30DaysofML Using Pytorch

30 Days Of Machine Learning Using Pytorch Objective of the repository is to learn and build machine learning models using Pytorch. List of Algorithms

Mayur 119 Nov 24, 2022
Code for the paper "Attention Approximates Sparse Distributed Memory"

Attention Approximates Sparse Distributed Memory - Codebase This is all of the code used to run analyses in the paper "Attention Approximates Sparse D

Trenton Bricken 14 Dec 05, 2022
Code for CVPR2021 "Visualizing Adapted Knowledge in Domain Transfer". Visualization for domain adaptation. #explainable-ai

Visualizing Adapted Knowledge in Domain Transfer @inproceedings{hou2021visualizing, title={Visualizing Adapted Knowledge in Domain Transfer}, auth

Yunzhong Hou 80 Dec 25, 2022
Editing a Conditional Radiance Field

Editing Conditional Radiance Fields Project | Paper | Video | Demo Editing Conditional Radiance Fields Steven Liu, Xiuming Zhang, Zhoutong Zhang, Rich

Steven Liu 216 Dec 30, 2022
An image classification app boilerplate to serve your deep learning models asap!

Image 🖼 Classification App Boilerplate Have you been puzzled by tons of videos, blogs and other resources on the internet and don't know where and ho

Smaranjit Ghose 27 Oct 06, 2022
Optimizing DR with hard negatives and achieving SOTA first-stage retrieval performance on TREC DL Track (SIGIR 2021 Full Paper).

Optimizing Dense Retrieval Model Training with Hard Negatives Jingtao Zhan, Jiaxin Mao, Yiqun Liu, Jiafeng Guo, Min Zhang, Shaoping Ma 🔥 News 2021-10

Jingtao Zhan 99 Dec 27, 2022
Code for "On Memorization in Probabilistic Deep Generative Models"

On Memorization in Probabilistic Deep Generative Models This repository contains the code necessary to reproduce the experiments in On Memorization in

The Alan Turing Institute 3 Jun 09, 2022
Official repository of "Investigating Tradeoffs in Real-World Video Super-Resolution"

RealBasicVSR [Paper] This is the official repository of "Investigating Tradeoffs in Real-World Video Super-Resolution, arXiv". This repository contain

Kelvin C.K. Chan 566 Dec 28, 2022
implementation of the paper "MarginGAN: Adversarial Training in Semi-Supervised Learning"

MarginGAN This repository is the implementation of the paper "MarginGAN: Adversarial Training in Semi-Supervised Learning". 1."preliminary" is the imp

Van 7 Dec 23, 2022
A deep learning object detector framework written in Python for supporting Land Search and Rescue Missions.

AIR: Aerial Inspection RetinaNet for supporting Land Search and Rescue Missions AIR is a deep learning based object detection solution to automate the

Accenture 13 Dec 22, 2022
All materials of Cassandra Event, Udyam'22

Cassandra 2022 Workspace Workshop Materials Workshop-1 Workshop-2 Workshop-3 Workshop-4 Assignments Assignment-1 Assignment-2 Assignment-3 Resources P

36 Dec 31, 2022
A library for augmentation of a YOLO-formated dataset

YOLO Dataset Augmentation lib Инструкция по использованию этой библиотеки Запуск всех файлов осуществлять из консоли. GoogleCrawl_to_Dataset.py Это ск

Egor Orel 1 Dec 10, 2022
Sequence to Sequence Models with PyTorch

Sequence to Sequence models with PyTorch This repository contains implementations of Sequence to Sequence (Seq2Seq) models in PyTorch At present it ha

Sandeep Subramanian 708 Dec 19, 2022
Puzzle-CAM: Improved localization via matching partial and full features.

Puzzle-CAM The official implementation of "Puzzle-CAM: Improved localization via matching partial and full features".

Sanghyun Jo 150 Nov 14, 2022
Code for "LoFTR: Detector-Free Local Feature Matching with Transformers", CVPR 2021

LoFTR: Detector-Free Local Feature Matching with Transformers Project Page | Paper LoFTR: Detector-Free Local Feature Matching with Transformers Jiami

ZJU3DV 1.4k Jan 04, 2023
Official implementation of "UCTransNet: Rethinking the Skip Connections in U-Net from a Channel-wise Perspective with Transformer"

[AAAI2022] UCTransNet This repo is the official implementation of "UCTransNet: Rethinking the Skip Connections in U-Net from a Channel-wise Perspectiv

Haonan Wang 199 Jan 03, 2023
Code repository for the paper "Doubly-Trained Adversarial Data Augmentation for Neural Machine Translation" with instructions to reproduce the results.

Doubly Trained Neural Machine Translation System for Adversarial Attack and Data Augmentation Languages Experimented: Data Overview: Source Target Tra

Steven Tan 1 Aug 18, 2022
Dungeons and Dragons randomized content generator

Component based Dungeons and Dragons generator Supports Entity/Monster Generation NPC Generation Weapon Generation Encounter Generation Environment Ge

Zac 3 Dec 04, 2021
This repository contains the source codes for the paper AtlasNet V2 - Learning Elementary Structures.

AtlasNet V2 - Learning Elementary Structures This work was build upon Thibault Groueix's AtlasNet and 3D-CODED projects. (you might want to have a loo

Théo Deprelle 123 Nov 11, 2022