MobileNet V2

Last updated on Feb 12, 2021

MobileNet V2

Parameters 4 Million
FLOPs 314 Million
File Size 13.55 MB
Training Data ImageNet
Training Resources 8x NVIDIA V100 GPUs
Training Time

Training Techniques Weight Decay, SGD with Momentum
Architecture 1x1 Convolution, Batch Normalization, Convolution, Depthwise Separable Convolution, Dropout, Inverted Residual Block, Residual Connection, ReLU6, Max Pooling, Softmax
ID mobilenet_v2
LR 0.045
Epochs 300
LR Gamma 0.98
Momentum 0.9
Batch Size 32
LR Step Size 1
Weight Decay 0.00004
SHOW MORE
SHOW LESS
README.md

Summary

MobileNetV2 is a convolutional neural network architecture that seeks to perform well on mobile devices. It is based on an inverted residual structure where the residual connections are between the bottleneck layers. The intermediate expansion layer uses lightweight depthwise convolutions to filter features as a source of non-linearity. As a whole, the architecture of MobileNetV2 contains the initial fully convolution layer with 32 filters, followed by 19 residual bottleneck layers.

How do I load this model?

To load a pretrained model:

import torchvision.models as models
squeezenet = models.mobilenet_v2(pretrained=True)

Replace the model name with the variant you want to use, e.g. mobilenet_v2. You can find the IDs in the model summaries at the top of this page.

To evaluate the model, use the image classification recipes from the library.

python train.py --test-only --model='<model_name>'

How do I train this model?

You can follow the torchvision recipe on GitHub for training a new model afresh.

Citation

@article{DBLP:journals/corr/abs-1801-04381,
  author    = {Mark Sandler and
               Andrew G. Howard and
               Menglong Zhu and
               Andrey Zhmoginov and
               Liang{-}Chieh Chen},
  title     = {Inverted Residuals and Linear Bottlenecks: Mobile Networks for Classification,
               Detection and Segmentation},
  journal   = {CoRR},
  volume    = {abs/1801.04381},
  year      = {2018},
  url       = {http://arxiv.org/abs/1801.04381},
  archivePrefix = {arXiv},
  eprint    = {1801.04381},
  timestamp = {Tue, 12 Jan 2021 15:30:06 +0100},
  biburl    = {https://dblp.org/rec/journals/corr/abs-1801-04381.bib},
  bibsource = {dblp computer science bibliography, https://dblp.org}
}

Results

Image Classification on ImageNet

Image Classification
BENCHMARK MODEL METRIC NAME METRIC VALUE GLOBAL RANK
ImageNet MobileNet V2 Top 1 Accuracy 71.88% # 262
Top 5 Accuracy 90.29% # 262