• Stars
    star
    16,088
  • Rank 1,681 (Top 0.04 %)
  • Language
    Jupyter Notebook
  • License
    MIT License
  • Created almost 5 years ago
  • Updated about 1 year ago

Reviews

There are no reviews yet. Be the first to send feedback to the community and the maintainers!

Repository Details

A collection of various deep learning architectures, models, and tips

Deep Learning Models

A collection of various deep learning architectures, models, and tips for TensorFlow and PyTorch in Jupyter Notebooks.

Traditional Machine Learning

Title Dataset Description Notebooks
Perceptron 2D toy data TBD PyTorch TensorFlow
Logistic Regression 2D toy data TBD PyTorch TensorFlow
Softmax Regression (Multinomial Logistic Regression) MNIST TBD PyTorch TensorFlow
Softmax Regression with MLxtend's plot_decision_regions on Iris Iris TBD PyTorch

Multilayer Perceptrons

Title Dataset Description Notebooks
Multilayer Perceptron MNIST TBD PyTorch Lightning PyTorch TensorFlow
Multilayer Perceptron with Dropout MNIST TBD PyTorch Lightning PyTorch TensorFlow
Multilayer Perceptron with Batch Normalization MNIST TBD PyTorch Lightning PyTorch TensorFlow
Multilayer Perceptron with Backpropagation from Scratch MNIST TBD PyTorch TensorFlow

Convolutional Neural Networks

Basic

Title Dataset Description Notebooks
Convolutional Neural Network TBD TBD PyTorch Lightning PyTorch TensorFlow
CNN with He Initialization TBD TBD PyTorch Lightning PyTorch

Concepts

Title Dataset Description Notebooks
Replacing Fully-Connected by Equivalent Convolutional Layers TBD TBD PyTorch

AlexNet

Title Dataset Description Notebooks
AlexNet Trained on CIFAR-10 TBD TBD PyTorch Lightning PyTorch
AlexNet with Grouped Convolutions Trained on CIFAR-10 TBD TBD PyTorch Lightning PyTorch

DenseNet

Title Description Daset Notebooks
DenseNet-121 Digit Classifier Trained on MNIST TBD TBD PyTorch Lightning PyTorch
DenseNet-121 Image Classifier Trained on CIFAR-10 TBD TBD PyTorch Lightning PyTorch

Fully Convolutional

Title Dataset Description Notebooks
"All Convolutionl Net" -- A Fully Convolutional Neural Network TBD TBD PyTorch Lightning PyTorch

LeNet

Title Dataset Description Notebooks
LeNet-5 on MNIST TBD TBD PyTorch Lightning PyTorch
LeNet-5 on CIFAR-10 TBD TBD PyTorch Lightning PyTorch
LeNet-5 on QuickDraw TBD TBD PyTorch Lightning PyTorch

MobileNet

Title Dataset Description Notebooks
MobileNet-v2 on Cifar-10 TBD TBD PyTorch Lightning PyTorch
MobileNet-v3 small on Cifar-10 TBD TBD PyTorch Lightning PyTorch
MobileNet-v3 large on Cifar-10 TBD TBD PyTorch Lightning PyTorch
MobileNet-v3 large on MNIST via Embetter TBD TBD PyTorch

Network in Network

Title Dataset Description Notebooks
Network in Network Trained on CIFAR-10 TBD TBD PyTorch Lightning PyTorch

VGG

Title Dataset Description Notebooks
Convolutional Neural Network VGG-16 Trained on CIFAR-10 TBD TBD PyTorch Lightning PyTorch TensorFlow
VGG-16 Smile Classifier CelebA TBD PyTorch Lightning PyTorch
VGG-16 Dogs vs Cats Classifier TBD TBD PyTorch
Convolutional Neural Network VGG-19 TBD TBD PyTorch Lightning PyTorch

ResNet

Title Dataset Description Notebooks
ResNet and Residual Blocks MNIST TBD PyTorch
ResNet-18 Digit Classifier MNIST TBD PyTorch
ResNet-18 Gender Classifier CelebA TBD PyTorch
ResNet-34 Digit Classifier MNIST TBD PyTorch
ResNet-34 Object Classifier QuickDraw TBD PyTorch
ResNet-34 Gender Classifier CelebA TBD PyTorch
ResNet-50 Digit Classifier MNIST TBD PyTorch
ResNet-50 Gender Classifier CelebA TBD PyTorch
ResNet-101 Gender Classifier CelebA TBD PyTorch
ResNet-101 CIFAR-10 TBD PyTorch
ResNet-152 Gender Classifier CelebA TBD PyTorch

Transformers

Title Dataset Description Notebooks
Multilabel DistilBERT Jigsaw Toxic Comment Challenge DistilBERT classifier fine-tuning PyTorch
DistilBERT as feature extractor IMDB movie review DistilBERT classifier with sklearn random forest and logistic regression PyTorch
DistilBERT as feature extractor using embetter IMDB movie review DistilBERT classifier with sklearn random forest and logistic regression using the scikit-learn embetter library PyTorch
Fine-tune DistilBERT I IMDB movie review Fine-tune only the last 2 layers of DistilBERT classifier PyTorch Lightning
Fine-tune DistilBERT II IMDB movie review Fine-tune the whole DistilBERT classifier PyTorch PyTorch Lightning

Ordinal Regression and Deep Learning

Please note that the following notebooks below provide reference implementations to use the respective methods. They are not performance benchmarks.

Title Dataset Description Notebooks
Baseline multilayer perceptron Cement A baseline multilayer perceptron for classification trained with the standard cross entropy loss PyTorch PyTorch Lightning
CORAL multilayer perceptron Cement Implementation of Rank Consistent Ordinal Regression for Neural Networks with Application to Age Estimation 2020 PyTorch PyTorch Lightning
CORN multilayer perceptron Cement Implementation of Deep Neural Networks for Rank-Consistent Ordinal Regression Based On Conditional Probabilities 2022 PyTorch PyTorch Lightning
Binary extension multilayer perceptron Cement Implementation of Ordinal Regression with Multiple Output CNN for Age Estimation 2016 PyTorch PyTorch Lightning
Reformulated squared-error multilayer perceptron Cement Implementation of A simple squared-error reformulation for ordinal classification 2016 PyTorch PyTorch Lightning
Class distance weighted cross-entropy loss Cement Implementation of Class Distance Weighted Cross-Entropy Loss for Ulcerative Colitis Severity Estimation 2022 PyTorch PyTorch Lightning

Normalization Layers

Title Dataset Description Notebooks
BatchNorm before and after Activation for Network-in-Network CIFAR-10 Classifier TBD TBD PyTorch
Filter Response Normalization for Network-in-Network CIFAR-10 Classifier TBD TBD PyTorch

Metric Learning

Title Dataset Description Notebooks
Siamese Network with Multilayer Perceptrons TBD TBD TensorFlow

Autoencoders

Fully-connected Autoencoders

Title Dataset Description Notebooks
Autoencoder (MNIST) TBD TBD PyTorch TensorFlow
Autoencoder (MNIST) + Scikit-Learn Random Forest Classifier TBD TBD PyTorch TensorFlow

Convolutional Autoencoders

Title Dataset Description Notebooks
Convolutional Autoencoder with Deconvolutions / Transposed Convolutions TBD TBD PyTorch TensorFlow
Convolutional Autoencoder with Deconvolutions and Continuous Jaccard Distance TBD TBD PyTorch
Convolutional Autoencoder with Deconvolutions (without pooling operations) TBD TBD PyTorch
Convolutional Autoencoder with Nearest-neighbor Interpolation TBD TBD PyTorch TensorFlow
Convolutional Autoencoder with Nearest-neighbor Interpolation -- Trained on CelebA TBD TBD PyTorch
Convolutional Autoencoder with Nearest-neighbor Interpolation -- Trained on Quickdraw TBD TBD PyTorch

Variational Autoencoders

Title Dataset Description Notebooks
Variational Autoencoder TBD TBD PyTorch
Convolutional Variational Autoencoder TBD TBD PyTorch

Conditional Variational Autoencoders

Title Dataset Description Notebooks
Conditional Variational Autoencoder (with labels in reconstruction loss) TBD TBD PyTorch
Conditional Variational Autoencoder (without labels in reconstruction loss) TBD TBD PyTorch
Convolutional Conditional Variational Autoencoder (with labels in reconstruction loss) TBD TBD PyTorch
Convolutional Conditional Variational Autoencoder (without labels in reconstruction loss) TBD TBD PyTorch

Generative Adversarial Networks (GANs)

Title Dataset Description Notebooks
Fully Connected GAN on MNIST TBD TBD PyTorch TensorFlow
Fully Connected Wasserstein GAN on MNIST TBD TBD PyTorch
Convolutional GAN on MNIST TBD TBD PyTorch TensorFlow
Convolutional GAN on MNIST with Label Smoothing TBD TBD PyTorch TensorFlow
Convolutional Wasserstein GAN on MNIST TBD TBD PyTorch
Deep Convolutional GAN (DCGAN) on Cats and Dogs Images TBD TBD PyTorch
Deep Convolutional GAN (DCGAN) on CelebA Face Images TBD TBD PyTorch

Graph Neural Networks (GNNs)

Title Dataset Description Notebooks
Most Basic Graph Neural Network with Gaussian Filter on MNIST TBD TBD PyTorch
Basic Graph Neural Network with Edge Prediction on MNIST TBD TBD PyTorch
Basic Graph Neural Network with Spectral Graph Convolution on MNIST TBD TBD PyTorch

Recurrent Neural Networks (RNNs)

Many-to-one: Sentiment Analysis / Classification

Title Dataset Description Notebooks
A simple single-layer RNN (IMDB) TBD TBD PyTorch
A simple single-layer RNN with packed sequences to ignore padding characters (IMDB) TBD TBD PyTorch
RNN with LSTM cells (IMDB) TBD TBD PyTorch
RNN with LSTM cells (IMDB) and pre-trained GloVe word vectors TBD TBD PyTorch
RNN with LSTM cells and Own Dataset in CSV Format (IMDB) TBD TBD PyTorch
RNN with GRU cells (IMDB) TBD TBD PyTorch
Multilayer bi-directional RNN (IMDB) TBD TBD PyTorch
Bidirectional Multi-layer RNN with LSTM with Own Dataset in CSV Format (AG News) TBD TBD PyTorch

Many-to-Many / Sequence-to-Sequence

Title Dataset Description Notebooks
A simple character RNN to generate new text (Charles Dickens) TBD TBD PyTorch

Model Evaluation

K-Fold Cross-Validation

Title Dataset Description Notebooks
Baseline CNN MNIST A simple baseline with traditional train/validation/test splits PyTorch PyTorch Lightning
K-fold with pl_cross MNIST A 5-fold cross-validation run using the pl_cross library PyTorch Lightning

Data Augmentation

Title Dataset Description Notebooks
AutoAugment & TrivialAugment for Image Data CIFAR-10 Trains a ResNet-18 using AutoAugment and TrivialAugment PyTorch Lightning

Tips and Tricks

Title Dataset Description Notebooks
Cyclical Learning Rate TBD TBD PyTorch
Annealing with Increasing the Batch Size (w. CIFAR-10 & AlexNet) TBD TBD PyTorch
Gradient Clipping (w. MLP on MNIST) TBD TBD PyTorch

Transfer Learning

Title Dataset Description Notebooks
Transfer Learning Example (VGG16 pre-trained on ImageNet for Cifar-10) TBD TBD PyTorch

Visualization and Interpretation

Title Dataset Description Notebooks
Vanilla Loss Gradient (wrt Inputs) Visualization (Based on a VGG16 Convolutional Neural Network for Kaggle's Cats and Dogs Images) TBD TBD PyTorch
Guided Backpropagation (Based on a VGG16 Convolutional Neural Network for Kaggle's Cats and Dogs Images) TBD TBD PyTorch

PyTorch Workflows and Mechanics

PyTorch Lightning Examples

Title Dataset Description Notebooks
MLP in Lightning with TensorBoard -- continue training the last model TBD TBD PyTorch
MLP in Lightning with TensorBoard -- checkpointing best model TBD TBD PyTorch

Custom Datasets

Title Dataset Description Notebooks
Custom Data Loader Example for PNG Files TBD TBD PyTorch
Using PyTorch Dataset Loading Utilities for Custom Datasets -- CSV files converted to HDF5 TBD TBD PyTorch
Using PyTorch Dataset Loading Utilities for Custom Datasets -- Face Images from CelebA TBD TBD PyTorch
Using PyTorch Dataset Loading Utilities for Custom Datasets -- Drawings from Quickdraw TBD TBD PyTorch
Using PyTorch Dataset Loading Utilities for Custom Datasets -- Drawings from the Street View House Number (SVHN) Dataset TBD TBD PyTorch
Using PyTorch Dataset Loading Utilities for Custom Datasets -- Asian Face Dataset (AFAD) TBD TBD PyTorch
Using PyTorch Dataset Loading Utilities for Custom Datasets -- Dating Historical Color Images TBD TBD PyTorch
Using PyTorch Dataset Loading Utilities for Custom Datasets -- Fashion MNIST TBD TBD PyTorch

Training and Preprocessing

Title Dataset Description Notebooks
PyTorch DataLoader State and Nested Iterations Toy Explains DataLoader behavior when in nested functions PyTorch
Generating Validation Set Splits TBD TBD PyTorch
Dataloading with Pinned Memory TBD TBD PyTorch
Standardizing Images TBD TBD PyTorch
Image Transformation Examples TBD TBD PyTorch
Char-RNN with Own Text File TBD TBD PyTorch
Sentiment Classification RNN with Own CSV File TBD TBD PyTorch

Improving Memory Efficiency

Title Dataset Description Notebooks
Gradient Checkpointing Demo (Network-in-Network trained on CIFAR-10) TBD TBD PyTorch

Parallel Computing

Title Description Notebooks
Using Multiple GPUs with DataParallel -- VGG-16 Gender Classifier on CelebA TBD PyTorch
Distribute a Model Across Multiple GPUs with Pipeline Parallelism (VGG-16 Example) TBD PyTorch

Other

Title Dataset Description Notebooks
PyTorch with and without Deterministic Behavior -- Runtime Benchmark TBD TBD PyTorch
Sequential API and hooks TBD TBD PyTorch
Weight Sharing Within a Layer TBD TBD PyTorch
Plotting Live Training Performance in Jupyter Notebooks with just Matplotlib TBD TBD PyTorch

Autograd

Title Dataset Description Notebooks
Getting Gradients of an Intermediate Variable in PyTorch TBD TBD PyTorch

TensorFlow Workflows and Mechanics

Custom Datasets

Title Description Notebooks
Chunking an Image Dataset for Minibatch Training using NumPy NPZ Archives TBD TensorFlow
Storing an Image Dataset for Minibatch Training using HDF5 TBD TensorFlow
Using Input Pipelines to Read Data from TFRecords Files TBD TensorFlow
Using Queue Runners to Feed Images Directly from Disk TBD TensorFlow
Using TensorFlow's Dataset API TBD TensorFlow

Training and Preprocessing

Title Dataset Description Notebooks
Saving and Loading Trained Models -- from TensorFlow Checkpoint Files and NumPy NPZ Archives TBD TBD TensorFlow

Related Libraries

Title Description Notebooks
TorchMetrics How do we use it, and what's the difference between .update() and .forward()? PyTorch

More Repositories

1

python-machine-learning-book

The "Python Machine Learning (1st edition)" book code repository and info resource
Jupyter Notebook
12,030
star
2

python-machine-learning-book-2nd-edition

The "Python Machine Learning (2nd edition)" book code repository and info resource
Jupyter Notebook
7,021
star
3

mlxtend

A library of extension and helper modules for Python's data analysis and machine learning libraries.
Python
4,631
star
4

python-machine-learning-book-3rd-edition

The "Python Machine Learning (3rd edition)" book code repository
Jupyter Notebook
4,392
star
5

pattern_classification

A collection of tutorials and examples for solving and understanding machine learning and pattern classification tasks
Jupyter Notebook
4,057
star
6

python_reference

Useful functions, tutorials, and other Python-related things
Jupyter Notebook
3,715
star
7

deep-learning-book

Repository for "Introduction to Artificial Neural Networks and Deep Learning: A Practical Guide with Applications in Python"
Jupyter Notebook
2,766
star
8

machine-learning-book

Code Repository for Machine Learning with PyTorch and Scikit-Learn
Jupyter Notebook
2,428
star
9

matplotlib-gallery

Examples of matplotlib codes and plots
Jupyter Notebook
1,135
star
10

watermark

An IPython magic extension for printing date and time stamps, version numbers, and hardware information
Python
845
star
11

machine-learning-notes

Collection of useful machine learning codes and snippets (originally intended for my personal use)
Jupyter Notebook
709
star
12

stat479-machine-learning-fs19

Course material for STAT 479: Machine Learning (FS 2019) taught by Sebastian Raschka at University Wisconsin-Madison
Jupyter Notebook
673
star
13

scipy2023-deeplearning

Jupyter Notebook
597
star
14

pyprind

PyPrind - Python Progress Indicator Utility
Python
545
star
15

stat453-deep-learning-ss20

STAT 453: Intro to Deep Learning @ UW-Madison (Spring 2020)
Jupyter Notebook
537
star
16

stat479-deep-learning-ss19

Course material for STAT 479: Deep Learning (SS 2019) at University Wisconsin-Madison
Jupyter Notebook
493
star
17

algorithms_in_ipython_notebooks

A repository with IPython notebooks of algorithms implemented in Python.
Jupyter Notebook
493
star
18

stat479-machine-learning-fs18

Course material for STAT 479: Machine Learning (FS 2018) at University Wisconsin-Madison
Jupyter Notebook
470
star
19

musicmood

A machine learning approach to classify songs by mood.
OpenEdge ABL
404
star
20

stat453-deep-learning-ss21

STAT 453: Intro to Deep Learning @ UW-Madison (Spring 2021)
Jupyter Notebook
363
star
21

stat451-machine-learning-fs20

STAT 451: Intro to Machine Learning @ UW-Madison (Fall 2020)
Jupyter Notebook
359
star
22

datacollect

A collection of tools to collect and download various data.
Jupyter Notebook
207
star
23

data-science-tutorial

Code material for a data science tutorial
Jupyter Notebook
188
star
24

LLM-finetuning-scripts

Jupyter Notebook
135
star
25

One-Python-benchmark-per-day

An ongoing fun challenge where I'll try to post one Python benchmark per day.
HTML
130
star
26

pydata-chicago2016-ml-tutorial

Machine learning with scikit-learn tutorial at PyData Chicago 2016
Jupyter Notebook
128
star
27

stat451-machine-learning-fs21

Jupyter Notebook
128
star
28

cvpr2023

Python
116
star
29

faster-pytorch-blog

Outlining techniques for improving the training performance of your PyTorch model without compromising its accuracy
Python
115
star
30

msu-datascience-ml-tutorial-2018

Machine learning with Python tutorial at MSU Data Science 2018
Jupyter Notebook
105
star
31

protein-science

A collection of useful tutorials for Protein Science
Python
96
star
32

markdown-toclify

A Python command line tool that creates a Table of Contents for Markdown documents
Python
92
star
33

cyclemoid-pytorch

Cyclemoid implementation for PyTorch
Python
85
star
34

MachineLearning-QandAI-book

Machine Learning Q and AI book
Jupyter Notebook
83
star
35

pydata-annarbor2017-dl-tutorial

Code snippets for "Introduction to Deep Learning with TensorFlow" at PyData Ann Arbor Aug 2017
Jupyter Notebook
80
star
36

smilite

A Python module to retrieve and compare SMILE strings of chemical compounds from the free ZINC online database
Python
73
star
37

pytorch-memory-optim

This code repository contains the code used for my "Optimizing Memory Usage for Training LLMs and Vision Transformers in PyTorch" blog post.
Python
68
star
38

DeepLearning-Gdansk2019-tutorial

Ordinal Regression tutorial for the International Summer School on Deep Learning 2019
Jupyter Notebook
66
star
39

model-eval-article-supplementary

Supplementary material for the article "Model Evaluation, Model Selection, and Algorithm Selection in Machine Learning"
Jupyter Notebook
62
star
40

nn_plus_gzip

Gzip and nearest neighbors for text classification
Jupyter Notebook
58
star
41

LLMs-from-scratch

Implementing ChatGPT-like LLMs from scratch, step by step
Jupyter Notebook
54
star
42

interpretable-ml-article

Code examples for my Interpretable Machine Learning Blog Series
Jupyter Notebook
54
star
43

R_snippets

R Scripts for general data analysis and plotting
R
45
star
44

numpy-intro-blogarticle-2020

Jupyter Notebook for the "Scientific Computing in Python: Introduction to NumPy and Matplotlib" blog article
Jupyter Notebook
40
star
45

blog-finetuning-llama-adapters

Supplementary material for "Understanding Parameter-Efficient Finetuning of Large Language Models: From Prefix Tuning to Adapters"
Jupyter Notebook
36
star
46

mputil

Utility functions for Python's multiprocessing standard library module
Python
35
star
47

pybibtex

Utility functions for parsing BibTeX files and creating citation reference lists.
Python
32
star
48

mytorch

Collection of PyTorch-related utility functions
Python
27
star
49

posit2023-python-ml

Workshop materials for posit::conf(2023)
Jupyter Notebook
25
star
50

comparing-automatic-augmentation-blog

Comparing four automatic image augmentation techniques in PyTorch: AutoAugment, RandAugment, AugMix, and TrivialAugment
Jupyter Notebook
25
star
51

pytorch-fabric-demo

Python
24
star
52

Hbind

Calculates hydrogen-bond interaction tables for protein-small molecule complexes, based on protein PDB and protonated ligand MOL2 structure input. Raschka et al. (2018) J. Computer-Aided Molec. Design
C
24
star
53

scipy2022-talk

Python
23
star
54

screenlamp

screenlamp is a Python toolkit for hypothesis-driven virtual screening
Python
22
star
55

gradient-accumulation-blog

Finetuning BLOOM on a single GPU using gradient-accumulation
Python
22
star
56

2021-issdl-gdansk

Intro to GAN Tutorial for the International Summer School of Deep Learning 2021 in Gdansk
Jupyter Notebook
21
star
57

uw-madison-datacience-club-talk-oct2019

Slides and code for the talk at UW-Madison's Data Science Club, 10 Oct 2019
Jupyter Notebook
20
star
58

predicting-activity-by-machine-learning

Activity From Virtual Screening Code Repository
Jupyter Notebook
20
star
59

BondPack

A collection of PyMOL plugins to visualize atomic bonds.
Python
20
star
60

siteinterlock

A novel approach to pose selection in protein-ligand docking based on graph theory.
Python
19
star
61

low-rank-adaptation-blog

Python
19
star
62

R-notes

Various R lang related material for teaching.
Python
19
star
63

2021-pydata-jeddah

Materials for "Transformers from the Ground Up" at PyData Jeddah on August 5, 2021
Jupyter Notebook
18
star
64

b3-basic-batchsize-benchmark

Experiments for the blog post "No, We Don't Have to Choose Batch Sizes As Powers Of 2"
Python
16
star
65

ViT-finetuning-scripts

Vision transformer finetuning scripts
Python
15
star
66

datapipes-blog

Code for the DataPipes article
Jupyter Notebook
14
star
67

srgan-lightning-blog

Sharing Deep Learning Research Models with Lightning Part 1: Building A Super Resolution App
Python
14
star
68

try-lion-optimizer

Jupyter Notebook
10
star
69

mnist-pngs

MNIST files in PNG format
Python
10
star
70

py-args

Python command line tools as productivity supplements for Posix systems
Python
10
star
71

ecml-teaching-ml-2021

Jupyter Notebook
10
star
72

HbindViz

Tools for generating hydrogen-bond interaction visualizations from Hbind
Python
9
star
73

protein-recognition-index

Protein Recognition Index (PRI), measuring the similarity between H-bonding features in a given complex (predicted or designed) and the characteristic H-bond trends from crystallographic complexes
Python
8
star
74

ord-torchhub

Ordinal Regression PyTorch Hub
Python
6
star
75

compair

Model evaluation utilities
Python
5
star
76

torchmetrics-blog

Code for "TorchMetrics -- How do we use it, and what's the difference between .update() and .forward()"
Jupyter Notebook
5
star
77

rasbt

5
star
78

advent-of-code-2016

My Solutions for the Advent of Code 2016
Python
5
star
79

bugreport

A repository to store code examples to reproduce issues for bug reports.
Jupyter Notebook
2
star
80

bookgiveaway-2022-wordcloud

Word cloud from the results of the book-giveaway
Jupyter Notebook
1
star
81

pycon2024

Tutorial Materials for "The Fundamentals of Modern Deep Learning with PyTorch"
1
star