All Projects → bentrevett → Pytorch Image Classification

bentrevett / Pytorch Image Classification

Licence: mit
Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.

Projects that are alternatives of or similar to Pytorch Image Classification

Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+1079.78%)
Mutual labels:  jupyter-notebook, tutorial, pytorch-tutorial, pytorch-tutorials, cnn
Pytorch Pos Tagging
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
Stars: ✭ 96 (-64.71%)
Mutual labels:  jupyter-notebook, tutorial, pytorch-tutorial, pytorch-tutorials, cnn
Deep Learning With Python
Deep learning codes and projects using Python
Stars: ✭ 195 (-28.31%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks, cnn, image-classification, resnet
Keras transfer cifar10
Object classification with CIFAR-10 using transfer learning
Stars: ✭ 120 (-55.88%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks, cnn, image-classification, convolutional-networks
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (-64.34%)
Mutual labels:  jupyter-notebook, pytorch-tutorial, convolutional-neural-networks, cnn
End To End Sequence Labeling Via Bi Directional Lstm Cnns Crf Tutorial
Tutorial for End-to-end Sequence Labeling via Bi-directional LSTM-CNNs-CRF
Stars: ✭ 87 (-68.01%)
Mutual labels:  jupyter-notebook, tutorial, pytorch-tutorial, cnn
Image classifier
CNN image classifier implemented in Keras Notebook 🖼️.
Stars: ✭ 139 (-48.9%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks, cnn, image-classification
Pytorch classification
利用pytorch实现图像分类的一个完整的代码,训练,预测,TTA,模型融合,模型部署,cnn提取特征,svm或者随机森林等进行分类,模型蒸馏,一个完整的代码
Stars: ✭ 395 (+45.22%)
Mutual labels:  jupyter-notebook, cnn, image-classification, resnet
Iresnet
Improved Residual Networks (https://arxiv.org/pdf/2004.04989.pdf)
Stars: ✭ 163 (-40.07%)
Mutual labels:  convolutional-neural-networks, cnn, image-classification, resnet
Pytorch Question Answering
Important paper implementations for Question Answering using PyTorch
Stars: ✭ 154 (-43.38%)
Mutual labels:  jupyter-notebook, tutorial, pytorch-tutorial, convolutional-neural-networks
Video Classification
Tutorial for video classification/ action recognition using 3D CNN/ CNN+RNN on UCF101
Stars: ✭ 543 (+99.63%)
Mutual labels:  jupyter-notebook, pytorch-tutorial, cnn, resnet
Gtsrb
Convolutional Neural Network for German Traffic Sign Recognition Benchmark
Stars: ✭ 65 (-76.1%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks, cnn, convolutional-networks
Food Recipe Cnn
food image to recipe with deep convolutional neural networks.
Stars: ✭ 448 (+64.71%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks, cnn, vgg
Computervision Recipes
Best Practices, code samples, and documentation for Computer Vision.
Stars: ✭ 8,214 (+2919.85%)
Mutual labels:  jupyter-notebook, tutorial, convolutional-neural-networks, image-classification
Pytorch Seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Stars: ✭ 3,418 (+1156.62%)
Mutual labels:  jupyter-notebook, tutorial, pytorch-tutorial, pytorch-tutorials
Fakeimagedetector
Image Tampering Detection using ELA and CNN
Stars: ✭ 93 (-65.81%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks, image-classification
Pytorch
PyTorch tutorials A to Z
Stars: ✭ 87 (-68.01%)
Mutual labels:  jupyter-notebook, pytorch-tutorial, cnn
Tensorflow2.0 Examples
🙄 Difficult algorithm, Simple code.
Stars: ✭ 1,397 (+413.6%)
Mutual labels:  jupyter-notebook, image-classification, resnet
Deep Learning Boot Camp
A community run, 5-day PyTorch Deep Learning Bootcamp
Stars: ✭ 1,270 (+366.91%)
Mutual labels:  jupyter-notebook, pytorch-tutorial, pytorch-tutorials
Shot Type Classifier
Detecting cinema shot types using a ResNet-50
Stars: ✭ 109 (-59.93%)
Mutual labels:  jupyter-notebook, convolutional-neural-networks, resnet

PyTorch Image Classification

This repo contains tutorials covering image classification using PyTorch 1.7, torchvision 0.8, matplotlib 3.3 and scikit-learn 0.24, with Python 3.8.

We'll start by implementing a multilayer perceptron (MLP) and then move on to architectures using convolutional neural networks (CNNs). Specifically, we'll implement LeNet, AlexNet, VGG and ResNet.

If you find any mistakes or disagree with any of the explanations, please do not hesitate to submit an issue. I welcome any feedback, positive or negative!

Getting Started

To install PyTorch, see installation instructions on the PyTorch website.

The instructions to install PyTorch should also detail how to install torchvision but can also be installed via:

pip install torchvision

Tutorials

  • 1 - Multilayer Perceptron Open In Colab

    This tutorial provides an introduction to PyTorch and TorchVision. We'll learn how to: load datasets, augment data, define a multilayer perceptron (MLP), train a model, view the outputs of our model, visualize the model's representations, and view the weights of the model. The experiments will be carried out on the MNIST dataset - a set of 28x28 handwritten grayscale digits.

  • 2 - LeNet Open In Colab

    In this tutorial we'll implement the classic LeNet architecture. We'll look into convolutional neural networks and how convolutional layers and subsampling (aka pooling) layers work.

  • 3 - AlexNet Open In Colab

    In this tutorial we will implement AlexNet, the convolutional neural network architecture that helped start the current interest in deep learning. We will move on to the CIFAR10 dataset - 32x32 color images in ten classes. We show: how to define architectures using nn.Sequential, how to initialize the parameters of your neural network, and how to use the learning rate finder to determine a good initial learning rate.

  • 4 - VGG Open In Colab

    This tutorial will cover implementing the VGG model. However, instead of training the model from scratch we will instead load a VGG model pre-trained on the ImageNet dataset and show how to perform transfer learning to adapt its weights to the CIFAR10 dataset using a technique called discriminative fine-tuning. We'll also explain how adaptive pooling layers and batch normalization works.

  • 5 - ResNet Open In Colab

    In this tutorial we will be implementing the ResNet model. We'll show how to load your own dataset, using the CUB200 dataset as an example, and also how to use learning rate schedulers which dynamically alter the learning rate of your model whilst training. Specifially, we'll use the one cycle policy introduced in this paper and is now starting to be commonly used for training computer vision models.

References

Here are some things I looked at while making these tutorials. Some of it may be out of date.

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].