All Projects → KleinYuan → Tf Object Detection

KleinYuan / Tf Object Detection

Licence: mit
Simpler app for tensorflow object detection API

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Tf Object Detection

Sightseq
Computer vision tools for fairseq, containing PyTorch implementation of text recognition and object detection
Stars: ✭ 116 (+27.47%)
Mutual labels:  object-detection, mobilenet, faster-rcnn
Tensorflow Anpr
Automatic Number (License) Plate Recognition using Tensorflow Object Detection API
Stars: ✭ 142 (+56.04%)
Mutual labels:  object-detection, faster-rcnn, tensorflow-models
Ios tensorflow objectdetection example
An iOS application of Tensorflow Object Detection with different models: SSD with Mobilenet, SSD with InceptionV2, Faster-RCNN-resnet101
Stars: ✭ 126 (+38.46%)
Mutual labels:  ssd, faster-rcnn, tensorflow-models
Tensorflow Face Detection
A mobilenet SSD based face detector, powered by tensorflow object detection api, trained by WIDERFACE dataset.
Stars: ✭ 711 (+681.32%)
Mutual labels:  object-detection, ssd, mobilenet
Mmdetection To Tensorrt
convert mmdetection model to tensorrt, support fp16, int8, batch input, dynamic shape etc.
Stars: ✭ 262 (+187.91%)
Mutual labels:  object-detection, ssd, faster-rcnn
Traffic Sign Detection
Traffic Sign Detection. Code for the paper entitled "Evaluation of deep neural networks for traffic sign detection systems".
Stars: ✭ 200 (+119.78%)
Mutual labels:  object-detection, ssd, faster-rcnn
Tensornets
High level network definitions with pre-trained weights in TensorFlow
Stars: ✭ 982 (+979.12%)
Mutual labels:  object-detection, mobilenet, faster-rcnn
Tf Faster Rcnn
Tensorflow Faster RCNN for Object Detection
Stars: ✭ 3,604 (+3860.44%)
Mutual labels:  object-detection, mobilenet, faster-rcnn
Mmdetection
OpenMMLab Detection Toolbox and Benchmark
Stars: ✭ 17,646 (+19291.21%)
Mutual labels:  object-detection, ssd, faster-rcnn
Paddledetection
Object Detection toolkit based on PaddlePaddle. It supports object detection, instance segmentation, multiple object tracking and real-time multi-person keypoint detection.
Stars: ✭ 5,799 (+6272.53%)
Mutual labels:  object-detection, ssd, faster-rcnn
Rectlabel Support
RectLabel - An image annotation tool to label images for bounding box object detection and segmentation.
Stars: ✭ 338 (+271.43%)
Mutual labels:  object-detection, ssd, faster-rcnn
Math object detection
An image recognition/object detection model that detects handwritten digits and simple math operators. The output of the predicted objects (numbers & math operators) is then evaluated and solved.
Stars: ✭ 52 (-42.86%)
Mutual labels:  object-detection, tensorflow-models, tensorflow-examples
Ssds.pytorch
Repository for Single Shot MultiBox Detector and its variants, implemented with pytorch, python3.
Stars: ✭ 570 (+526.37%)
Mutual labels:  ssd, mobilenet
Cv Papers
计算机视觉相关论文整理、记录、分享; 包括图像分类、目标检测、视觉跟踪/目标跟踪、人脸识别/人脸验证、OCR/场景文本检测及识别等领域。欢迎加星,欢迎指正错误,同时也期待能够共同参与!!! 持续更新中... ...
Stars: ✭ 738 (+710.99%)
Mutual labels:  ssd, faster-rcnn
Keras object detection
Convert any classification model or architecture trained in keras to an object detection model
Stars: ✭ 28 (-69.23%)
Mutual labels:  object-detection, faster-rcnn
Keras Yolov3 Mobilenet
I transfer the backend of yolov3 into Mobilenetv1,VGG16,ResNet101 and ResNeXt101
Stars: ✭ 552 (+506.59%)
Mutual labels:  object-detection, mobilenet
Tensorflow object detection tflite
This is a repo for training and implementing the mobilenet-ssd v2 to tflite with c++ on x86 and arm64
Stars: ✭ 24 (-73.63%)
Mutual labels:  object-detection, tensorflow-examples
Keras Faster Rcnn
Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks
Stars: ✭ 28 (-69.23%)
Mutual labels:  object-detection, faster-rcnn
Letslearnai.github.io
Lets Learn AI
Stars: ✭ 33 (-63.74%)
Mutual labels:  tensorflow-models, tensorflow-examples
Yolov5 ncnn
🍅 Deploy NCNN on mobile phones. Support Android and iOS. 移动端NCNN部署,支持Android与iOS。
Stars: ✭ 535 (+487.91%)
Mutual labels:  object-detection, mobilenet

Scope

This repo is aiming to provide production ready 2D object detection code basics.

It's based on official tensorflow API jupyter notebook but I will gradually add more popular models such as yolo series.

More

If you are interested in 3D object detection, visit this repo.

If you are interested in Segmentation, visit this repo.

Introduction

This is a repo for implementing object detection with pre-trained models (as shown below) on tensorflow.

Model name Speed COCO mAP Outputs
ssd_mobilenet_v1_coco fast 21 Boxes
ssd_inception_v2_coco fast 24 Boxes
rfcn_resnet101_coco medium 30 Boxes
faster_rcnn_resnet101_coco medium 32 Boxes
faster_rcnn_inception_resnet_v2_atrous_coco slow 37 Boxes

Dependencies:

  • [X] Tensorflow >= 1.2.0
  • [X] OpenCV

Run Demo

# Clone this repo
git clone https://github.com/KleinYuan/tf-object-detection.git

# Setting up
cd tf-object-detection
bash setup.sh

# Run demo
python app.py

res

Image Classifications

I also put an image classifications inference app (VGG16) here.

# Assuming you already run setup.sh, which will download vgg16.np

python app_ic.py

Networks

Model name Architecture
AlextNet AlexNet
Vgg 16 VGG16
SSD SSD
ResNet Resnet
MobileNet MobileNet
Faster R-CNN fasterrcnn
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].