All Projects → ljanyst → Ssd Tensorflow

ljanyst / Ssd Tensorflow

Licence: gpl-3.0
A Single Shot MultiBox Detector in TensorFlow

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Ssd Tensorflow

Keras Yolov3 Mobilenet
I transfer the backend of yolov3 into Mobilenetv1,VGG16,ResNet101 and ResNeXt101
Stars: ✭ 552 (+226.63%)
Mutual labels:  object-detection, vgg16
Deep Learning With Python
Deep learning codes and projects using Python
Stars: ✭ 195 (+15.38%)
Mutual labels:  object-detection, vgg16
Easy Faster Rcnn.pytorch
An easy implementation of Faster R-CNN (https://arxiv.org/pdf/1506.01497.pdf) in PyTorch.
Stars: ✭ 141 (-16.57%)
Mutual labels:  object-detection, vgg16
semantic segmentation
Semantically segment the road in the given image.
Stars: ✭ 91 (-46.15%)
Mutual labels:  vgg16, fully-convolutional-networks
Image Segmentation Fcn
Semantic Image Segmentation using a Fully Convolutional Neural Network in TensorFlow
Stars: ✭ 82 (-51.48%)
Mutual labels:  vgg16, fully-convolutional-networks
Tensorflow2.0 Examples
🙄 Difficult algorithm, Simple code.
Stars: ✭ 1,397 (+726.63%)
Mutual labels:  object-detection, vgg16
Ssd keras
A Keras port of Single Shot MultiBox Detector
Stars: ✭ 1,763 (+943.2%)
Mutual labels:  object-detection, fully-convolutional-networks
Yolov4 Cloud Tutorial
This repository walks you through how to Build and Run YOLOv4 Object Detections with Darknet in the Cloud with Google Colab.
Stars: ✭ 153 (-9.47%)
Mutual labels:  object-detection
Adelaidet
AdelaiDet is an open source toolbox for multiple instance-level detection and recognition tasks.
Stars: ✭ 2,565 (+1417.75%)
Mutual labels:  object-detection
Nas Fcos
NAS-FCOS: Fast Neural Architecture Search for Object Detection (CVPR 2020)
Stars: ✭ 156 (-7.69%)
Mutual labels:  object-detection
Derpn
A novel region proposal network for more general object detection ( including scene text detection ).
Stars: ✭ 155 (-8.28%)
Mutual labels:  object-detection
Bmw Tensorflow Inference Api Cpu
This is a repository for an object detection inference API using the Tensorflow framework.
Stars: ✭ 158 (-6.51%)
Mutual labels:  object-detection
Snip
Scale Normalization for Image Pyramids
Stars: ✭ 164 (-2.96%)
Mutual labels:  object-detection
Motbeyondpixels
Monocular multi-object tracking using simple and complementary 3D and 2D cues (ICRA 2018)
Stars: ✭ 155 (-8.28%)
Mutual labels:  object-detection
A Pytorch Tutorial To Object Detection
SSD: Single Shot MultiBox Detector | a PyTorch Tutorial to Object Detection
Stars: ✭ 2,398 (+1318.93%)
Mutual labels:  object-detection
Fcn For Semantic Segmentation
Implemention of FCN-8 and FCN-16 with Keras and uses CRF as post processing
Stars: ✭ 155 (-8.28%)
Mutual labels:  vgg16
Face mask detection
Face mask detection system using Deep learning.
Stars: ✭ 168 (-0.59%)
Mutual labels:  object-detection
Map
mean Average Precision - This code evaluates the performance of your neural net for object recognition.
Stars: ✭ 2,324 (+1275.15%)
Mutual labels:  object-detection
Microsoft Rocket Video Analytics Platform
A highly extensible software stack to empower everyone to build practical real-world live video analytics applications for object detection and counting with cutting edge machine learning algorithms.
Stars: ✭ 162 (-4.14%)
Mutual labels:  object-detection
Resnet Cifar10 Caffe
ResNet-20/32/44/56/110 on CIFAR-10 with Caffe
Stars: ✭ 161 (-4.73%)
Mutual labels:  vgg16

SSD-TensorFlow

Overview

The programs in this repository train and use a Single Shot MultiBox Detector to take an image and draw bounding boxes around objects of certain classes contained in this image. The network is based on the VGG-16 model and uses the approach described in this paper by Wei Liu et al. The software is generic and easily extendable to any dataset, although I only tried it with Pascal VOC so far. All you need to do to introduce a new dataset is to create a new source_xxxxxx.py file defining it.

Go here for more info.

Pascal VOC Results

Images and numbers speak louder than a thousand words, so here they are:

Example #1 Example #2

Model Training data mAP Train mAP VOC12 test Reference
vgg300 VOC07+12 trainval and VOC07 Test 79.5% 72.3% 72.4%
vgg512 VOC07+12 trainval and VOC07 Test 82.3% 75.0% 74.9%

Usage

To train the model on the Pascal VOC data, go to the pascal-voc directory and download the dataset:

cd pascal-voc
./download-data.sh
cd ..

You then need to preprocess the dataset before you can train the model on it. It's OK to use the default settings, but if you want something more, it's always good to try the --help parameter.

./process_dataset.py

You can then train the whole thing. It will take around 150 to 200 epochs to get good results. Again, you can try --help if you want to do something custom.

./train.py

You can annotate images, dump raw predictions, print the AP stats, or export the results in the Pascal VOC compatible format using the inference script.

./infer.py --help

To export the model to an inference optimize graph run (use result/result as the name of the output tensor):

./export_model.py

If you want to make detection basing on the inference model, check out:

./detect.py

Have Fun!

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