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]

You might also like...
All the code and files related to the MI-Lab of UE19CS305 course in sem 5

Machine-Intelligence-Lab-CS305 The compilation of all the code an drelated files from MI-Lab UE19CS305 (of batch 2019-2023) offered by PES University

This repository contains the implementations related to the experiments of a set of publicly available datasets that are used in the time series forecasting research space.

TSForecasting This repository contains the implementations related to the experiments of a set of publicly available datasets that are used in the tim

Collect super-resolution related papers, data, repositories

Collect super-resolution related papers, data, repositories

Related resources for our EMNLP 2021 paper Plan-then-Generate: Controlled Data-to-Text Generation via Planning

Plan-then-Generate: Controlled Data-to-Text Generation via Planning Authors: Yixuan Su, David Vandyke, Sihui Wang, Yimai Fang, and Nigel Collier Code

Material related to the Principles of Cloud Computing course.

CloudComputingCourse Material related to the Principles of Cloud Computing course. This repository comprises material that I use to teach my Principle

Fully-automated scripts for collecting AI-related papers

AI-Paper-collector Fully-automated scripts for collecting AI-related papers List of Conferences to crawel ACL: 21-19 (including findings) EMNLP: 21-19

Repo for the paper "DiLBERT: Cheap Embeddings for Disease Related Medical NLP"

DiLBERT Repo for the paper "DiLBERT: Cheap Embeddings for Disease Related Medical NLP" Pretrained Model The pretrained model presented in the paper is

A small library of 3D related utilities used in my research.

utils3D A small library of 3D related utilities used in my research. Installation Install via GitHub pip install git+https://github.com/Steve-Tod/util

Static-test - A playground to play with ideas related to testing the comparability of the code

Static test playground ⚠️ The code is just an experiment. Compiles and runs on U

Comments
  • Activating Open Collective

    Activating Open Collective

    Hi, I'm making updates for Open Collective. Either you or another core contributor signed this repository up for Open Collective. This pull request adds financial contributors from your Open Collective https://opencollective.com/awesome-AI-books ❤️

    What it does:

    • adds a badge to show the latest number of financial contributors
    • adds a banner displaying contributors to the project on GitHub
    • adds a banner displaying all individuals contributing financially on Open Collective
    • adds a section displaying all organizations contributing financially on Open Collective, with their logo and a link to their website

    P.S: As with any pull request, feel free to comment or suggest changes.

    Thank you for your great contribution to the Open Source community. You are awesome! 🙌 And welcome to the Open Collective community! 😊

    Come chat with us in the #opensource channel on https://slack.opencollective.com - great place to ask questions and share best practices with other Open Source sustainers!

    opened by monkeywithacupcake 0
Owner
luckyzhou
Change is what never changes
luckyzhou
Pgn2tex - Scripts to convert pgn files to latex document. Useful to build books or pdf from pgn studies

Pgn2Latex (WIP) A simple script to make pdf from pgn files and studies. It's sti

null 12 Jul 23, 2022
This package contains deep learning models and related scripts for RoseTTAFold

RoseTTAFold This package contains deep learning models and related scripts to run RoseTTAFold This repository is the official implementation of RoseTT

null 1.6k Jan 3, 2023
docTR by Mindee (Document Text Recognition) - a seamless, high-performing & accessible library for OCR-related tasks powered by Deep Learning.

docTR by Mindee (Document Text Recognition) - a seamless, high-performing & accessible library for OCR-related tasks powered by Deep Learning.

Mindee 1.5k Jan 1, 2023
Task-related Saliency Network For Few-shot learning

Task-related Saliency Network For Few-shot learning This is an official implementation in Tensorflow of TRSN. Abstract An essential cue of human wisdo

null 1 Nov 18, 2021
PyTorch implementation of some learning rate schedulers for deep learning researcher.

pytorch-lr-scheduler PyTorch implementation of some learning rate schedulers for deep learning researcher. Usage WarmupReduceLROnPlateauScheduler Visu

Soohwan Kim 59 Dec 8, 2022
This repository is related to an Arabic tutorial, within the tutorial we discuss the common data structure and algorithms and their worst and best case for each, then implement the code using Python.

Data Structure and Algorithms with Python This repository is related to the Arabic tutorial here, within the tutorial we discuss the common data struc

Mohamed Ayman 33 Dec 2, 2022
A scientific and useful toolbox, which contains practical and effective long-tail related tricks with extensive experimental results

Bag of tricks for long-tailed visual recognition with deep convolutional neural networks This repository is the official PyTorch implementation of AAA

Yong-Shun Zhang 181 Dec 28, 2022
For holding anime-related object classification and detection models

Animesion An end-to-end framework for anime-related object classification, detection, segmentation, and other models. Update: 01/22/2020. Due to time-

Edwin Arkel Rios 72 Nov 30, 2022
The BCNet related data and inference model.

BCNet This repository includes the some source code and related dataset of paper BCNet: Learning Body and Cloth Shape from A Single Image, ECCV 2020,

null 81 Dec 12, 2022
TorchX is a library containing standard DSLs for authoring and running PyTorch related components for an E2E production ML pipeline.

TorchX is a library containing standard DSLs for authoring and running PyTorch related components for an E2E production ML pipeline

null 193 Dec 22, 2022