【導讀】深度學習在過去十年獲得了極大進展,出現很多新的模型,並且伴隨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]
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]
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-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 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]
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]
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 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]
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]
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]
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]
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]
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]
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]
[PyTorch: GitHub | Nbviewer
https://nbviewer.jupyter.org/github/rasbt/deeplearning-models/blob/master/pytorch_ipynb/transfer/transferlearning-vgg16-cifar10-1.ipynb
Custom Data Loader Example for PNG Files
[PyTorch: GitHub | Nbviewer]
Using PyTorch Dataset Loading Utilities for Custom Datasets -- CSV files converted to HDF5
[PyTorch: GitHub | Nbviewer]
Using PyTorch Dataset Loading Utilities for Custom Datasets -- Face Images from CelebA
[PyTorch: GitHub | Nbviewer]
Using PyTorch Dataset Loading Utilities for Custom Datasets -- Drawings from Quickdraw
[PyTorch: GitHub | Nbviewer]
Using PyTorch Dataset Loading Utilities for Custom Datasets -- Drawings from the Street View House Number (SVHN) Dataset
[PyTorch: GitHub | Nbviewer]
Using PyTorch Dataset Loading Utilities for Custom Datasets -- Asian Face Dataset (AFAD)
[PyTorch: GitHub | Nbviewer]
Using PyTorch Dataset Loading Utilities for Custom Datasets -- Dating Historical Color Images
[PyTorch: GitHub | Nbviewer]
Generating Validation Set Splits
[PyTorch]: GitHub | Nbviewer]
Dataloading with Pinned Memory
[PyTorch: GitHub | Nbviewer]
Standardizing Images
[PyTorch: GitHub | Nbviewer]
Image Transformation Examples
[PyTorch: GitHub | Nbviewer]
Char-RNN with Own Text File
[PyTorch: GitHub | Nbviewer]
Sentiment Classification RNN with Own CSV File
[PyTorch: GitHub | Nbviewer]
Sequential API and hooks
[PyTorch: GitHub | Nbviewer]
Weight Sharing Within a Layer
[PyTorch: GitHub | Nbviewer]
Plotting Live Training Performance in Jupyter Notebooks with just Matplotlib
[PyTorch: GitHub | Nbviewer]
Chunking an Image Dataset for Minibatch Training using NumPy NPZ Archives
[TensorFlow 1: GitHub | Nbviewer]
Storing an Image Dataset for Minibatch Training using HDF5
[TensorFlow 1: GitHub | Nbviewer]
Using Input Pipelines to Read Data from TFRecords Files
[TensorFlow 1: GitHub | Nbviewer]
Using Queue Runners to Feed Images Directly from Disk
[TensorFlow 1: GitHub | Nbviewer]
Using TensorFlow's Dataset API
[TensorFlow 1: GitHub | Nbviewer]
便捷查看下載,請關注專知公眾號(點擊上方藍色專知關注)
點擊「閱讀原文」,了解使用專知,查看5000+AI主題知識資料