Skip to content

sh-navid/AiN

Folders and files

NameName
Last commit message
Last commit date

Latest commit

 

History

47 Commits
 
 
 
 
 
 
 
 
 
 

Repository files navigation

AiN

  • Disclaimer: Part or all of this repo may be wrong

NN

Example

    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

Steps

  1. Init
    1. Number of input/outpur nodes
    2. Hidden layers
    3. Neurons in each layer
  2. Forward Propagation
  3. Activation Function
    1. sigmoid
    2. tanh
    3. ReLU
  4. Backward Propagation
  5. Training NN
  6. Testing NN

GAN

Flowchart

    flowchart LR
    Random_Input --> Genrator --> Sample_ --> Discriminator --> Discriminator_Loss
    Discriminator --> Generator_Loss
    Real_Image --> Sample --> Discriminator

Steps

  1. Define Generator
    1. Create a function to generate random noise
  2. Define Discriminator
    1. Create a function to distinguishes between real and generated data
  3. Generate fake data
  4. Define a traning loop
    1. Discriminator learns to distinguish between fake and real data
    2. Generator learns to create data that fools the Discriminator
    3. Each one tries to learn to outdo the other
  5. Evaluate the GAN

AI

AI Domains

  1. ML Machine learning
    1. Supervised Learning Algorithms
    2. Unsupervised Learning Algorithms
    3. Reinforcement Learning Algorithms
      1. Model-based
        1. Value Iteration
        2. Model Iteration
        3. Dyna-Q
      2. Model-free
        1. QLearning
        2. SARSA
        3. TD(λ)
  2. NLP Natrual Language Processing
    1. Sentence Representation
    2. Graphical Topic Models
    3. Training with Classification Models
  3. Vision

    To understand visual data

    1. CNN Convolutional Neural Networks

      Image recognition, classification and object detection

    2. RNN Recurrent Neural Networks

      Image captioning, scene description and video analysis

    3. YOLO You Only Look Once

      Real time object detection algorithm

    4. Mask R-CNN

      Extension of R-CNN

    5. GANs Generative Adversarial Networks

      To create material such as image, music, text, ...

    6. Siamese Networks

      Image classification and similarity learning

    7. CPMs Convolutional Pos Machines

      Human Pos estimation; location and orientation of joints

  4. Speech
  5. Robotics
  6. Expert System
    1. Forward Chaining
    2. Backward Chaining
    3. Certainty Factor
    4. Case-based Reasoning
    5. Fuzzy Logic
    6. Bayesian Networks
    7. Decision Trees
  7. Learning Curve Algorithms Is this in correct category??
    1. Methahuristic Algorithms
    2. Constrained Heuristic
    3. Hybrid Combination
  8. Neural Network
    1. CNN
    2. DNN
    3. RNN

AI Types

  1. Self-Aware
  2. Limited Memory
  3. Theory of Mind
  4. Reactive Machines
  5. Artificial General Intelligence
  6. Artificial Narrow Intelligence (ANI)
  7. Artificial Super Intelligence (ASI)

ML

  • Supervised Learning
    1. Regression
      • Linear
      • Polynominal
    2. Classification
      • KNN
      • SVM
      • NaiveBayse
      • Decision Tree
  • Unsupervised Learning
    1. Clustering
      • KMeans
      • DBScan
      • MeanShift
      • FuzzyCMean
      • Hierarchical
      • Agglomerative
      • Knowledge-based
    2. Dimension Reduction (Generalization)
      • LDA
      • PCA
      • SVD
      • LSA
      • TSNE
    3. Pattern Search
      • Apriori
      • FPGrowth
  • Ensemble Methods
    1. Bagging
      • RandomForest
    2. Stacking
    3. Boosting
  • Reinforcment Learning
    1. A3C

    [!WARNING] Is this in correct category??

    1. SARSA
    2. QLearning
    3. GeneticAlgorithm

    [!WARNING] Is this in correct category??

    1. DeepQNetwork (DQN)

AI Usage

  1. Online shopping
  2. Fraud prevention
  3. Autonomous vehicles
  4. Facial recognition
  5. Hiring
  6. Gaming
  7. Social media
  8. Travel

ML/AI Engines

ML/AI Tools

  1. TensorFlow
  2. PyTorch
  3. Keras
  4. Chain
  5. Theano
  6. Auto-WEKA
  7. KNIME
  8. BigML
  9. Scikit-learn
  10. Accord.NET
  11. Google Cloud AutoML
  12. Azure Machine Learning Studio
  13. Amazon Machine Learning (AML)

ML/AI Plugins

ML/AI Apps

Useful links