Object Detection
Object Detection
Object Detection and Segmentation
- facebookresearch/detectron2: Detectron2 is FAIR's next-generation platform for object detection and segmentation.
- Speed up your image segmentation workflow with model-assisted labeling - Segments
- Image segmentation with a U-Net-like architecture
In-Browser Pose Identification
Rooftop Detection Machine Learning
- Improved Rooftop Detection in Aerial Images with Machine Learning - SpringerLink
- Novel Approach for Rooftop Detection Using Support Vector Machine
- Deep-learning: Rooftop type detection with Keras and TensorFlow–fractalytics
- Increasing Solar adoption in the developing world through Machine Learning image segmentation - by Rudradeb Mitra - Towards Data Science
Hand Detection and Hand Tracking
- victordibia/handtrack.js: A library for prototyping realtime hand detection (bounding box), directly in the browser.
- tfjs-models/handpose at master · tensorflow/tfjs-models
- handtracking.io
- Robust Computer Vision-Based Detection of Pinching for One and Two-Handed Gesture Input - Microsoft Research
Browser based Face/Pose Identification
-
esimov/pigo: Fast face detection, pupil/eyes localization and facial landmark points detection library in pure Go. Pupil Localization
-
Mediapipe Iris megabyte model to predict 2D eye, eyebrow and iris geometry from monocular video captured by a front-facing camera on a smartphone in real time.
In-browser Object Detection
- In-Browser object detection using YOLO and TensorFlow.js - DEV Community 👩💻👨💻
- TensorFlow.js: Make a smart webcam in JavaScript with a pre-trained Machine Learning model
- ModelDepot/tfjs-yolo-tiny: In-Browser Object Detection using Tiny YOLO on Tensorflow.js
- In-Browser object detection using YOLO and TensorFlow.js - Questions - Community - Synthiam
-
Build a Realtime Object Detection Web App in 30 Minutes - by Erdem Isbilen - Towards Data Science
- Build Custom Object Detection Web Application Using TensorFlow.js - by Kosta Malsev - The Startup - Jan, 2021 - Medium
- Custom object detection in the browser using TensorFlow.js—The TensorFlow Blog
YOLO
- Object Detection and Image Classification with YOLO - KDnuggets : YOLO is based on regression not classification
- Real-time Object Detection with YOLO, YOLOv2 and now YOLOv3 - by Jonathan Hui - Medium
- WangMian-Maker/Flask
- LeonLok/Multi-Camera-Live-Object-Tracking: Multi-camera live traffic and object counting with YOLO v4, Deep SORT, and Flask.
- burningion/poor-mans-deep-learning-camera: Build a thin client deep learning camera with the Raspberry Pi, Flask, and YOLO
- theAIGuysCode/Object-Detection-API: Yolov3 Object Detection implemented as APIs, using TensorFlow and Flask
- v-iashin/WebsiteYOLO: The back-end for YOLOv3 object detector running online on my website
- Zyjacya-In-love/Pedestrian-Detection-on-YOLOv3_Research-and-APP: 2020 Undergraduate Graduation Project in Jiangnan University ALL codes including Data-convert, keras-Train, model-Evaluate and Web-App
- yankai364/Object-Detection-Flask-API: A simple YOLOv3 object detection API in Python (using Flask).
- How to Easily Deploy Machine Learning Models Using Flask - KDnuggets : show text results
- Turning Machine Learning Models into APIs - DataCamp
- Deploy Machine Learning Model using Flask - GeeksforGeeks
- Deployment of Machine learning models using Flask - KDnuggets
- Tutorial: Deploying a machine learning model to the web - by Cambridge Spark - Cambridge Spark
- Python Machine Learning and Predicting With Flask - Toptal
There are a few different algorithms for object detection and they can be split into two groups:
- Algorithms based on classification–they work in two stages. In the first step, we’re selecting from the image interesting regions. Then we’re classifying those regions using convolutional neural networks. This solution could be very slow because we have to run prediction for every selected region. Most known example of this type of algorithms is the Region-based convolutional neural network (RCNN) and their cousins Fast-RCNN and Faster-RCNN.
- Algorithms based on regression–instead of selecting interesting parts of an image, we’re predicting classes and bounding boxes for the whole image in one run of the algorithm. Most known example of this type of algorithms is YOLO (You only look once) commonly used for real-time object detection.
YOLO metrics:
- whynotw/YOLO_metric: Calculate mean Average Precision (mAP) and confusion matrix for object detection models. Bounding box information for groundtruth and prediction is YOLO training dataset format.
- rafaelpadilla/reviewobjectdetection_metrics: Review on Object Detection Metrics: 14 object detection metrics including COCO's and PASCAL's metrics. Supporting different bounding box formats.
- Evaluating Object Detection Models: Guide to Performance Metrics - Manal El Aidouni