关注上方深度学习技术前沿”,选择“星标公众号”

资源干货,第一时间送达!

【导读】深度学习在过去十年获得了极大进展,出现很多新的模型,并且伴随TensorFlow和Pytorch框架的出现,有很多实现,但对于初学者和很多从业人员,如何选择合适的实现,是个选择。rasbt大神在Github上整理了关于深度学习模型TensorFlow和Pytorch代码实现集合,含有100个,各种各样的深度学习架构,模型,和技巧的集合Jupyter Notebooks,从基础的逻辑回归到神经网络到CNN到GNN等,可谓一网打尽,值得收藏!

地址:https://github.com/rasbt/deeplearning-models

传统机器学习

  • 感知器 Perceptron
       [TensorFlow 1: GitHub | Nbviewer]

    https://github.com/rasbt/deeplearning-models/blob/master/tensorflow1_ipynb/basic-ml/perceptron.ipynb
       [PyTorch: GitHub | Nbviewer]

    https://nbviewer.jupyter.org/github/rasbt/deeplearning-models/blob/master/pytorch_ipynb/basic-ml/perceptron.ipynb

  • 逻辑回归 Logistic Regression
       [TensorFlow 1: GitHub | Nbviewer]

    https://nbviewer.jupyter.org/github/rasbt/deeplearning-models/blob/master/tensorflow1_ipynb/basic-ml/logistic-regression.ipynb
       [PyTorch: GitHub | Nbviewer]

    https://nbviewer.jupyter.org/github/rasbt/deeplearning-models/blob/master/pytorch_ipynb/basic-ml/logistic-regression.ipynb

  • Softmax Regression (Multinomial Logistic Regression)
       [TensorFlow 1: GitHub | Nbviewer]

    https://github.com/rasbt/deeplearning-models/blob/master/tensorflow1_ipynb/basic-ml/softmax-regression.ipynb
       [PyTorch: GitHub | Nbviewer]

    https://github.com/rasbt/deeplearning-models/blob/master/pytorch_ipynb/basic-ml/softmax-regression.ipynb

  • Softmax Regression with MLxtend's plot_decision_regions on Iris
       [PyTorch: GitHub | Nbviewer]

    https://nbviewer.jupyter.org/github/rasbt/deeplearning-models/blob/master/pytorch_ipynb/basic-ml/softmax-regression-mlxtend-1.ipynb

多层感知器

  • 多层感知器 Multilayer Perceptron
       [TensorFlow 1: GitHub | Nbviewer]

    https://nbviewer.jupyter.org/github/rasbt/deeplearning-models/blob/master/tensorflow1_ipynb/mlp/mlp-basic.ipynb
       [PyTorch: GitHub | Nbviewer]

    https://nbviewer.jupyter.org/github/rasbt/deeplearning-models/blob/master/pytorch_ipynb/mlp/mlp-basic.ipynb

  • 带Dropout的多层感知器 Multilayer Perceptron with Dropout
       [TensorFlow 1: GitHub | Nbviewer]
       [PyTorch: GitHub | Nbviewer]

  • 具有批处理规范化的多层感知器 Multilayer Perceptron with Batch Normalization
       [TensorFlow 1: GitHub | Nbviewer]
       [PyTorch: GitHub | Nbviewer]

  • Multilayer Perceptron with Backpropagation from Scratch
       [TensorFlow 1: GitHub | Nbviewer]
       [PyTorch: GitHub | Nbviewer]

卷积神经网络

基础

  • 卷积神经网络 Convolutional Neural Network
       [TensorFlow 1: GitHub | Nbviewer]

    https://nbviewer.jupyter.org/github/rasbt/deeplearning-models/blob/master/tensorflow1_ipynb/cnn/cnn-basic.ipynb
       [PyTorch: GitHub | Nbviewer]

    https://nbviewer.jupyter.org/github/rasbt/deeplearning-models/blob/master/pytorch_ipynb/cnn/cnn-basic.ipynb

  • Convolutional Neural Network with He Initialization
       [PyTorch: GitHub | Nbviewer]

Concepts

  • Replacing Fully-Connnected by Equivalent Convolutional Layers
       [PyTorch: GitHub | Nbviewer]

Fully Convolutional

  • Fully Convolutional Neural Network
       [PyTorch: GitHub | Nbviewer]

LeNet

  • LeNet-5 on MNIST
       [PyTorch: GitHub | Nbviewer]

    https://nbviewer.jupyter.org/github/rasbt/deeplearning-models/blob/master/pytorch_ipynb/cnn/cnn-lenet5-mnist.ipynb

  • LeNet-5 on CIFAR-10
       [PyTorch: GitHub | Nbviewer]

  • LeNet-5 on QuickDraw
       [PyTorch: GitHub | Nbviewer]

AlexNet

  • AlexNet on CIFAR-10
       [PyTorch: GitHub | Nbviewer]

    https://nbviewer.jupyter.org/github/rasbt/deeplearning-models/blob/master/pytorch_ipynb/cnn/cnn-alexnet-cifar10.ipynb

VGG

  • Convolutional Neural Network VGG-16
       [TensorFlow 1: GitHub | Nbviewer]

    https://nbviewer.jupyter.org/github/rasbt/deeplearning-models/blob/master/tensorflow1_ipynb/cnn/cnn-vgg16.ipynb
       [PyTorch: GitHub | Nbviewer]

  • VGG-16 Gender Classifier Trained on CelebA
       [PyTorch: GitHub | Nbviewer]

  • Convolutional Neural Network VGG-19
       [PyTorch: GitHub | Nbviewer]

DenseNet

  • DenseNet-121 Digit Classifier Trained on MNIST
       [PyTorch: GitHub | Nbviewer]

    https://nbviewer.jupyter.org/github/rasbt/deeplearning-models/blob/master/pytorch_ipynb/cnn/cnn-densenet121-mnist.ipynb

  • DenseNet-121 Image Classifier Trained on CIFAR-10
       [PyTorch: GitHub | Nbviewer]

ResNet

  • ResNet and Residual Blocks
       [PyTorch: GitHub | Nbviewer]

    https://nbviewer.jupyter.org/github/rasbt/deeplearning-models/blob/master/pytorch_ipynb/cnn/resnet-ex-1.ipynb

  • ResNet-18 Digit Classifier Trained on MNIST
       [PyTorch: GitHub | Nbviewer]

  • ResNet-18 Gender Classifier Trained on CelebA
       [PyTorch: GitHub | Nbviewer]

  • ResNet-34 Digit Classifier Trained on MNIST
       [PyTorch: GitHub | Nbviewer]

  • ResNet-34 Object Classifier Trained on QuickDraw
       [PyTorch: GitHub | Nbviewer]

  • ResNet-34 Gender Classifier Trained on CelebA
       [PyTorch: GitHub | Nbviewer]

  • ResNet-50 Digit Classifier Trained on MNIST
       [PyTorch: GitHub | Nbviewer]

  • ResNet-50 Gender Classifier Trained on CelebA
       [PyTorch: GitHub | Nbviewer]

  • ResNet-101 Gender Classifier Trained on CelebA
       [PyTorch: GitHub | Nbviewer]

  • ResNet-101 Trained on CIFAR-10
       [PyTorch: GitHub | Nbviewer]

  • ResNet-152 Gender Classifier Trained on CelebA
       [PyTorch: GitHub | Nbviewer]

Network in Network

  • Network in Network CIFAR-10 Classifier
       [PyTorch: GitHub | Nbviewer]

    https://nbviewer.jupyter.org/github/rasbt/deeplearning-models/blob/master/pytorch_ipynb/cnn/nin-cifar10.ipynb

归一化层 Normalization Layers

  • BatchNorm before and after Activation for Network-in-Network CIFAR-10 Classifier
       [PyTorch: GitHub | Nbviewer]

    https://nbviewer.jupyter.org/github/rasbt/deeplearning-models/blob/master/pytorch_ipynb/cnn/nin-cifar10_batchnorm.ipynb

  • Filter Response Normalization for Network-in-Network CIFAR-10 Classifier
       [PyTorch: GitHub | Nbviewer]

度量学习 Metric Learning

  • Siamese Network with Multilayer Perceptrons
       [TensorFlow 1: GitHub | Nbviewer]

    https://nbviewer.jupyter.org/github/rasbt/deeplearning-models/blob/master/tensorflow1_ipynb/metric/siamese-1.ipynb

自编码器 Autoencoders

全连接自编码器 Fully-connected Autoencoders

  • Autoencoder (MNIST)
       [TensorFlow 1: GitHub | Nbviewer]

    https://nbviewer.jupyter.org/github/rasbt/deeplearning-models/blob/master/tensorflow1_ipynb/autoencoder/ae-basic.ipynb
       [PyTorch: GitHub | Nbviewer]

  • Autoencoder (MNIST) + Scikit-Learn Random Forest Classifier
       [TensorFlow 1: GitHub | Nbviewer]
       [PyTorch: GitHub | Nbviewer]

Convolutional Autoencoders

  • Convolutional Autoencoder with Deconvolutions / Transposed Convolutions
       [TensorFlow 1: GitHub | Nbviewer]
       [PyTorch: GitHub | Nbviewer]

  • Convolutional Autoencoder with Deconvolutions and Continuous Jaccard Distance
       [PyTorch: GitHub | Nbviewer]

  • Convolutional Autoencoder with Deconvolutions (without pooling operations)
       [PyTorch: GitHub | Nbviewer]

  • Convolutional Autoencoder with Nearest-neighbor Interpolation
       [TensorFlow 1: GitHub | Nbviewer]
       [PyTorch: GitHub | Nbviewer]

  • Convolutional Autoencoder with Nearest-neighbor Interpolation -- Trained on CelebA
       [PyTorch: GitHub | Nbviewer]

  • Convolutional Autoencoder with Nearest-neighbor Interpolation -- Trained on Quickdraw
       [PyTorch: GitHub | Nbviewer]

Variational Autoencoders

  • Variational Autoencoder
       [PyTorch: GitHub | Nbviewer]

  • Convolutional Variational Autoencoder
       [PyTorch: GitHub | Nbviewer]

Conditional Variational Autoencoders

  • Conditional Variational Autoencoder (with labels in reconstruction loss)
       [PyTorch: GitHub | Nbviewer]

  • Conditional Variational Autoencoder (without labels in reconstruction loss)
       [PyTorch: GitHub | Nbviewer]

  • Convolutional Conditional Variational Autoencoder (with labels in reconstruction loss)
       [PyTorch: GitHub | Nbviewer]

  • Convolutional Conditional Variational Autoencoder (without labels in reconstruction loss)
       [PyTorch: GitHub | Nbviewer]

生成式对抗网络 Generative Adversarial Networks (GANs)

  • Fully Connected GAN on MNIST
       [TensorFlow 1: GitHub | Nbviewer]

    https://nbviewer.jupyter.org/github/rasbt/deeplearning-models/blob/master/tensorflow1_ipynb/gan/gan.ipynb
       [PyTorch: GitHub | Nbviewer]

  • Fully Connected Wasserstein GAN on MNIST
       [PyTorch: GitHub | Nbviewer]

  • Convolutional GAN on MNIST
       [TensorFlow 1: GitHub | Nbviewer]
       [PyTorch: GitHub | Nbviewer]

  • Convolutional GAN on MNIST with Label Smoothing
       [TensorFlow 1: GitHub | Nbviewer]
       [PyTorch: GitHub | Nbviewer]

  • Convolutional Wasserstein GAN on MNIST
       [PyTorch: GitHub | Nbviewer]

图神经网络 Graph Neural Networks (GNNs)

  • Most Basic Graph Neural Network with Gaussian Filter on MNIST
       [PyTorch: GitHub | Nbviewer]

    https://nbviewer.jupyter.org/github/rasbt/deeplearning-models/blob/master/pytorch_ipynb/gnn/gnn-basic-1.ipynb

  • Basic Graph Neural Network with Edge Prediction on MNIST
       [PyTorch: GitHub | Nbviewer]

  • Basic Graph Neural Network with Spectral Graph Convolution on MNIST
       [PyTorch: GitHub | Nbviewer]

循环神经网络 Recurrent Neural Networks (RNNs)

Many-to-one: Sentiment Analysis / Classification

  • A simple single-layer RNN (IMDB)
       [PyTorch: GitHub | Nbviewer]

    https://nbviewer.jupyter.org/github/rasbt/deeplearning-models/blob/master/pytorch_ipynb/rnn/rnn_simple_imdb.ipynb

  • A simple single-layer RNN with packed sequences to ignore padding characters (IMDB)
       [PyTorch: GitHub | Nbviewer]

  • RNN with LSTM cells (IMDB)
       [PyTorch: GitHub | Nbviewer]

  • RNN with LSTM cells (IMDB) and pre-trained GloVe word vectors
       [PyTorch: GitHub | Nbviewer]

  • RNN with LSTM cells and Own Dataset in CSV Format (IMDB)
       [PyTorch: GitHub | Nbviewer]

  • RNN with GRU cells (IMDB)
       [PyTorch: GitHub | Nbviewer]

  • Multilayer bi-directional RNN (IMDB)
       [PyTorch: GitHub | Nbviewer]

  • Bidirectional Multi-layer RNN with LSTM with Own Dataset in CSV Format (AG News)
       [PyTorch: GitHub | Nbviewer]

  • Bidirectional Multi-layer RNN with LSTM with Own Dataset in CSV Format (Yelp Review Polarity)
       [PyTorch: GitHub | Nbviewer]

  • Bidirectional Multi-layer RNN with LSTM with Own Dataset in CSV Format (Amazon Review Polarity)
       [PyTorch: GitHub | Nbviewer]

Many-to-Many / Sequence-to-Sequence

  • A simple character RNN to generate new text (Charles Dickens)
       [PyTorch: GitHub | Nbviewer]

Ordinal Regression

  • Ordinal Regression CNN -- CORAL w. ResNet34 on AFAD-Lite
       [PyTorch: GitHub | Nbviewer]

  • Ordinal Regression CNN -- Niu et al. 2016 w. ResNet34 on AFAD-Lite
       [PyTorch: GitHub | Nbviewer]

  • Ordinal Regression CNN -- Beckham and Pal 2016 w. ResNet34 on AFAD-Lite
       [PyTorch: GitHub | Nbviewer]

Tips and Tricks

  • Cyclical Learning Rate
       [PyTorch: GitHub | Nbviewer]

  • Annealing with Increasing the Batch Size (w. CIFAR-10 & AlexNet)
       [PyTorch: GitHub | Nbviewer]

  • Gradient Clipping (w. MLP on MNIST)
       [PyTorch: GitHub | Nbviewer]

迁移学习 Transfer Learning

  • Transfer Learning Example (VGG16 pre-trained on ImageNet for Cifar-10)

[PyTorch: GitHub | Nbviewer

https://nbviewer.jupyter.org/github/rasbt/deeplearning-models/blob/master/pytorch_ipynb/transfer/transferlearning-vgg16-cifar10-1.ipynb

重磅!深度学习技术前沿-微信群已成立

扫码添加群助手可申请加入 深度学习技术前沿 微信群,旨在交流深度学习方面的学习、科研、工程项目等内容,其中研究方向主要包括:图像识别、图像分类、目标检测、图像分割、人脸识别、模型剪枝与压缩、自然语言处理、知识图谱、强化学习、NAS、GAN等。并且还会第一时间在群中分享一线大厂求职内推资料。

一定要备注:研究方向+学校/公司+姓名(如图像分割+浙大+李四),按照格式备注,可更快被通过且邀请进群。(广告商、博主请绕道!)

???? 长按识别,即可加群

???? 长按识别,即可关注

深度学习100+经典模型TensorFlow与Pytorch代码实现大合集相关推荐

  1. 收藏 | 深度学习框架简史:TensorFlow和PyTorch双头垄断

    点上方蓝字计算机视觉联盟获取更多干货 在右上方 ··· 设为星标 ★,与你不见不散 仅作学术分享,不代表本公众号立场,侵权联系删除 转载于:机器之心 AI博士笔记系列推荐 周志华<机器学习> ...

  2. 深度学习基础-经典模型总结

    深度学习经典模型总结 卷积神经网络 介绍下转置卷积 循环神经网络 介绍下RNN 介绍下LSTM 一个LSTM cell的时间复杂度是多少 介绍下GRU RNN和LSTM的区别 注意力模型 介绍下Att ...

  3. 学习=拟合?深度学习和经典统计学是一回事吗?

    来源:PaperWeekly.机器之心 本文大约8700字,建议阅读20分钟 本文介绍了理论计算机科学家.哈佛大学知名教授 Boaz Barak 详细比较了深度学习与经典统计学的差异. 深度学习和简单 ...

  4. 【深度学习】深度学习和经典统计学是一回事?

    器之心编译 编辑:rome rome 深度学习和简单的统计学是一回事吗?很多人可能都有这个疑问,毕竟二者连术语都有很多相似的地方.在这篇文章中,理论计算机科学家.哈佛大学知名教授 Boaz Barak ...

  5. 深度学习自然语言处理模型实现大集合(精简版<100行)

    本资源整理了现有常见NLP深度学习模型,借鉴相关TensorFlow和Pytorch代码实现相关的模型代码,对绝大多数NLP模型进行精简,多数模型都是用不到100行代码实现的,(注释或空行除外). 资 ...

  6. 深度学习100例 | 第3天:交通标志识别 - PyTorch实现

    文章目录 一.导入数据 1. 获取类别名 2. 数据可视化 3. 加载数据文件 4. 划分数据 二.自建模型 三.模型训练 1. 优化器与损失函数 2. 模型的训练 四.结果分析 大家好,我是K同学啊 ...

  7. 深度学习100问:图像语义分割有哪些经典的上采样方法?

    点击上方"小白学视觉",选择加"星标"或"置顶" 重磅干货,第一时间送达 大家都知道目前主流的语义分割模型都是编码-解码框架的.通过编码器不 ...

  8. 从TensorFlow到PyTorch:九大深度学习框架哪款最适合你?

    人工智能AI与大数据技术实战  公众号: weic2c 开源的深度学习神经网络正步入成熟,而现在有许多框架具备为个性化方案提供先进的机器学习和人工智能的能力.那么如何决定哪个开源框架最适合你呢?本文试 ...

  9. Python工程能力进阶、数学基础、经典机器学习模型实战、深度学习理论基础和模型调优技巧……胜任机器学习工程师岗位需要学习什么?...

    咱不敢谈人工智能时代咋样咋样之类的空话,就我自己来看,只要是个营收超过 5 亿的互联网公司,基本都需要具备机器学习的能力.因为大部分公司盈利模式基本都会围绕搜索.推荐和广告而去. 就比如极客时间,他的 ...

最新文章

  1. JAVA的正则表达式语法
  2. Linux iterm 快捷键
  3. C#多线程编程之:lock使用注意事项
  4. [html] 如何设置打印尺寸?
  5. 2018北京大学计算机考研分数线,2018年北京大学考研复试分数线已公布
  6. sdut1283Five in a Row, Again
  7. AOJ0008 Sum of 4 Integers【暴力】
  8. View Agent Direct-Connection注册表
  9. 设计模式 ( 四 ) 抽象工厂模式
  10. 2020-12-29 zabbix 安装 snmpwalk 命令和基本使用
  11. 如何正确认识网络工程师
  12. MAC上VMware fusion 12安装vmware tools灰色解决办法
  13. 小学计算机网络教室管理制度,计算机网络教室使用管理制度[大全五篇]
  14. 甘超波:NLP表象系统
  15. 软件著作权在开发完成时就自动享有了还有必要申请软件著作权登记么?
  16. MySQL 清除表空间碎片
  17. 日版IPhone5完美上3G
  18. Spark2.x学习笔记:Spark SQL的SQL
  19. postgresql整理
  20. AI实验-七种动物识别系统

热门文章

  1. CentOS安装配置之基本
  2. 因为WMI配置,无法执行Sql Server 系统配置检查器的解决办法
  3. java计算下周一_java – 如何计算下周?
  4. Linux学习(八)---crond 任务调度
  5. 一份用动画演示操作系统的各个过程的资料
  6. tensorflow.unstack() 与 tensorflow.stack()
  7. JAVA CLASSPATH 和PATH的区别 经典
  8. 2048界面优化c语言,好玩的2048小游戏,C语言的代码分享给你,快来练习吧!
  9. java c3p0 连接 mysql_Java使用C3P0数据源链接数据库
  10. 「智源论坛Live报名」清华大学董胤蓬:深度学习对抗攻防平台