Awesome-DL-Models icon indicating copy to clipboard operation
Awesome-DL-Models copied to clipboard

🤩Learning and reproducing classic deep learning models by using PyTorch.【Machine Learning,CV,NLP,Mutimodal,GNN,etc.】

Awesome Deep Learning Models

🤩Learning and reproducing classic deep learning models by using PyTorch.

🛠This repository is not a library, it's just some learning resource about catching the tricks of calssical models. You can get some details you need here.

Machine Learning Model

Statistical Learning Method

Supervised Learning

📗 Note 👈

  • Perception
  • KNN(K-Nearest Neighbor)
  • Naive Bayes
  • Decision Tree
  • Logistic Regression and Maximum Entropy Model
  • SVM(Support Vector Machine)
  • Adaboost(Adaptive Boost)
  • EM(Expectation Maximization)
  • HMM(Hidden Markov Model)
  • CRF(Conditional Random Field)

Unsupervised Learning

  • K-Means
  • SVD(Singular Value Decomposition)
  • PCA(Principal Component Analysis)
  • LSA(Latent Semantic Analysis)
  • PLSA(Probabilistic Latent Semantic Analysis)
  • MCMC(Markov Chain Monte Carlo Method)
  • LDA(Latent Dirichlet Allocation)
  • PageRank

Computer Vision

Classification

  • LeNet: Including Basic Tutorial
  • AlexNet
  • VGGNet
  • NiN
  • GoogleNet
  • ResNet
  • DenseNet

Object Detection

  • R-CNN
  • Fast R-CNN
  • R-FCN
  • YOLO Series
  • SSD
  • FPN

Semantic Segmentation

  • U-Net Series

Instance Segmentation

  • Mask R-CNN

Natural Language Processing

Lesson

  • CS224N: Natural Language Processing 2022: 👈 Note, Assignment, Code and Papers here.

Packet

Recurrent Neural Network

  • RNN
  • GRU
  • LSTM
  • Bi-RNN
  • Encoder-Decoder
  • Seq2Seq

Embedding

  • Word2Vec | Cbow | Skip-gram
  • Glove
  • FastText
  • ELMo

Model

Transformer

  • Attention
  • Base_Transformer : Docx : Colab
  • Bert
  • GTP
  • XLNet
  • MT-DNN

Generative Adversarial Networks

  • BasicGAN
  • CycleGAN
  • CD-GAN
  • StyleGAN

Graph Convolution Network

Embedding

  • DeepWalk
  • LINE
  • GraRep
  • TADW
  • Node2Vec
  • GraphGAN
  • Struct2Vec
  • GraphWave

Model

  • GNN
  • GCN
  • Fast GCN
  • GraphSAGE
  • GAT