机器学习与深度学习模型复现与知识点汇总指南

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.
仓库地址:https://github.com/JackHCC/Awesome-DL-Models

简介:

项目旨在针对深度学习一步一步入门学习算法。

机器学习模型:

  • 监督学习:感知机,KNN,朴素贝叶斯,决策树,SVM,HMM,CRF等等
  • 无监督学习:聚类,SVD,PCA,LSA,PageRank等等

深度学习:

  • 计算机视觉:经典模型
  • 自然语言处理:
    • CS224入门必备
    • 经典模型复现
  • 强化学习
  • 图神经网络
  • ……
    机器学习与深度学习模型复现与知识点汇总指南_第1张图片

机器学习算法

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

自然语言处理

包括经典方法和斯坦福CS224课程笔记,论文和作业代码
Natural Language Processing

Natural Language Processing

Lesson

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

Packet

  • NLTK
  • Gensim
  • SentencePiece
  • sacreBLEU

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

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

项目持续更新中……
https://github.com/JackHCC/Awesome-DL-Models

©JackHCC

你可能感兴趣的:(DL:经典模型复现,机器学习,深度学习,人工智能)