TensorFlow2 Classification Model Zoo playing with TensorFlow2 on the CIFAR-10 dataset.

Overview

Training CIFAR-10 with TensorFlow2(TF2)

TensorFlow 2.4 Python 3.8 License

TensorFlow2 Classification Model Zoo. I'm playing with TensorFlow2 on the CIFAR-10 dataset.

Architectures

Prerequisites

  • Python 3.8+
  • TensorFlow 2.4.0+

Training

Start training with:

python train.py --model resnet18

You can manually resume the training with:

python train.py --model resnet18 --resume

Testing

python test.py --model resnet18

Accuracy

Model Acc. Param.
LeNet 67.85% 0.06M
AlexNet 78.81% 21.6M
VGG11 92.61% 9.2M
VGG13 94.31% 9.4M
VGG16 94.27% 14.7M
VGG19 93.65% 20.1M
ResNet18 95.37% 11.2M
ResNet34 95.48% 21.3M
ResNet50 95.41% 23.6M
ResNet101 95.44% 42.6M
ResNet152 95.29% 58.3M
DenseNet121 95.37% 7.0M
DenseNet169 95.10% 12.7M
DenseNet201 94.79% 18.3M
PreAct-ResNet18 94.08% 11.2M
PreAct-ResNet34 94.76% 21.3M
PreAct-ResNet50 94.81% 23.6M
PreAct-ResNet101 94.95% 42.6M
PreAct-ResNet152 95.07% 58.3M
SE-ResNet18 95.44% 11.3M
SE-ResNet34 95.30% 21.5M
SE-ResNet50 95.76% 26.1M
SE-ResNet101 95.40% 47.3M
SE-ResNet152 95.29% 64.9M
SE-PreAct-ResNet18 94.54% 11.3M
SE-PreAct-ResNet34 95.30% 21.5M
SE-PreAct-ResNet50 94.22% 26.1M
SE-PreAct-ResNet101 94.34% 47.3M
SE-PreAct-ResNet152 94.28% 64.9M
MobileNet 92.34% 3.2M
MobileNetV2 94.03% 2.3M

Note

All abovementioned models are available. To specify the model, please use the model name without the hyphen. For instance, to train with SE-PreAct-ResNet18, you can run the following script:

python train.py --model sepreactresnet18

If you suffer from loss=nan issue, you can circumvent it by using a smaller learning rate, i.e.

python train.py --model sepreactresnet18 --lr 5e-2
You might also like...
The DL Streamer Pipeline Zoo is a catalog of optimized media and media analytics pipelines.

The DL Streamer Pipeline Zoo is a catalog of optimized media and media analytics pipelines. It includes tools for downloading pipelines and their dependencies and tools for measuring their performace.

Implementation of Squeezenet in pytorch, pretrained models on Cifar 10 data to come

Pytorch Squeeznet Pytorch implementation of Squeezenet model as described in https://arxiv.org/abs/1602.07360 on cifar-10 Data. The definition of Sque

Training Cifar-10 Classifier Using VGG16

opevcvdl-hw3 This project uses pytorch and Qt to achieve the requirements. Version Python 3.6 opencv-contrib-python 3.4.2.17 Matplotlib 3.1.1 pyqt5 5.

Custom TensorFlow2 implementations of forward and backward computation of soft-DTW algorithm in batch mode.

Batch Soft-DTW(Dynamic Time Warping) in TensorFlow2 including forward and backward computation Custom TensorFlow2 implementations of forward and backw

YoloV5 implemented by TensorFlow2 , with support for training, evaluation and inference.
Regression Metrics Calculation Made easy for tensorflow2 and scikit-learn

Regression Metrics Installation To install the package from the PyPi repository you can execute the following command: pip install regressionmetrics I

 Pointer networks Tensorflow2
Pointer networks Tensorflow2

Pointer networks Tensorflow2 原文:https://arxiv.org/abs/1506.03134 仅供参考与学习,内含代码备注 环境 tensorflow==2.6.0 tqdm matplotlib numpy 《pointer networks》阅读笔记 应用场景

Tf alloc - Simplication of GPU allocation for Tensorflow2

tf_alloc Simpliying GPU allocation for Tensorflow Developer: korkite (Junseo Ko)

Tensorflow2 Keras-based Semantic Segmentation Models Implementation

Tensorflow2 Keras-based Semantic Segmentation Models Implementation

Owner
Chia-Hung Yuan
Chia-Hung Yuan
3.8% and 18.3% on CIFAR-10 and CIFAR-100

Wide Residual Networks This code was used for experiments with Wide Residual Networks (BMVC 2016) http://arxiv.org/abs/1605.07146 by Sergey Zagoruyko

Sergey Zagoruyko 1.2k Dec 29, 2022
2.86% and 15.85% on CIFAR-10 and CIFAR-100

Shake-Shake regularization This repository contains the code for the paper Shake-Shake regularization. This arxiv paper is an extension of Shake-Shake

Xavier Gastaldi 294 Nov 22, 2022
Model Zoo of BDD100K Dataset

Model Zoo of BDD100K Dataset

ETH VIS Group 200 Dec 27, 2022
Training a deep learning model on the noisy CIFAR dataset

Training-a-deep-learning-model-on-the-noisy-CIFAR-dataset This repository contai

null 1 Jun 14, 2022
Model Zoo for AI Model Efficiency Toolkit

We provide a collection of popular neural network models and compare their floating point and quantized performance.

Qualcomm Innovation Center 137 Jan 3, 2023
Classification models 1D Zoo - Keras and TF.Keras

Classification models 1D Zoo - Keras and TF.Keras This repository contains 1D variants of popular CNN models for classification like ResNets, DenseNet

Roman Solovyev 12 Jan 6, 2023
Everything you want about DP-Based Federated Learning, including Papers and Code. (Mechanism: Laplace or Gaussian, Dataset: femnist, shakespeare, mnist, cifar-10 and fashion-mnist. )

Differential Privacy (DP) Based Federated Learning (FL) Everything about DP-based FL you need is here. (所有你需要的DP-based FL的信息都在这里) Code Tip: the code o

wenzhu 83 Dec 24, 2022
A PaddlePaddle version image model zoo.

Paddle-Image-Models English | 简体中文 A PaddlePaddle version image model zoo. Install Package Install by pip: $ pip install ppim Install by wheel package

AgentMaker 131 Dec 7, 2022
The Hailo Model Zoo includes pre-trained models and a full building and evaluation environment

Hailo Model Zoo The Hailo Model Zoo provides pre-trained models for high-performance deep learning applications. Using the Hailo Model Zoo you can mea

Hailo 50 Dec 7, 2022
Transfer Learning Shootout for PyTorch's model zoo (torchvision)

pytorch-retraining Transfer Learning shootout for PyTorch's model zoo (torchvision). Load any pretrained model with custom final layer (num_classes) f

Alexander Hirner 169 Jun 29, 2022