All Projects → Bisonai → Mobilenetv3 Tensorflow

Bisonai / Mobilenetv3 Tensorflow

Licence: apache-2.0
Unofficial implementation of MobileNetV3 architecture described in paper Searching for MobileNetV3.

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Mobilenetv3 Tensorflow

Libgdl
一个移动端跨平台的gpu+cpu并行计算的cnn框架(A mobile-side cross-platform gpu+cpu parallel computing CNN framework)
Stars: ✭ 91 (-50.81%)
Mutual labels:  mobilenet
Object Localization
Object localization in images using simple CNNs and Keras
Stars: ✭ 130 (-29.73%)
Mutual labels:  mobilenet
Efficientnet
Implementation of EfficientNet model. Keras and TensorFlow Keras.
Stars: ✭ 1,920 (+937.84%)
Mutual labels:  mobilenet
Face landmark dnn
Face Landmark Detector based on Mobilenet V1
Stars: ✭ 92 (-50.27%)
Mutual labels:  mobilenet
Faster Mobile Retinaface
[CVPR 2020] Reimplementation of RetinaFace, faster and stronger.
Stars: ✭ 117 (-36.76%)
Mutual labels:  mobilenet
Mk Tfjs
Play MK.js with TensorFlow.js
Stars: ✭ 133 (-28.11%)
Mutual labels:  mobilenet
Rfbnet
Receptive Field Block Net for Accurate and Fast Object Detection, ECCV 2018
Stars: ✭ 1,272 (+587.57%)
Mutual labels:  mobilenet
Proctoring Ai
Creating a software for automatic monitoring in online proctoring
Stars: ✭ 155 (-16.22%)
Mutual labels:  mobilenet
Mobilenet
A Clearer and Simpler MobileNet Implementation in TensorFlow
Stars: ✭ 119 (-35.68%)
Mutual labels:  mobilenet
Posenet Coreml
I checked the performance by running PoseNet on CoreML
Stars: ✭ 143 (-22.7%)
Mutual labels:  mobilenet
Ghostnet
CV backbones including GhostNet, TinyNet and TNT, developed by Huawei Noah's Ark Lab.
Stars: ✭ 1,744 (+842.7%)
Mutual labels:  mobilenet
Sightseq
Computer vision tools for fairseq, containing PyTorch implementation of text recognition and object detection
Stars: ✭ 116 (-37.3%)
Mutual labels:  mobilenet
Paddlex
PaddlePaddle End-to-End Development Toolkit(『飞桨』深度学习全流程开发工具)
Stars: ✭ 3,399 (+1737.3%)
Mutual labels:  mobilenet
Tf Object Detection
Simpler app for tensorflow object detection API
Stars: ✭ 91 (-50.81%)
Mutual labels:  mobilenet
Caffe Mobilenet
A caffe implementation of mobilenet's depthwise convolution layer.
Stars: ✭ 146 (-21.08%)
Mutual labels:  mobilenet
Image Quality Assessment
Convolutional Neural Networks to predict the aesthetic and technical quality of images.
Stars: ✭ 1,300 (+602.7%)
Mutual labels:  mobilenet
Tensorflow realtime multi Person pose estimation
Multi-Person Pose Estimation project for Tensorflow 2.0 with a small and fast model based on MobilenetV3
Stars: ✭ 129 (-30.27%)
Mutual labels:  mobilenet
Mobilenet Ssd Tensorrt
Accelerate mobileNet-ssd with tensorRT
Stars: ✭ 183 (-1.08%)
Mutual labels:  mobilenet
Pytorch Cifar100
Practice on cifar100(ResNet, DenseNet, VGG, GoogleNet, InceptionV3, InceptionV4, Inception-ResNetv2, Xception, Resnet In Resnet, ResNext,ShuffleNet, ShuffleNetv2, MobileNet, MobileNetv2, SqueezeNet, NasNet, Residual Attention Network, SENet, WideResNet)
Stars: ✭ 2,423 (+1209.73%)
Mutual labels:  mobilenet
Mobilenet Ssd
Caffe implementation of Google MobileNet SSD detection network, with pretrained weights on VOC0712 and mAP=0.727.
Stars: ✭ 1,805 (+875.68%)
Mutual labels:  mobilenet

MobileNetV3 TensorFlow

Unofficial implementation of MobileNetV3 architecture described in paper Searching for MobileNetV3. This repository contains small and large MobileNetV3 architecture implemented using TensforFlow with tf.keras API.

Google Colab

  • Open In Colab MNIST
  • Open In Colab CIFAR10

Requirements

  • Python 3.6+
  • TensorFlow 1.13+
pip install -r requirements.txt

Build model

MobileNetV3 Small

from mobilenetv3_factory import build_mobilenetv3
model = build_mobilenetv3(
    "small",
    input_shape=(224, 224, 3),
    num_classes=1001,
    width_multiplier=1.0,
)

MobileNetV3 Large

from mobilenetv3_factory import build_mobilenetv3
model = build_mobilenetv3(
    "large",
    input_shape=(224, 224, 3),
    num_classes=1001,
    width_multiplier=1.0,
)

Train

CIFAR10 dataset

python train.py \
    --model_type small \
    --width_multiplier 1.0 \
    --height 128 \
    --width 128 \
    --dataset cifar10 \
    --lr 0.01 \
    --optimizer rmsprop \
    --train_batch_size 256 \
    --valid_batch_size 256 \
    --num_epoch 10 \
    --logdir logdir

MNIST dataset

python train.py \
    --model_type small \
    --width_multiplier 1.0 \
    --height 128 \
    --width 128 \
    --dataset mnist \
    --lr 0.01 \
    --optimizer rmsprop \
    --train_batch_size 256 \
    --valid_batch_size 256 \
    --num_epoch 10 \
    --logdir logdir

Evaluate

CIFAR10 dataset

python evaluate.py \
    --model_type small \
    --width_multiplier 1.0 \
    --height 128 \
    --width 128 \
    --dataset cifar10 \
    --valid_batch_size 256 \
    --model_path mobilenetv3_small_cifar10_10.h5

MNIST dataset

python evaluate.py \
    --model_type small \
    --width_multiplier 1.0 \
    --height 128 \
    --width 128 \
    --dataset mnist \
    --valid_batch_size 256 \
    --model_path mobilenetv3_small_mnist_10.h5

TensorBoard

Graph, training and evaluaion metrics are saved to TensorBoard event file uder directory specified with --logdir` argument during training. You can launch TensorBoard using following command.

tensorboard --logdir logdir

License

Apache License 2.0

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