Artificial intelligence is a very broad and evolving field of computer science. I am aiming to map this developing area with AI Map repository. Over time, this repo will be updated and expanded. We are waiting for your contributions.
"AI is the new electricity" Andrew Ng.
- Breadth First Search Algorithm
- Depth First Search Algorithm
- Depth Limited Search Algorithm
- Best First Greedy Search Algorithm
- A* Search Algorithm
- Local Search Algorithms
- Min-Max Problems
- Alpha-Beta Pruning
- Hill Climbing Search
- Simulated Annealing Search
- Local Beam Search
- Evolutionary Algorithms
- Genetic Algorithms
- Ant colony optimization
- Artificial bee colony algorithm
- Particle swarm optimization
- Bees algorithm
- Supervised Learning
- Linear Regression
- Logistic Regression
- Support Vector Machine
- Decision Tree
- K Nearest Neighbour
- Naive Bayes Classifiers
- Boosting
- Ensemble Methods
- Random Forest Trees
- Neural Networks: "are computing systems vaguely inspired by the biological neural networks that constitute animal brains"
- Multi Layer Perceptron
- Deep Neural Networks
- Deep Multi Layer Perceptron
- Convolutional Neural Networks
- Le-Nets
- AlexNets
- VGG
- Residual Nets
- Inception Nets
- Recurrent Neural Networks
- Long Short Term Memory
- Gated Recurrent Neural Nets
- Restricted Boltzmann Machines
- Deep Belief Nets
- Autoencoders
- Unsupervised Learning
- Clustering
- KMeans
- DBSCAN (Density-Based Spatial Clustering of Applications with Noise)
- Mean-Shift Clustering
- Expectation–Maximization (EM) Clustering using Gaussian Mixture Models (GMM)
- Agglomerative Hierarchical Clustering
- Self Organizing Maps
- Transforming / Dimension Reduction
- Principal Component Analysis(PCA)
- Restricted Boltzmann Machines
- Autoencoders
- Clustering
- Reinforcement Learning
- Multi-Armed Bandit Problems
- Explore-Exploitation Dilemma
- Epsilon-greedy
- Optimistic Initial Values
- UCB1
- Thomson Sampling
- Explore-Exploitation Dilemma
- Markov Decision Process
- Value Function
- Bellman Equation
- Optimal Policy and Optimal Value Function
- Dynamic Programming
- Policy Iteration
- Value Iteration
- Monte Carlo
- Policy Evaluation
- Code
- Temporal Difference Learning
- SARSA
- Q-Learning
- Approximation Methods
- Policy Gradient
- Model-Based
- Proximal Policy Optimization (PPO)
- Deep Reinforcement Learning: BerkeleyDeepRLBootcamp
- Multi-Armed Bandit Problems
- Generative Modelling
- Generative adversarial networks (GANs)
- Variational Auto-Encoders
- Deep Energy Models
- Computer Vision:
- Object Detection
- Object Detection with Sliding Window
- R-CNN
- Fast R-CNN
- Faster R-CNN
- Fastest R-CNN
- YOLO (You look only once)
- Face Recognition:
- One Shot Learning
- Siamese Network
- FaceNet
- DeepFace
- Neural Style Transfer: Example Implemantation
- Object Detection
- Sequence Models:
- Sampling & Sequence Generation
- Image Captioning
- Machine Translation:
- Attention Model
- Bleu Score
- Natural Language Processing:
- Word Embeddings
- TF-IDF
- Word2vec
- Skip-gram
- GloVe: Global Vectors for word representation
- FastText (Enriching Word Vectors with Subword Information)
- Speech Recognition - Audio Data:
- Deep Speech Recognition:
- CTC Cost (Connectionist Temporal Classification)
- Trigger Word Detection
- Deep Speech Recognition:
- Robotics:
- Deep Reinforcement Learning
- Artificial General Intelligence: MITCourse
- Transfer Learning
- Meta-Learning
- Scikit Learn: ML library for Python
- Tensorflow: An open source machine learning framework with Python
- Keras: "The Python Deep Learning library"
- Pytorch: is a deep learning framework with Python
- Caffe: is a deep learning framework
- Theano: "is a Python library that allows you to define, optimize, and evaluate mathematical expressions involving multi-dimensional arrays efficiently".
- DeepLearning4j : "Open-Source, Distributed, Deep Learning Library for the JVM, Java"
- DarkNet: "Open Source Neural Networks in C"
- josephmisiti/awesome-machine-learning: Tools, Libraries, etc..
- josephmisiti/awesome-machine-learning/blob/master/courses.md: ML Courses.
- josephmisiti/awesome-machine-learning/blob/master/books.md: ML Books.
- josephmisiti/awesome-machine-learning/blob/master/blogs.md: DataScience/Statistics, ML Blogs and Podcasts.
- sdukshis/awesome-ml: Papers, blogposts, datasets.
- RatulGhosh/awesome-machine-learning: ML Courses.
- aikorea/awesome-rl: Reinforcement Learning Codes, Courses, Books, Papers, Applications, Tutorials, Demos, Platforms, etc.
- ChristosChristofidis/awesome-deep-learning: Deeplearning Courses, Lectures, Papers, Tuts, Researchers, Websites, Datasets, Frameworks, etc..
- terryum/awesome-deep-learning-papers: Most Cited Deep Learning Papers.