All Projects → marvis → Pytorch Mobilenet

marvis / Pytorch Mobilenet

PyTorch MobileNet Implementation of "MobileNets: Efficient Convolutional Neural Networks for Mobile Vision Applications"

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Pytorch Mobilenet

AutoLabelImg
A self automatically labeling tool
Stars: ✭ 67 (-84.88%)
Mutual labels:  mobilenet
YoloV3-ncnn-Raspberry-Pi-4
MobileNetV2_YOLOV3 for ncnn framework
Stars: ✭ 20 (-95.49%)
Mutual labels:  mobilenet
Php Opencv Examples
Tutorial for computer vision and machine learning in PHP 7/8 by opencv (installation + examples + documentation)
Stars: ✭ 333 (-24.83%)
Mutual labels:  mobilenet
ModelZoo.pytorch
Hands on Imagenet training. Unofficial ModelZoo project on Pytorch. MobileNetV3 Top1 75.64🌟 GhostNet1.3x 75.78🌟
Stars: ✭ 42 (-90.52%)
Mutual labels:  mobilenet
cifar-tensorflow
No description or website provided.
Stars: ✭ 18 (-95.94%)
Mutual labels:  mobilenet
Keras Mobilenet
Google MobileNet implementation with Keras
Stars: ✭ 256 (-42.21%)
Mutual labels:  mobilenet
pedestrian recognition
A simple human recognition api for re-ID usage, power by paper https://arxiv.org/abs/1703.07737
Stars: ✭ 29 (-93.45%)
Mutual labels:  mobilenet
Tf Pose Estimation
Deep Pose Estimation implemented using Tensorflow with Custom Architectures for fast inference.
Stars: ✭ 3,856 (+770.43%)
Mutual labels:  mobilenet
yolo3 tensorflow
yolo3 implement by tensorflow, including mobilenet_v1, mobilenet_v2
Stars: ✭ 48 (-89.16%)
Mutual labels:  mobilenet
Embedded Ai.bi Weekly
嵌入式AI公众号: NeuralTalk,Weekly report and awesome list of embedded-ai.
Stars: ✭ 331 (-25.28%)
Mutual labels:  mobilenet
Fast Stacked Hourglass Network OpenVino
A fast stacked hourglass network for human pose estimation on OpenVino
Stars: ✭ 52 (-88.26%)
Mutual labels:  mobilenet
hand detection
A Light CNN based Method for Hand Detection and Orientation Estimation
Stars: ✭ 116 (-73.81%)
Mutual labels:  mobilenet
Segmentation models
Segmentation models with pretrained backbones. Keras and TensorFlow Keras.
Stars: ✭ 3,575 (+707%)
Mutual labels:  mobilenet
MobileNetV3-TF
Tensorflow implementation for two new MobileNetV3 models!
Stars: ✭ 25 (-94.36%)
Mutual labels:  mobilenet
Mobilefacenet V2
🔥improve the accuracy of mobilefacenet(insight face) reached 99.733 in the cfp-ff、 the 99.68+ in lfw,96.71+ in agedb30.🔥
Stars: ✭ 339 (-23.48%)
Mutual labels:  mobilenet
Dog-or-Cat-TensorflowSharp-Example
An example for TensorflowSharp - classify an image as a dog or cat.
Stars: ✭ 15 (-96.61%)
Mutual labels:  mobilenet
keras-mobile-colorizer
U-Net Model conditioned with MobileNet features for Grayscale -> Color mapping
Stars: ✭ 26 (-94.13%)
Mutual labels:  mobilenet
Mobilenetv2 Ssdlite
Caffe implementation of SSD and SSDLite detection on MobileNetv2, converted from tensorflow.
Stars: ✭ 435 (-1.81%)
Mutual labels:  mobilenet
Tf Faster Rcnn
Tensorflow Faster RCNN for Object Detection
Stars: ✭ 3,604 (+713.54%)
Mutual labels:  mobilenet
Mace Models
Mobile AI Compute Engine Model Zoo
Stars: ✭ 329 (-25.73%)
Mutual labels:  mobilenet

Implementation of MobileNet, modified from https://github.com/pytorch/examples/tree/master/imagenet. imagenet data is processed as described here

nohup python main.py -a mobilenet ImageNet-Folder > log.txt &

Results

  • sgd : top1 68.848 top5 88.740 download
  • rmsprop: top1 0.104 top5 0.494
  • rmsprop init from sgd : top1 69.526 top5 88.978 donwload
  • paper: top1 70.6

Benchmark:

Titan-X, batchsize = 16

  resnet18 : 0.004030
   alexnet : 0.001395
     vgg16 : 0.002310
squeezenet : 0.009848
 mobilenet : 0.073611

Titan-X, batchsize = 1

  resnet18 : 0.003688
   alexnet : 0.001179
     vgg16 : 0.002055
squeezenet : 0.003385
 mobilenet : 0.076977

class Net(nn.Module):
    def __init__(self):
        super(Net, self).__init__()

        def conv_bn(inp, oup, stride):
            return nn.Sequential(
                nn.Conv2d(inp, oup, 3, stride, 1, bias=False),
                nn.BatchNorm2d(oup),
                nn.ReLU(inplace=True)
            )

        def conv_dw(inp, oup, stride):
            return nn.Sequential(
                nn.Conv2d(inp, inp, 3, stride, 1, groups=inp, bias=False),
                nn.BatchNorm2d(inp),
                nn.ReLU(inplace=True),
    
                nn.Conv2d(inp, oup, 1, 1, 0, bias=False),
                nn.BatchNorm2d(oup),
                nn.ReLU(inplace=True),
            )

        self.model = nn.Sequential(
            conv_bn(  3,  32, 2), 
            conv_dw( 32,  64, 1),
            conv_dw( 64, 128, 2),
            conv_dw(128, 128, 1),
            conv_dw(128, 256, 2),
            conv_dw(256, 256, 1),
            conv_dw(256, 512, 2),
            conv_dw(512, 512, 1),
            conv_dw(512, 512, 1),
            conv_dw(512, 512, 1),
            conv_dw(512, 512, 1),
            conv_dw(512, 512, 1),
            conv_dw(512, 1024, 2),
            conv_dw(1024, 1024, 1),
            nn.AvgPool2d(7),
        )
        self.fc = nn.Linear(1024, 1000)

    def forward(self, x):
        x = self.model(x)
        x = x.view(-1, 1024)
        x = self.fc(x)
        return x
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].