All Projects → chengyangfu → Pytorch Vgg Cifar10

chengyangfu / Pytorch Vgg Cifar10

Licence: mit
This is the PyTorch implementation of VGG network trained on CIFAR10 dataset

Projects that are alternatives of or similar to Pytorch Vgg Cifar10

6.006 2015 Notebooks
Stars: ✭ 241 (-0.82%)
Mutual labels:  jupyter-notebook
Deeplearningcoursecodes
Notes, Codes, and Tutorials for the Deep Learning Course <which I taught at ChinaHadoop>
Stars: ✭ 241 (-0.82%)
Mutual labels:  jupyter-notebook
Taco
🌮 Trash Annotations in Context Dataset Toolkit
Stars: ✭ 243 (+0%)
Mutual labels:  jupyter-notebook
Tslab
Interactive JavaScript and TypeScript programming with Jupyter
Stars: ✭ 240 (-1.23%)
Mutual labels:  jupyter-notebook
Neural Ordinary Differential Equations
Sample implementation of Neural Ordinary Differential Equations
Stars: ✭ 242 (-0.41%)
Mutual labels:  jupyter-notebook
Mirnet Tfjs
TensorFlow JS models for MIRNet for low-light image enhancement.
Stars: ✭ 145 (-40.33%)
Mutual labels:  jupyter-notebook
The Elements Of Statistical Learning Notebooks
Jupyter notebooks for summarizing and reproducing the textbook "The Elements of Statistical Learning" 2/E by Hastie, Tibshirani, and Friedman
Stars: ✭ 241 (-0.82%)
Mutual labels:  jupyter-notebook
Bertviz
Tool for visualizing attention in the Transformer model (BERT, GPT-2, Albert, XLNet, RoBERTa, CTRL, etc.)
Stars: ✭ 3,443 (+1316.87%)
Mutual labels:  jupyter-notebook
Tacotron pytorch
PyTorch implementation of Tacotron speech synthesis model.
Stars: ✭ 242 (-0.41%)
Mutual labels:  jupyter-notebook
Cellpose
a generalist algorithm for cellular segmentation
Stars: ✭ 244 (+0.41%)
Mutual labels:  jupyter-notebook
Jetcam
Easy to use Python camera interface for NVIDIA Jetson
Stars: ✭ 242 (-0.41%)
Mutual labels:  jupyter-notebook
Loss toolbox Pytorch
PyTorch Implementation of Focal Loss and Lovasz-Softmax Loss
Stars: ✭ 240 (-1.23%)
Mutual labels:  jupyter-notebook
Mozart
An optical music recognition (OMR) system. Converts sheet music to a machine-readable version.
Stars: ✭ 241 (-0.82%)
Mutual labels:  jupyter-notebook
Retail Demo Store
AWS Retail Demo Store is a sample retail web application and workshop platform demonstrating how AWS infrastructure and services can be used to build compelling customer experiences for eCommerce, retail, and digital marketing use-cases
Stars: ✭ 238 (-2.06%)
Mutual labels:  jupyter-notebook
Megnet
Graph Networks as a Universal Machine Learning Framework for Molecules and Crystals
Stars: ✭ 242 (-0.41%)
Mutual labels:  jupyter-notebook
Deeptextures
Code to synthesise textures using convolutional neural networks as described in Gatys et al. 2015 (http://arxiv.org/abs/1505.07376)
Stars: ✭ 241 (-0.82%)
Mutual labels:  jupyter-notebook
Pycon Nlp In 10 Lines
Repository for PyCon 2016 workshop Natural Language Processing in 10 Lines of Code
Stars: ✭ 242 (-0.41%)
Mutual labels:  jupyter-notebook
Aind2 Cnn
AIND Term 2 -- Lesson on Convolutional Neural Networks
Stars: ✭ 243 (+0%)
Mutual labels:  jupyter-notebook
Normalizing Flows Tutorial
Tutorial on normalizing flows.
Stars: ✭ 243 (+0%)
Mutual labels:  jupyter-notebook
Mona lisa eyes
A machine learning project. Turn on your webcam. Mona Lisa's eyes will follow you around.
Stars: ✭ 243 (+0%)
Mutual labels:  jupyter-notebook

pytorch-vgg-cifar10

This is the PyTorch implementation of VGG network trained on CIFAR10 dataset

Requirements.

[PyTorch] (https://github.com/pytorch/pytorch)

[torchvision] (https://github.com/pytorch/vision)

Update.

Adding support for CPU. Add --cpu can make the training or evaluation in cpu mode.

Download the model

The trained VGG model. 92.4% Accuracy VGG

Evaluation

# CUDA
wget http://www.cs.unc.edu/~cyfu/cifar10/model_best.pth.tar
python main.py --resume=./model_best.pth.tar -e
# or use CPU version
wget http://www.cs.unc.edu/~cyfu/cifar10/model_best_cpu.pth.tar
python main.py --resume=./model_best_cpu.pth.tar -e --cpu

Train with script! (16-bit precision)

./run.sh 

Using the run.sh script to generate the training log and models of different versions of VGG in 16-bit or 32-bit precision. Then use the ipython notebook plot.ipynb to view the results.

alt text

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].