November 19, 2020

732 words 4 mins read

Repos on Object Detection, Segmentation and Tracking

Repos on Object Detection, Segmentation and Tracking

Ranging from a simple binary classification to a more complex classification in a dynamic scenario e.g. in a moving vehicle, sophisticated methods for object detection, object segmentation and tracking is very important and crucial. In recent years, these topics are gaining many attentions in scientific and research communities.

The following list below gives 50+ repositories which address object detection, object segmentation and object tracking.

amusi/awesome-object-detection Awesome Object Detection based on handong1587 github: https://handong1587.github.io/deep_learning/2015/10/09/object-detection.html
AntonMu/TrainYourOwnYOLO Train a state-of-the-art yolov3 object detector from scratch!
avanetten/simrdwn Rapid satellite imagery object detection
ayooshkathuria/pytorch-yolo-v3 A PyTorch implementation of the YOLO v3 object detection algorithm
blakeblackshear/frigate NVR with realtime local object detection for IP cameras
cloud-annotations/training Custom Object Detection and Classification Training
curiousily/Deep-Learning-For-Hackers Machine Learning tutorials with TensorFlow 2 and Keras in Python (Jupyter notebooks included) - (LSTMs, Hyperameter tuning, Data preprocessing, Bias-variance tradeoff, Anomaly Detection, Autoencoders, Time Series Forecasting, Object Detection, Sentiment Analysis, Intent Recognition with BERT)
DeNA/PyTorch_YOLOv3 Implementation of YOLOv3 in PyTorch
Duankaiwen/CenterNet Codes for our paper “CenterNet: Keypoint Triplets for Object Detection” .
EdjeElectronics/TensorFlow-Object-Detection-API-Tutorial-Train-Multiple-Objects-Windows-10 How to train a TensorFlow Object Detection Classifier for multiple object detection on Windows
EdjeElectronics/TensorFlow-Object-Detection-on-the-Raspberry-Pi A tutorial showing how to set up TensorFlow’s Object Detection API on the Raspberry Pi
emadboctorx/yolov3-keras-tf2 yolo implementation in keras and tensorflow 2.2
eriklindernoren/PyTorch-YOLOv3 Minimal PyTorch implementation of YOLOv3
experiencor/keras-yolo2 Easy training on custom dataset. Various backends (MobileNet and SqueezeNet) supported. A YOLO demo to detect raccoon run entirely in brower is accessible at https://git.io/vF7vI (not on Windows).
facebookresearch/Detectron FAIR’s research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet.
facebookresearch/detectron2 Detectron2 is FAIR’s next-generation platform for object detection and segmentation.
facebookresearch/detr End-to-End Object Detection with Transformers
facebookresearch/maskrcnn-benchmark Fast, modular reference implementation of Instance Segmentation and Object Detection algorithms in PyTorch.
fizyr/keras-retinanet Keras implementation of RetinaNet object detection.
foolwood/SiamMask [CVPR2019] Fast Online Object Tracking and Segmentation: A Unifying Approach
got-10k/toolkit Official Python toolkit for generic object tracking benchmark GOT-10k and beyond
HCIILAB/DeRPN A novel region proposal network for more general object detection ( including scene text detection ).
HKUST-Aerial-Robotics/Stereo-RCNN Code for ‘Stereo R-CNN based 3D Object Detection for Autonomous Driving’ (CVPR 2019)
hoya012/deep_learning_object_detection A paper list of object detection using deep learning.
hunglc007/tensorflow-yolov4-tflite YOLOv4, YOLOv3, YOLO-tiny Implemented in Tensorflow 2.0, Android. Convert YOLO v4 .weights tensorflow, tensorrt and tflite
ifzhang/FairMOT A simple baseline for one-shot multi-object tracking
JunweiLiang/Object_Detection_Tracking Out-of-the-box code and models for CMU's object detection and tracking system for surveillance videos. Speed optimized Faster-RCNN model. Tensorflow based. Also supports EfficientDet. WACVW'20
KerasKorea/KerasObjectDetector Keras Object Detection API with YOLK project
mahyarnajibi/SNIPER SNIPER / AutoFocus is an efficient multi-scale object detection training / inference algorithm
matterport/Mask_RCNN Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow
maudzung/Complex-YOLOv4-Pytorch The PyTorch Implementation based on YOLOv4 of the paper: "Complex-YOLO: Real-time 3D Object Detection on Point Clouds"
microsoft/VoTT Visual Object Tagging Tool: An electron app for building end to end Object Detection Models from Images and Videos.
open-mmlab/mmdetection3d OpenMMLab's next-generation platform for general 3D object detection.
PaddlePaddle/PaddleDetection Object detection and instance segmentation toolkit based on PaddlePaddle.
PengyiZhang/SlimYOLOv3 This page is for the SlimYOLOv3: Narrower, Faster and Better for UAV Real-Time Applications
pythonlessons/TensorFlow-2.x-YOLOv3 YOLOv3 implementation in TensorFlow 2.3.1
pythonlessons/TensorFlow-object-detection-tutorial The purpose of this tutorial is to learn how to install and prepare TensorFlow framework to train your own convolutional neural network object detection classifier for multiple objects, starting from scratch
qqwweee/keras-yolo3 A Keras implementation of YOLOv3 (Tensorflow backend)
streamlit/demo-self-driving Streamlit app demonstrating an image browser for the Udacity self-driving-car dataset with realtime object detection using YOLO.
STVIR/pysot SenseTime Research platform for single object tracking, implementing algorithms like SiamRPN and SiamMask.
Tessellate-Imaging/Monk_Object_Detection A one-stop repository for low-code easily-installable object detection pipelines.
tianzhi0549/FCOS FCOS: Fully Convolutional One-Stage Object Detection (ICCV'19)
toandaominh1997/EfficientDet.Pytorch Implementation EfficientDet: Scalable and Efficient Object Detection in PyTorch
traveller59/second.pytorch SECOND for KITTI/NuScenes object detection
TuSimple/simpledet A Simple and Versatile Framework for Object Detection and Instance Recognition
ultralytics/yolov3 YOLOv3 in PyTorch > ONNX > CoreML > iOS
wizyoung/YOLOv3_TensorFlow Complete YOLO v3 TensorFlow implementation. Support training on your own dataset.
WongKinYiu/PyTorch_YOLOv4 PyTorch implementation of YOLOv4
xingyizhou/CenterNet Object detection, 3D detection, and pose estimation using center point detection:
xingyizhou/ExtremeNet Bottom-up Object Detection by Grouping Extreme and Center Points
xuannianz/EfficientDet EfficientDet (Scalable and Efficient Object Detection) implementation in Keras and Tensorflow
yehengchen/Object-Detection-and-Tracking YOLO & RCNN Object Detection and Multi-Object Tracking
YunYang1994/tensorflow-yolov3 pure tensorflow Implement of YOLOv3 with support to train your own dataset
zzh8829/yolov3-tf2 YoloV3 Implemented in Tensorflow 2.0
comments powered by Disqus