All Projects → Tony607 → Object_detection_demo

Tony607 / Object_detection_demo

Licence: other
How to train an object detection model easy for free

Projects that are alternatives of or similar to Object detection demo

Fish detection
Fish detection using Open Images Dataset and Tensorflow Object Detection
Stars: ✭ 67 (-48.46%)
Mutual labels:  object-detection, jupyter-notebook
Soccer Ball Detection Yolov2
YOLOv2 trained against custom dataset
Stars: ✭ 97 (-25.38%)
Mutual labels:  object-detection, jupyter-notebook
Tracktor
Python and OpenCV based object tracking software
Stars: ✭ 76 (-41.54%)
Mutual labels:  object-detection, jupyter-notebook
Mish
Official Repsoitory for "Mish: A Self Regularized Non-Monotonic Neural Activation Function" [BMVC 2020]
Stars: ✭ 1,072 (+724.62%)
Mutual labels:  object-detection, jupyter-notebook
Colab Mask Rcnn
How to run Object Detection and Segmentation on a Video Fast for Free
Stars: ✭ 114 (-12.31%)
Mutual labels:  object-detection, jupyter-notebook
Mmdetection object detection demo
How to train an object detection model with mmdetection
Stars: ✭ 55 (-57.69%)
Mutual labels:  object-detection, jupyter-notebook
Text Detection Using Yolo Algorithm In Keras Tensorflow
Implemented the YOLO algorithm for scene text detection in keras-tensorflow (No object detection API used) The code can be tweaked to train for a different object detection task using YOLO.
Stars: ✭ 87 (-33.08%)
Mutual labels:  object-detection, jupyter-notebook
Simple Ssd For Beginners
This repository contains easy SSD(Single Shot MultiBox Detector) implemented with Pytorch and is easy to read and learn
Stars: ✭ 33 (-74.62%)
Mutual labels:  object-detection, jupyter-notebook
Kerasobjectdetector
Keras Object Detection API with YOLK project 🍳
Stars: ✭ 113 (-13.08%)
Mutual labels:  object-detection, jupyter-notebook
Tensorflow2.0 Examples
🙄 Difficult algorithm, Simple code.
Stars: ✭ 1,397 (+974.62%)
Mutual labels:  object-detection, jupyter-notebook
Tensorflow Lite Rest Server
Expose tensorflow-lite models via a rest API
Stars: ✭ 43 (-66.92%)
Mutual labels:  object-detection, jupyter-notebook
Objectdetection
Some experiments with object detection in PyTorch
Stars: ✭ 117 (-10%)
Mutual labels:  object-detection, jupyter-notebook
Computervision Recipes
Best Practices, code samples, and documentation for Computer Vision.
Stars: ✭ 8,214 (+6218.46%)
Mutual labels:  object-detection, jupyter-notebook
Ssd keras
Port of Single Shot MultiBox Detector to Keras
Stars: ✭ 1,101 (+746.92%)
Mutual labels:  object-detection, jupyter-notebook
Image bbox slicer
This easy-to-use library splits images and its bounding box annotations into tiles, both into specific sizes and into any arbitrary number of equal parts. It can also resize them, both by specific sizes and by a resizing/scaling factor.
Stars: ✭ 41 (-68.46%)
Mutual labels:  object-detection, jupyter-notebook
Fcos tensorflow
FCOS: Fully Convolutional One-Stage Object Detection.
Stars: ✭ 87 (-33.08%)
Mutual labels:  object-detection, jupyter-notebook
Dataaugmentationforobjectdetection
Data Augmentation For Object Detection
Stars: ✭ 812 (+524.62%)
Mutual labels:  object-detection, jupyter-notebook
Keras Faster Rcnn
Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks
Stars: ✭ 28 (-78.46%)
Mutual labels:  object-detection, jupyter-notebook
Airbnb Amenity Detection
Repo for 42 days project to replicate/improve Airbnb's amenity (object) detection pipeline.
Stars: ✭ 101 (-22.31%)
Mutual labels:  object-detection, jupyter-notebook
Robust Physical Attack
Physical adversarial attack for fooling the Faster R-CNN object detector
Stars: ✭ 115 (-11.54%)
Mutual labels:  object-detection, jupyter-notebook

How to train an object detection model easy for free | DLology Blog

How to Run

Easy way: run this Colab Notebook.

Alternatively, if you want to use your images instead of ones comes with this repo.

Require Python 3.5+ installed.

Fork and clone this repository to your local machine.

https://github.com/Tony607/object_detection_demo

Install required libraries

pip3 install -r requirements.txt

Step 1: Annotate some images

  • Save some photos with your custom object(s), ideally with jpg extension to ./data/raw directory. (If your objects are simple like ones come with this repo, 20 images can be enough.)
  • Resize those photo to uniformed size. e.g. (800, 600) with
python resize_images.py --raw-dir ./data/raw --save-dir ./data/images --ext jpg --target-size "(800, 600)"

Resized images locate in ./data/images/

  • Train/test split those files into two directories, ./data/images/train and ./data/images/test

  • Annotate resized images with labelImg, generate xml files inside ./data/images/train and ./data/images/test folders.

Tips: use shortcuts (w: draw box, d: next file, a: previous file, etc.) to accelerate the annotation.

  • Commit and push your annotated images and xml files (./data/images/train and ./data/images/test) to your forked repository.

Step 2: Open Colab notebook

  • Replace the repository's url to yours and run it.

How to run inference on frozen TensorFlow graph

Requirements:

  • frozen_inference_graph.pb Frozen TensorFlow object detection model downloaded from Colab after training.
  • label_map.pbtxt File used to map correct name for predicted class index downloaded from Colab after training.

You can also opt to download my copy of those files from the GitHub Release page.

Run the following Jupyter notebook locally.

local_inference_test.ipynb

How to run TensorFlow object detection model faster with Intel Graphics | DLology Blog

How to deploy the trained custom object detection model with OpenVINO

Requirements:

  • Frozen TensorFlow object detection model. i.e. frozen_inference_graph.pb downloaded from Colab after training.
  • The modified pipeline config file used for training. Also downloaded from Colab after training.

You can also opt to download my copy of those files from the GitHub Release page.

Run the following Jupyter notebook locally and follow the instructions in side.

deploy/openvino_convert_tf_object_detection.ipynb

Run the benchmark

Examples

Benchmark SSD mobileNet V2 on GPU with FP16 quantized weights.

cd ./deploy
python openvino_inference_benchmark.py\
     --model-dir ./models/ssd_mobilenet_v2_custom_trained/FP16\
     --device GPU\
     --data-type FP16\
     --img ../test/15.jpg

TensorFlow benchmark on cpu

python local_inference_test.py\
     --model ./models/frozen_inference_graph.pb\
     --img ./test/15.jpg\
     --cpu
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].