All Projects → ildoonet → Tf Mobilenet V2

ildoonet / Tf Mobilenet V2

Licence: mit
Mobilenet V2(Inverted Residual) Implementation & Trained Weights Using Tensorflow

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Tf Mobilenet V2

Iresnet
Improved Residual Networks (https://arxiv.org/pdf/2004.04989.pdf)
Stars: ✭ 163 (+91.76%)
Mutual labels:  convolutional-neural-networks, cnn, image-classification, imagenet
Pytorch Image Classification
Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.
Stars: ✭ 272 (+220%)
Mutual labels:  convolutional-neural-networks, cnn, image-classification
Pyconv
Pyramidal Convolution: Rethinking Convolutional Neural Networks for Visual Recognition (https://arxiv.org/pdf/2006.11538.pdf)
Stars: ✭ 231 (+171.76%)
Mutual labels:  convolutional-neural-networks, cnn, imagenet
Espnetv2
A light-weight, power efficient, and general purpose convolutional neural network
Stars: ✭ 377 (+343.53%)
Mutual labels:  convolutional-neural-networks, cnn, imagenet
Bilinear Cnn Tensorflow
This is an implementation of Bilinear CNN for fine grained visual recognition using TensorFlow.
Stars: ✭ 187 (+120%)
Mutual labels:  convolutional-neural-networks, cnn, deeplearning
Deep Learning With Python
Deep learning codes and projects using Python
Stars: ✭ 195 (+129.41%)
Mutual labels:  convolutional-neural-networks, cnn, image-classification
Rmdl
RMDL: Random Multimodel Deep Learning for Classification
Stars: ✭ 375 (+341.18%)
Mutual labels:  convolutional-neural-networks, cnn, image-classification
Keras transfer cifar10
Object classification with CIFAR-10 using transfer learning
Stars: ✭ 120 (+41.18%)
Mutual labels:  convolutional-neural-networks, cnn, image-classification
Computer Vision
Programming Assignments and Lectures for Stanford's CS 231: Convolutional Neural Networks for Visual Recognition
Stars: ✭ 408 (+380%)
Mutual labels:  convolutional-neural-networks, image-classification, imagenet
Mmclassification
OpenMMLab Image Classification Toolbox and Benchmark
Stars: ✭ 532 (+525.88%)
Mutual labels:  image-classification, imagenet, mobilenet
Switchable Normalization
Code for Switchable Normalization from "Differentiable Learning-to-Normalize via Switchable Normalization", https://arxiv.org/abs/1806.10779
Stars: ✭ 804 (+845.88%)
Mutual labels:  convolutional-neural-networks, deeplearning, imagenet
Autoclint
A specially designed light version of Fast AutoAugment
Stars: ✭ 171 (+101.18%)
Mutual labels:  convolutional-neural-networks, cnn, image-classification
Deepmodels
TensorFlow Implementation of state-of-the-art models since 2012
Stars: ✭ 33 (-61.18%)
Mutual labels:  convolutional-neural-networks, cnn, image-classification
Transfer Learning Suite
Transfer Learning Suite in Keras. Perform transfer learning using any built-in Keras image classification model easily!
Stars: ✭ 212 (+149.41%)
Mutual labels:  convolutional-neural-networks, cnn, image-classification
Image classifier
CNN image classifier implemented in Keras Notebook 🖼️.
Stars: ✭ 139 (+63.53%)
Mutual labels:  convolutional-neural-networks, cnn, image-classification
Assembled Cnn
Tensorflow implementation of "Compounding the Performance Improvements of Assembled Techniques in a Convolutional Neural Network"
Stars: ✭ 319 (+275.29%)
Mutual labels:  convolutional-neural-networks, image-classification, imagenet
Fast Autoaugment
Official Implementation of 'Fast AutoAugment' in PyTorch.
Stars: ✭ 1,297 (+1425.88%)
Mutual labels:  convolutional-neural-networks, cnn, image-classification
Ghostnet
CV backbones including GhostNet, TinyNet and TNT, developed by Huawei Noah's Ark Lab.
Stars: ✭ 1,744 (+1951.76%)
Mutual labels:  convolutional-neural-networks, imagenet, mobilenet
Tf Pose Estimation
Deep Pose Estimation implemented using Tensorflow with Custom Architectures for fast inference.
Stars: ✭ 3,856 (+4436.47%)
Mutual labels:  convolutional-neural-networks, cnn, mobilenet
Quickdraw
Implementation of Quickdraw - an online game developed by Google
Stars: ✭ 805 (+847.06%)
Mutual labels:  cnn, deeplearning, image-classification

tf-mobilenet-v2

Mobilenet V2(Inverted Residual) Implementation & Trained Weights Using Tensorflow

Training

$ python3 run.py train --num_gpu=1 --depth_multiplier=1.0 --datadir=... 

Pretrained Models

I trained in a few ways, but I failed to replicate the result from the original paper. (2~4% Accuracy Drop)

But you can use the pretrained weight in tensorflow now : https://github.com/tensorflow/models/tree/master/research/slim#pre-trained-models

References

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