All Projects → ruiminshen → Yolo2 Pytorch

ruiminshen / Yolo2 Pytorch

Licence: lgpl-3.0
PyTorch implementation of the YOLO (You Only Look Once) v2

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Yolo2 Pytorch

Caffe2 Ios
Caffe2 on iOS Real-time Demo. Test with Your Own Model and Photos.
Stars: ✭ 221 (-48.12%)
Mutual labels:  object-detection, deep-neural-networks, caffe2
Ngraph
nGraph has moved to OpenVINO
Stars: ✭ 1,322 (+210.33%)
Mutual labels:  deep-neural-networks, onnx, caffe2
Tracking With Darkflow
Real-time people Multitracker using YOLO v2 and deep_sort with tensorflow
Stars: ✭ 515 (+20.89%)
Mutual labels:  object-detection, deep-neural-networks, yolo2
Centerx
This repo is implemented based on detectron2 and centernet
Stars: ✭ 403 (-5.4%)
Mutual labels:  object-detection, onnx
Neuralet
Neuralet is an open-source platform for edge deep learning models on edge TPU, Jetson Nano, and more.
Stars: ✭ 200 (-53.05%)
Mutual labels:  object-detection, deep-neural-networks
Nanodet
⚡Super fast and lightweight anchor-free object detection model. 🔥Only 980 KB(int8) / 1.8MB (fp16) and run 97FPS on cellphone🔥
Stars: ✭ 3,640 (+754.46%)
Mutual labels:  object-detection, deep-neural-networks
Awesome Video Object Detection
This is a list of awesome articles about object detection from video.
Stars: ✭ 190 (-55.4%)
Mutual labels:  object-detection, deep-neural-networks
pytorch-android
[EXPERIMENTAL] Demo of using PyTorch 1.0 inside an Android app. Test with your own deep neural network such as ResNet18/SqueezeNet/MobileNet v2 and a phone camera.
Stars: ✭ 105 (-75.35%)
Mutual labels:  caffe2, onnx
Mxnet Yolo
YOLO: You only look once real-time object detector
Stars: ✭ 240 (-43.66%)
Mutual labels:  object-detection, yolo2
Deep Learning In Production
In this repository, I will share some useful notes and references about deploying deep learning-based models in production.
Stars: ✭ 3,104 (+628.64%)
Mutual labels:  deep-neural-networks, caffe2
Bmw Tensorflow Inference Api Gpu
This is a repository for an object detection inference API using the Tensorflow framework.
Stars: ✭ 277 (-34.98%)
Mutual labels:  object-detection, deep-neural-networks
Yolo Tf
TensorFlow implementation of the YOLO (You Only Look Once)
Stars: ✭ 200 (-53.05%)
Mutual labels:  object-detection, yolo2
Traffic Sign Detection
Traffic Sign Detection. Code for the paper entitled "Evaluation of deep neural networks for traffic sign detection systems".
Stars: ✭ 200 (-53.05%)
Mutual labels:  object-detection, deep-neural-networks
Deepdetect
Deep Learning API and Server in C++14 support for Caffe, Caffe2, PyTorch,TensorRT, Dlib, NCNN, Tensorflow, XGBoost and TSNE
Stars: ✭ 2,306 (+441.31%)
Mutual labels:  object-detection, caffe2
Deepc
vendor independent deep learning library, compiler and inference framework microcomputers and micro-controllers
Stars: ✭ 260 (-38.97%)
Mutual labels:  deep-neural-networks, onnx
Yolo V2 Pytorch
YOLO for object detection tasks
Stars: ✭ 302 (-29.11%)
Mutual labels:  object-detection, deep-neural-networks
Computer Vision Guide
📖 This guide is to help you understand the basics of the computerized image and develop computer vision projects with OpenCV. Includes Python, Java, JavaScript, C# and C++ examples.
Stars: ✭ 244 (-42.72%)
Mutual labels:  object-detection, deep-neural-networks
Distiller
Neural Network Distiller by Intel AI Lab: a Python package for neural network compression research. https://intellabs.github.io/distiller
Stars: ✭ 3,760 (+782.63%)
Mutual labels:  deep-neural-networks, onnx
Deepstream Yolo
NVIDIA DeepStream SDK 5.1 configuration for YOLO models
Stars: ✭ 166 (-61.03%)
Mutual labels:  object-detection, deep-neural-networks
Bmw Yolov4 Inference Api Cpu
This is a repository for an nocode object detection inference API using the Yolov4 and Yolov3 Opencv.
Stars: ✭ 180 (-57.75%)
Mutual labels:  object-detection, deep-neural-networks

PyTorch implementation of the YOLO (You Only Look Once) v2

The YOLOv2 is one of the most popular one-stage object detector. This project adopts PyTorch as the developing framework to increase productivity, and utilize ONNX to convert models into Caffe 2 to benefit engineering deployment. If you are benefited from this project, a donation will be appreciated (via PayPal, 微信支付 or 支付宝).

Designs

  • Flexible configuration design. Program settings are configurable and can be modified (via configure file overlaping (-c/--config option) or command editing (-m/--modify option)) using command line argument.

  • Monitoring via TensorBoard. Such as the loss values and the debugging images (such as IoU heatmap, ground truth and predict bounding boxes).

  • Parallel model training design. Different models are saved into different directories so that can be trained simultaneously.

  • Using a NoSQL database to store evaluation results with multiple dimension of information. This design is useful when analyzing a large amount of experiment results.

  • Time-based output design. Running information (such as the model, the summaries (produced by TensorBoard), and the evaluation results) are saved periodically via a predefined time.

  • Checkpoint management. Several latest checkpoint files (.pth) are preserved in the model directory and the older ones are deleted.

  • NaN debug. When a NaN loss is detected, the running environment (data batch) and the model will be exported to analyze the reason.

  • Unified data cache design. Various dataset are converted into a unified data cache via corresponding cache plugins. Some plugins are already implemented. Such as PASCAL VOC and MS COCO.

  • Arbitrarily replaceable model plugin design. The main deep neural network (DNN) can be easily replaced via configuration settings. Multiple models are already provided. Such as Darknet, ResNet, Inception v3 and v4, MobileNet and DenseNet.

  • Extendable data preprocess plugin design. The original images (in different sizes) and labels are processed via a sequence of operations to form a training batch (images with the same size, and bounding boxes list are padded). Multiple preprocess plugins are already implemented. Such as augmentation operators to process images and labels (such as random rotate and random flip) simultaneously, operators to resize both images and labels into a fixed size in a batch (such as random crop), and operators to augment images without labels (such as random blur, random saturation and random brightness).

Feautures

  • [x] Reproduce the original paper's training results.
  • [x] Multi-scale training.
  • [x] Dimension cluster.
  • [x] Darknet model file (.weights) parser.
  • [x] Detection from image and camera.
  • [x] Processing Video file.
  • [x] Multi-GPU supporting.
  • [ ] Distributed training.
  • [ ] Focal loss.
  • [x] Channel-wise model parameter analyzer.
  • [x] Automatically change the number of channels.
  • [x] Receptive field analyzer.

Quick Start

This project uses Python 3. To install the dependent libraries, type the following command in a terminal.

sudo pip3 install -r requirements.txt

quick_start.sh contains the examples to perform detection and evaluation. Run this script. Multiple datasets and models (the original Darknet's format, will be converted into PyTorch's format) will be downloaded (aria2 is required). These datasets are cached into different data profiles, and the models are evaluated over the cached data. The models are used to detect objects in an example image, and the detection results will be shown.

License

This project is released as the open source software with the GNU Lesser General Public License version 3 (LGPL v3).

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