- Disclaimer: Part or all of this repo may be wrong
graph LR
I(Input)
O(Output)
HL1_F1(Func)
HL1_F2(Func)
HL2_F1(Func)
HL2_F2(Func)
HL3_F1(Func)
HL3_F2(Func)
I --> HL1_F1
I --> HL1_F2
HL1_F1 --> HL2_F1
HL1_F1 --> HL2_F2
HL1_F2 --> HL2_F1
HL1_F2 --> HL2_F2
HL2_F1 --> HL3_F1
HL2_F2 --> HL3_F2
HL2_F1 --> HL3_F2
HL2_F2 --> HL3_F1
HL3_F1 --> O
HL3_F2 --> O
- Init
- Number of input/outpur nodes
- Hidden layers
- Neurons in each layer
- Forward Propagation
- Activation Function
- sigmoid
- tanh
- ReLU
- Backward Propagation
- Training NN
- Testing NN
flowchart LR
Random_Input --> Genrator --> Sample_ --> Discriminator --> Discriminator_Loss
Discriminator --> Generator_Loss
Real_Image --> Sample --> Discriminator
- Define Generator
- Create a function to generate random noise
- Define Discriminator
- Create a function to distinguishes between real and generated data
- Generate fake data
- Define a traning loop
- Discriminator learns to distinguish between fake and real data
- Generator learns to create data that fools the Discriminator
- Each one tries to learn to outdo the other
- Evaluate the GAN
- ML Machine learning
- Supervised Learning Algorithms
- Unsupervised Learning Algorithms
- Reinforcement Learning Algorithms
- Model-based
- Value Iteration
- Model Iteration
- Dyna-Q
- Model-free
- QLearning
- SARSA
- TD(λ)
- Model-based
- NLP Natrual Language Processing
- Sentence Representation
- Graphical Topic Models
- Training with Classification Models
- Vision
To understand visual data
- CNN Convolutional Neural Networks
Image recognition, classification and object detection
- RNN Recurrent Neural Networks
Image captioning, scene description and video analysis
- YOLO You Only Look Once
Real time object detection algorithm
- Mask R-CNN
Extension of R-CNN
- GANs Generative Adversarial Networks
To create material such as image, music, text, ...
- Siamese Networks
Image classification and similarity learning
- CPMs Convolutional Pos Machines
Human Pos estimation; location and orientation of joints
- CNN Convolutional Neural Networks
- Speech
- Robotics
- Expert System
- Forward Chaining
- Backward Chaining
- Certainty Factor
- Case-based Reasoning
- Fuzzy Logic
- Bayesian Networks
- Decision Trees
- Learning Curve Algorithms
Is this in correct category??
- Methahuristic Algorithms
- Constrained Heuristic
- Hybrid Combination
- Neural Network
- CNN
- DNN
- RNN
- Self-Aware
- Limited Memory
- Theory of Mind
- Reactive Machines
- Artificial General Intelligence
- Artificial Narrow Intelligence (ANI)
- Artificial Super Intelligence (ASI)
- Supervised Learning
- Regression
- Linear
- Polynominal
- Classification
- KNN
- SVM
- NaiveBayse
- Decision Tree
- Regression
- Unsupervised Learning
- Clustering
- KMeans
- DBScan
- MeanShift
- FuzzyCMean
- Hierarchical
- Agglomerative
- Knowledge-based
- Dimension Reduction (Generalization)
- LDA
- PCA
- SVD
- LSA
- TSNE
- Pattern Search
- Apriori
- FPGrowth
- Clustering
- Ensemble Methods
- Bagging
- RandomForest
- Stacking
- Boosting
- Bagging
- Reinforcment Learning
- A3C
[!WARNING]
Is this in correct category??
- SARSA
- QLearning
- GeneticAlgorithm
[!WARNING]
Is this in correct category??
- DeepQNetwork (DQN)
- Online shopping
- Fraud prevention
- Autonomous vehicles
- Facial recognition
- Hiring
- Gaming
- Social media
- Travel
- TensorFlow
- PyTorch
- Keras
- Chain
- Theano
- Auto-WEKA
- KNIME
- BigML
- Scikit-learn
- Accord.NET
- Google Cloud AutoML
- Azure Machine Learning Studio
- Amazon Machine Learning (AML)
- https://www.w3schools.com/python/python_ml_getting_started.asp
- https://www.springboard.com/blog/data-science/how-to-learn-machine-learning/
- https://www.enjoyalgorithms.com/blog/coding-ml-from-scratch/
- https://github.com/eriklindernoren/ML-From-Scratch
- https://www.kdnuggets.com/2022/02/7-steps-mastering-machine-learning-python.html
- https://www.analyticsvidhya.com/blog/2021/10/implementing-artificial-neural-networkclassification-in-python-from-scratch/
- https://www.learndatasci.com/tutorials/reinforcement-q-learning-scratch-python-openai-gym/
- https://dafriedman97.github.io/mlbook/content/introduction.html
- https://www.geeksforgeeks.org/machine-learning-with-python/
- https://www.kaggle.com/code/milan400/machine-learning-algorithms-from-scratch
- Generative Adversarial Networks
- Simpelest GAN Possible
- Simple GAN Model
- Develope a 1D GAN Model
- NN for Dummies