All Projects → cedrickchee → Realtime Detectron

cedrickchee / Realtime Detectron

Real-time Detectron using webcam.

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Realtime Detectron

Caffe2 Ios
Caffe2 on iOS Real-time Demo. Test with Your Own Model and Photos.
Stars: ✭ 221 (+426.19%)
Mutual labels:  object-detection, demo, real-time
Mocapnet
We present MocapNET2, a real-time method that estimates the 3D human pose directly in the popular Bio Vision Hierarchy (BVH) format, given estimations of the 2D body joints originating from monocular color images. Our contributions include: (a) A novel and compact 2D pose NSRM representation. (b) A human body orientation classifier and an ensemble of orientation-tuned neural networks that regress the 3D human pose by also allowing for the decomposition of the body to an upper and lower kinematic hierarchy. This permits the recovery of the human pose even in the case of significant occlusions. (c) An efficient Inverse Kinematics solver that refines the neural-network-based solution providing 3D human pose estimations that are consistent with the limb sizes of a target person (if known). All the above yield a 33% accuracy improvement on the Human 3.6 Million (H3.6M) dataset compared to the baseline method (MocapNET) while maintaining real-time performance (70 fps in CPU-only execution).
Stars: ✭ 194 (+361.9%)
Mutual labels:  webcam, demo, real-time
Yolo V2 Pytorch
YOLO for object detection tasks
Stars: ✭ 302 (+619.05%)
Mutual labels:  object-detection, deeplearning
Ssd.pytorch
A PyTorch Implementation of Single Shot MultiBox Detector
Stars: ✭ 4,499 (+10611.9%)
Mutual labels:  object-detection, webcam
Bmw Yolov4 Training Automation
This repository allows you to get started with training a state-of-the-art Deep Learning model with little to no configuration needed! You provide your labeled dataset or label your dataset using our BMW-LabelTool-Lite and you can start the training right away and monitor it in many different ways like TensorBoard or a custom REST API and GUI. NoCode training with YOLOv4 and YOLOV3 has never been so easy.
Stars: ✭ 533 (+1169.05%)
Mutual labels:  object-detection, deeplearning
Qbr
A webcam-based 3x3x3 rubik's cube solver written in Python 3 and OpenCV.
Stars: ✭ 122 (+190.48%)
Mutual labels:  webcam, demo
Fastmot
High-performance multiple object tracking based on YOLO, Deep SORT, and optical flow
Stars: ✭ 284 (+576.19%)
Mutual labels:  object-detection, real-time
Tracking With Darkflow
Real-time people Multitracker using YOLO v2 and deep_sort with tensorflow
Stars: ✭ 515 (+1126.19%)
Mutual labels:  object-detection, real-time
rt-mrcnn
Real time instance segmentation with Mask R-CNN, live from webcam feed.
Stars: ✭ 47 (+11.9%)
Mutual labels:  real-time, webcam
Android Yolo
Real-time object detection on Android using the YOLO network with TensorFlow
Stars: ✭ 604 (+1338.1%)
Mutual labels:  object-detection, demo
Simplecvreproduction
Reproduce simple cv project including attention module, classification, object detection, segmentation, keypoint detection, tracking 😄 etc.
Stars: ✭ 602 (+1333.33%)
Mutual labels:  object-detection, demo
Complex Yolov4 Pytorch
The PyTorch Implementation based on YOLOv4 of the paper: "Complex-YOLO: Real-time 3D Object Detection on Point Clouds"
Stars: ✭ 691 (+1545.24%)
Mutual labels:  object-detection, real-time
Realtime object detection
Plug and Play Real-Time Object Detection App with Tensorflow and OpenCV. No Bugs No Worries. Enjoy!
Stars: ✭ 260 (+519.05%)
Mutual labels:  object-detection, real-time
jeelizPupillometry
Real-time pupillometry in the web browser using a 4K webcam video feed processed by this WebGL/Javascript library. 2 demo experiments are included.
Stars: ✭ 78 (+85.71%)
Mutual labels:  real-time, webcam
Jeelizar
JavaScript object detection lightweight library for augmented reality (WebXR demos included). It uses convolutional neural networks running on the GPU with WebGL.
Stars: ✭ 296 (+604.76%)
Mutual labels:  object-detection, real-time
VideoRecognition-realtime-autotrainer-alerts
State of the art object detection in real-time using YOLOV3 algorithm. Augmented with a process that allows easy training of the classifier as a plug & play solution . Provides alert if an item in an alert list is detected.
Stars: ✭ 36 (-14.29%)
Mutual labels:  real-time, webcam
Openvino Yolov3
YoloV3/tiny-YoloV3+RaspberryPi3/Ubuntu LaptopPC+NCS/NCS2+USB Camera+Python+OpenVINO
Stars: ✭ 500 (+1090.48%)
Mutual labels:  object-detection, deeplearning
Jeelizweboji
JavaScript/WebGL real-time face tracking and expression detection library. Build your own emoticons animated in real time in the browser! SVG and THREE.js integration demos are provided.
Stars: ✭ 835 (+1888.1%)
Mutual labels:  webcam, real-time
FastPose
pytorch realtime multi person keypoint estimation
Stars: ✭ 36 (-14.29%)
Mutual labels:  real-time, deeplearning
jeelizGlanceTracker
JavaScript/WebGL lib: detect if the user is looking at the screen or not from the webcam video feed. Lightweight and robust to all lighting conditions. Great for play/pause videos if the user is looking or not, or for person detection. Link to live demo.
Stars: ✭ 68 (+61.9%)
Mutual labels:  real-time, webcam

Real-time Detectron

This is a demo project of a real-time Mask R-CNN using Detectron. We will be using consumer grade webcam for capturing the video stream.

Here's an example of demo created by reddit's user _sshin_.

Project Status: Early release. Still in heavy development. What this means is, things might be moved around quickly and things will break.

Introduction

Detectron is Facebook AI Research (FAIR)'s research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet.

In this project, we have implemented a simple solution to run Detectron Mask R-CNN algorithm with webcam. We are using Mask R-CNN for object detection and instance segmentation.

Installation

Runtime requirements:

  • Python 2.7
  • Ubuntu Linux
    • Tested in Ubuntu 16.04 LTS.
  • CUDA 8 and above
    • Tested with CUDA 8 and CUDA 9.
  • cuDNN 6 and above
  • OpenCV 3.4
  • Python dependencies
    • Detectron
    • Caffe2 (Detectron is powered by the Caffe2 deep learning framework)

Installing Detectron

How to install Detectron and its dependencies (including Caffe2). Please refer to this guide.

Quick Start: Using Detectron

After installation, please see the following for brief instructions covering inference with Detectron.

Inference with Pretrained Models

Directory of Image Files

To run inference on a directory of image files (demo/*.jpg in this example), you can use the inference.py tool. In this example, we're using an end-to-end trained Mask R-CNN model with a ResNet-101-FPN backbone from the model zoo:

First, place inference.py file in Detectron tools directory and visualize.py file in Detectron lib/utils directory. Then, run the following command:

python2 tools/infererence.py \
    --cfg configs/12_2017_baselines/e2e_mask_rcnn_R-101-FPN_2x.yaml \
    --output-dir /tmp/detectron-visualizations \
    --image-ext jpg \
    --wts https://s3-us-west-2.amazonaws.com/detectron/35861858/12_2017_baselines/e2e_mask_rcnn_R-101-FPN_2x.yaml.02_32_51.SgT4y1cO/output/train/coco_2014_train:coco_2014_valminusminival/generalized_rcnn/model_final.pkl \
    demo

Detectron should automatically download the model from the URL specified by the --wts argument. This tool will output visualizations of the detections in the directory specified by --output-dir.

Notes:

The code used for this demo in inference.py is the same as the one mentioned in Detectron documentation except with a few modifications to support webcam as input.

Credits

Referenced these implementations:

  1. Demo with Mask R-CNN in Google Colab with GPU acceleration
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].