All Projects → ShuangXieIrene → Ssds.pytorch

ShuangXieIrene / Ssds.pytorch

Licence: mit
Repository for Single Shot MultiBox Detector and its variants, implemented with pytorch, python3.

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Ssds.pytorch

Mobilenet Yolo
A caffe implementation of MobileNet-YOLO detection network
Stars: ✭ 825 (+44.74%)
Mutual labels:  yolo, darknet, mobilenet
Tensornets
High level network definitions with pre-trained weights in TensorFlow
Stars: ✭ 982 (+72.28%)
Mutual labels:  yolo, mobilenet, vgg
DL.EyeSight
Mainly use SSD, YOLO and other models to solve the target detection problem in image and video !
Stars: ✭ 48 (-91.58%)
Mutual labels:  vgg, yolo, ssd
Object Detection Api Tensorflow
Object Detection API Tensorflow
Stars: ✭ 267 (-53.16%)
Mutual labels:  ssd, yolo
Myvision
Computer vision based ML training data generation tool 🚀
Stars: ✭ 453 (-20.53%)
Mutual labels:  yolo, vgg
DarkMark
Marking up images for use with Darknet.
Stars: ✭ 62 (-89.12%)
Mutual labels:  yolo, darknet
hand detection
A Light CNN based Method for Hand Detection and Orientation Estimation
Stars: ✭ 116 (-79.65%)
Mutual labels:  ssd, mobilenet
Keras Yolov3 Mobilenet
I transfer the backend of yolov3 into Mobilenetv1,VGG16,ResNet101 and ResNeXt101
Stars: ✭ 552 (-3.16%)
Mutual labels:  yolo, mobilenet
Tensorflow 2.x Yolov3
YOLOv3 implementation in TensorFlow 2.3.1
Stars: ✭ 300 (-47.37%)
Mutual labels:  yolo, darknet
Yolov5 ncnn
🍅 Deploy NCNN on mobile phones. Support Android and iOS. 移动端NCNN部署,支持Android与iOS。
Stars: ✭ 535 (-6.14%)
Mutual labels:  yolo, mobilenet
Node Yolo
Node bindings for YOLO/Darknet image recognition library
Stars: ✭ 364 (-36.14%)
Mutual labels:  yolo, darknet
Tracking With Darkflow
Real-time people Multitracker using YOLO v2 and deep_sort with tensorflow
Stars: ✭ 515 (-9.65%)
Mutual labels:  yolo, darknet
objdet web
Image object detection demo(YOLO,SSD,etc.) running as a Flask web server.
Stars: ✭ 52 (-90.88%)
Mutual labels:  yolo, ssd
DarkHelp
C++ wrapper library for Darknet
Stars: ✭ 65 (-88.6%)
Mutual labels:  yolo, darknet
YoloV3-ncnn-Raspberry-Pi-4
MobileNetV2_YOLOV3 for ncnn framework
Stars: ✭ 20 (-96.49%)
Mutual labels:  yolo, mobilenet
Ssd.tensorflow
State-of-the-art Single Shot MultiBox Detector in Pure TensorFlow, QQ Group: 758790869
Stars: ✭ 334 (-41.4%)
Mutual labels:  ssd, yolo
Rectlabel Support
RectLabel - An image annotation tool to label images for bounding box object detection and segmentation.
Stars: ✭ 338 (-40.7%)
Mutual labels:  ssd, yolo
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 (-6.49%)
Mutual labels:  yolo, darknet
Mobilenetv2 Ssdlite
Caffe implementation of SSD and SSDLite detection on MobileNetv2, converted from tensorflow.
Stars: ✭ 435 (-23.68%)
Mutual labels:  ssd, mobilenet
darknet2caffe
Conversion of yolo from DarkNet to Caffe
Stars: ✭ 25 (-95.61%)
Mutual labels:  yolo, darknet

ssds.pytorch

Repository for Single Shot MultiBox Detector and its variants, implemented with pytorch, python3. This repo is easy to setup and has plenty of visualization methods. We hope this repo can help people have a better understanding for ssd-like model and help people train and deploy the ssds model easily.

Currently, it contains these features:

  • Multiple SSD Variants: ssd, fpn, bifpn, yolo and etc.
  • Multiple Base Network: resnet, regnet, mobilenet and etc.
  • Visualize the features of the ssd-like models to help the user understand the model design and performance.
  • Fast Training and Inference: Utilize Nvidia Apex and Dali to fast training and support the user convert the model to ONNX or TensorRT for deployment.

This repo is depended on the work of ODTK, Detectron and Tensorflow Object Detection API. Thanks for their works.

Notice The pretrain model for the current version does not finished yet, please check the previous version for enrich pretrain models.

Table of Contents

Installation

requirements

  • python>=3.7
  • CUDA>=10.0
  • pytorch>=1.4

basic installation:

conda install pytorch torchvision cudatoolkit=10.2 -c pytorch
git clone https://github.com/ShuangXieIrene/ssds.pytorch.git
cd ssds.pytorch
python setup.py clean -a install

extra python libs for parallel training

Currently, nvidia DALI and apex is not include in the requirements.txt and need to install manually.

pip install --extra-index-url https://developer.download.nvidia.com/compute/redist/cuda/10.0 nvidia-dali
git clone https://github.com/NVIDIA/apex
cd apex
pip install -v --no-cache-dir --global-option="--cpp_ext" --global-option="--cuda_ext" ./

Docker

git clone https://github.com/ShuangXieIrene/ssds.pytorch.git
docker build -t ssds:local ./ssds.pytorch/
docker run --gpus all -it --rm -v /data:/data ssds:local

Usage

0. Check the config file by Visualization

Defined the network in a config file and tweak the config file based on the visualized anchor boxes

python -m ssds.utils.visualize -cfg experiments/cfgs/tests/test.yml

1. Training

# basic training
python -m ssds.utils.train -cfg experiments/cfgs/tests/test.yml
# parallel training
python -m torch.distributed.launch --nproc_per_node={num_gpus} -m ssds.utils.train_ddp -cfg experiments/cfgs/tests/test.yml

2. Evaluation

python -m ssds.utils.train -cfg experiments/cfgs/tests/test.yml -e

3. Export to ONNX or TRT model

python -m ssds.utils.export -cfg experiments/cfgs/tests/test.yml -c best_mAP.pth -h

Performance

Visualization

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