mobilenet-v2
There are 57 repositories under mobilenet-v2 topic.
huggingface/pytorch-image-models
The largest collection of PyTorch image encoders / backbones. Including train, eval, inference, export scripts, and pretrained weights -- ResNet, ResNeXT, EfficientNet, NFNet, Vision Transformer (ViT), MobileNetV4, MobileNet-V3 & V2, RegNet, DPN, CSPNet, Swin Transformer, MaxViT, CoAtNet, ConvNeXt, and more
linksense/LightNet
LightNet: Light-weight Networks for Semantic Image Segmentation (Cityscapes and Mapillary Vistas Dataset)
calmiLovesAI/Basic_CNNs_TensorFlow2
A tensorflow2 implementation of some basic CNNs(MobileNetV1/V2/V3, EfficientNet, ResNeXt, InceptionV4, InceptionResNetV1/V2, SENet, SqueezeNet, DenseNet, ShuffleNetV2, ResNet).
MG2033/MobileNet-V2
A Complete and Simple Implementation of MobileNet-V2 in PyTorch
goodluckcwl/Face-alignment-mobilenet-v2
Face Alignment by Mobilenetv2
mhashas/Document-Image-Unwarping-pytorch
Pytorch implementation and extension of "DocUnet: Document Image Unwarping via A Stacked U-Net"
marload/ConvNets-TensorFlow2
⛵️ Implementation a variety of popular Image Classification Models using TensorFlow2. [ResNet, GoogLeNet, VGG, Inception-v3, Inception-v4, MobileNet, MobileNet-v2, ShuffleNet, ShuffleNet-v2, etc...]
GuanhuaWang/sensAI
sensAI: ConvNets Decomposition via Class Parallelism for Fast Inference on Live Data
th2l/Eye_VR_Segmentation
AR/VR Eye Semantic Segmentation - Rank 5th/17 - OpenEDS 2019
mattroz/mobilenet_segmentation
Binary semantic segmentation with UNet based on MobileNetV2 encoder
mmalotin/pytorch-fast-neural-style-mobilenetV2
Fast neural style with MobileNetV2 bottleneck blocks
woudsma/retrain-mobilenet-for-the-web
Retrain a MobileNet V1 or V2 model and use it in the browser with TensorFlow.js
libiseller/MobileNetV2-dynamicFPN
MobileNetV2 architecture combined with a dynamically generated Feature Pyramid Network
deep-learning-algorithm/LightWeightCNN
轻量化卷积神经网络实现(SqueezeNet/MobileNet/ShuffleNet/MnasNet)
xadrianzetx/mobileunet-tensorflow
Lane segmentation model trained with tensorflow implementation MobileNetV2 based U-Net
yuantangliang/MobileNet-v2-Mxnet
Mxnet Implementation of Google's MobileNets v2
CYang828/OkayFace
Face things on Android
cedrickchee/pytorch-mobile-kit
PyTorch Mobile starter kit.
genolve/NIMA-pytorch-aesthetic-critic
Reproduces the paper NIMA: Neural Image Assessment and adapts the model to evaluate designs generated by genetic algorithms.
jabascal/ai-surveillance
AI camera surveillance with opencv and object detection (YOLOv8, MobileNetv2, ...)
uncle-TT/Obstacle-on-Blind-Sidewalks-Dataset-and-Model-by-Tensorflow-2.3
This is an open source project on the deployment of deep learning to embedded microprocessors. The project establishes a data set for obstacle recognition of blind travel environment, and trains a simplified MoblieNet model in TensorFlow. Finally, the binary file of the model is deployed on the UNCLEO-STM32H7A3ZIT-Q development board to realize the function of obstacle detection of blind travel environment.
LiYangSir/PyTorch-YOLOv3-MobileNet
Replace draknet with mobilenet in pytorch
ukayaj620/monopol
Indonesian Car License Plate (Indonesia Mobil Nomor Polisi) Character Recognition using Tensorflow, Keras and OpenCV.
e0xextazy/gender-est
Gender prediction using mobilenet_V2 finetuned on datasets of celebrities, lamoda, wildberries photos.
plug-in-pow/Qpic
It's a fun app for getting quotes based on the object present in the image. It uses mobilenetv1.tflite and yolov2_tiny.tflite model for object detection.
msthoma/LesionDetector
Cross-platform smartphone app capable of detecting skin cancer lesions using Computer Vision.
Nguyendat-bit/MobilenetV2
A Tensorflow implementation of MobileNet V2
patryk-wloch/SightPlusPlus-ComputerVision
Integrated object detection, recognition and tracking system using Intel RealSense Depth Cameras
zhliuworks/Fast-MobileNetV2
🤖️ Optimized CUDA Kernels for Fast MobileNetV2 Inference
LiyaUnknown/MobileNet_V2
Implementation of Mobilenet V2 for binary image classification of dogs and cats using Keras and TensorFlow. 📚 Trained on a dataset of dogs and cats images, with customizable scripts for training, testing, and prediction on new data. 📊🛠️
Marksman007577/Computer-Vision-using-Python
Computer Vision and its application in Autonomous Vehicles
nnUyi/MobileNet_V2
A tensorflow implement for MobileNet_V2
shinmura0/Ano-Unet
Ano-Unet can visualize abnormal parts.
Tshzzz/cifar10.classifer
Use pytorch to implement some classifer network