All Projects → ZLkanyo009 → MQBench_Quantize

ZLkanyo009 / MQBench_Quantize

Licence: MIT license
QAT(quantize aware training) for classification with MQBench

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to MQBench Quantize

torch-model-compression
针对pytorch模型的自动化模型结构分析和修改工具集,包含自动分析模型结构的模型压缩算法库
Stars: ✭ 126 (+334.48%)
Mutual labels:  quantization, qat
sparsezoo
Neural network model repository for highly sparse and sparse-quantized models with matching sparsification recipes
Stars: ✭ 264 (+810.34%)
Mutual labels:  resnet, quantization
Jacinto Ai Devkit
Training & Quantization of embedded friendly Deep Learning / Machine Learning / Computer Vision models
Stars: ✭ 49 (+68.97%)
Mutual labels:  resnet, quantization
Machine Learning Is All You Need
🔥🌟《Machine Learning 格物志》: ML + DL + RL basic codes and notes by sklearn, PyTorch, TensorFlow, Keras & the most important, from scratch!💪 This repository is ALL You Need!
Stars: ✭ 173 (+496.55%)
Mutual labels:  resnet
Fashion Recommendation
A clothing retrieval and visual recommendation model for fashion images.
Stars: ✭ 193 (+565.52%)
Mutual labels:  resnet
Octconv.pytorch
PyTorch implementation of Octave Convolution with pre-trained Oct-ResNet and Oct-MobileNet models
Stars: ✭ 229 (+689.66%)
Mutual labels:  resnet
TF2DeepFloorplan
TF2 Deep FloorPlan Recognition using a Multi-task Network with Room-boundary-Guided Attention. Enable tensorboard, quantization, flask, tflite, docker, github actions and google colab.
Stars: ✭ 98 (+237.93%)
Mutual labels:  quantization
Sceneclassify
AI场景分类竞赛
Stars: ✭ 169 (+482.76%)
Mutual labels:  resnet
Wideresnet Pytorch
Wide Residual Networks (WideResNets) in PyTorch
Stars: ✭ 249 (+758.62%)
Mutual labels:  resnet
Deepfake Detection
Towards deepfake detection that actually works
Stars: ✭ 213 (+634.48%)
Mutual labels:  resnet
Tensorflow Computer Vision Tutorial
Tutorials of deep learning for computer vision.
Stars: ✭ 206 (+610.34%)
Mutual labels:  resnet
Pytorch Deeplab Xception
DeepLab v3+ model in PyTorch. Support different backbones.
Stars: ✭ 2,466 (+8403.45%)
Mutual labels:  resnet
Fusenet
Deep fusion project of deeply-fused nets, and the study on the connection to ensembling
Stars: ✭ 230 (+693.1%)
Mutual labels:  resnet
Vip
Video Platform for Action Recognition and Object Detection in Pytorch
Stars: ✭ 175 (+503.45%)
Mutual labels:  resnet
Ai papers
AI Papers
Stars: ✭ 253 (+772.41%)
Mutual labels:  resnet
Senet Caffe
A Caffe Re-Implementation of SENet
Stars: ✭ 169 (+482.76%)
Mutual labels:  resnet
Resnest
ResNeSt: Split-Attention Networks
Stars: ✭ 2,938 (+10031.03%)
Mutual labels:  resnet
Iseebetter
iSeeBetter: Spatio-Temporal Video Super Resolution using Recurrent-Generative Back-Projection Networks | Python3 | PyTorch | GANs | CNNs | ResNets | RNNs | Published in Springer Journal of Computational Visual Media, September 2020, Tsinghua University Press
Stars: ✭ 202 (+596.55%)
Mutual labels:  resnet
Sca Cnn.cvpr17
Image Captions Generation with Spatial and Channel-wise Attention
Stars: ✭ 198 (+582.76%)
Mutual labels:  resnet
R Centernet
detector for rotated-object based on CenterNet/基于CenterNet的旋转目标检测
Stars: ✭ 226 (+679.31%)
Mutual labels:  resnet

MQBench Quantization Aware Training with PyTorch

I am using MQBench(Model Quantization Benchmark)(http://mqbench.tech/) to quantize the model for deployment.

MQBench is a benchmark and framework for evluating the quantization algorithms under real world hardware deployments.

Prerequisites

  • Python 3.7+
  • PyTorch == 1.8.1

Install MQBench Lib

Before run this repository, you should install MQBench:

Notice that MQBench version is 0.0.2.

git clone https://github.com/ZLkanyo009/MQBench.git
cd MQBench
python setup.py build
python setup.py install

Training Fp32 Model

# Start training fp32 model with: 
# model_name can be ResNet18, MobileNet, ...
python main.py model_name

# You can manually config the training with: 
python main.py --resume --lr=0.01

Training Quantize Model

# Start training quantize model with: 
# model_name can be ResNet18, MobileNet, ...
python main.py model_name --quantize

# You can manually config the training with: 
python main.py --resume --parallel DP --BackendType Tensorrt --quantize
python -m torch.distributed.launch main.py --local_rank 0 --parallel DDP --resume  --BackendType Tensorrt --quantize

Accuracy

Model Acc.(fp32) Acc.(tensorRT)
VGG16 79.90% 78.95%
GoogleNet 90.20% 89.42%
ResNet18 95.43% 95.44%
RegNetX_200MF 89.47% 89.22%
SENet18 91.69% 91.34%
MobileNetV2 88.42% 87.65%
ResNeXt29(2x64d) 87.07% 86.95%
SimpleDLA 90.24% 89.45%
DenseNet121 85.18% 85.10%
PreActResNet18 92.06% 91.68%
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].