All Projects → PaddlePaddle → Paddledetection

PaddlePaddle / Paddledetection

Licence: apache-2.0
Object Detection toolkit based on PaddlePaddle. It supports object detection, instance segmentation, multiple object tracking and real-time multi-person keypoint detection.

Programming Languages

python
139335 projects - #7 most used programming language
Jupyter Notebook
11667 projects
C++
36643 projects - #6 most used programming language
java
68154 projects - #9 most used programming language
shell
77523 projects
CMake
9771 projects

Projects that are alternatives of or similar to Paddledetection

Mmdetection
OpenMMLab Detection Toolbox and Benchmark
Stars: ✭ 17,646 (+204.29%)
Mutual labels:  object-detection, ssd, instance-segmentation, faster-rcnn, mask-rcnn, cascade-rcnn
Mmdetection To Tensorrt
convert mmdetection model to tensorrt, support fp16, int8, batch input, dynamic shape etc.
Stars: ✭ 262 (-95.48%)
Mutual labels:  object-detection, ssd, yolov3, faster-rcnn
simpleAICV-pytorch-ImageNet-COCO-training
SimpleAICV:pytorch training example on ImageNet(ILSVRC2012)/COCO2017/VOC2007+2012 datasets.Include ResNet/DarkNet/RetinaNet/FCOS/CenterNet/TTFNet/YOLOv3/YOLOv4/YOLOv5/YOLOX.
Stars: ✭ 276 (-95.24%)
Mutual labels:  yolov3, fcos, ttfnet
Fastmot
High-performance multiple object tracking based on YOLO, Deep SORT, and optical flow
Stars: ✭ 284 (-95.1%)
Mutual labels:  object-detection, ssd, yolov3
Mask rcnn
Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow
Stars: ✭ 21,044 (+262.89%)
Mutual labels:  object-detection, instance-segmentation, mask-rcnn
Dockerface
Face detection using deep learning.
Stars: ✭ 173 (-97.02%)
Mutual labels:  object-detection, face-detection, faster-rcnn
yolo deepsort
Fast MOT base on yolo+deepsort, support yolo3 and yolo4
Stars: ✭ 47 (-99.19%)
Mutual labels:  multi-object-tracking, yolov3, deepsort
Pytorchnethub
项目注释+论文复现+算法竞赛
Stars: ✭ 341 (-94.12%)
Mutual labels:  ssd, yolov3, faster-rcnn
Tf Object Detection
Simpler app for tensorflow object detection API
Stars: ✭ 91 (-98.43%)
Mutual labels:  object-detection, ssd, faster-rcnn
Mobilenet Yolo
MobileNetV2-YoloV3-Nano: 0.5BFlops 3MB HUAWEI P40: 6ms/img, YoloFace-500k:0.1Bflops 420KB🔥🔥🔥
Stars: ✭ 1,566 (-73%)
Mutual labels:  object-detection, face-detection, yolov3
Bmaskr Cnn
Boundary-preserving Mask R-CNN (ECCV 2020)
Stars: ✭ 116 (-98%)
Mutual labels:  object-detection, instance-segmentation, faster-rcnn
Rectlabel Support
RectLabel - An image annotation tool to label images for bounding box object detection and segmentation.
Stars: ✭ 338 (-94.17%)
Mutual labels:  object-detection, ssd, faster-rcnn
Traffic Sign Detection
Traffic Sign Detection. Code for the paper entitled "Evaluation of deep neural networks for traffic sign detection systems".
Stars: ✭ 200 (-96.55%)
Mutual labels:  object-detection, ssd, faster-rcnn
Tensornets
High level network definitions with pre-trained weights in TensorFlow
Stars: ✭ 982 (-83.07%)
Mutual labels:  object-detection, yolov3, faster-rcnn
Proctoring Ai
Creating a software for automatic monitoring in online proctoring
Stars: ✭ 155 (-97.33%)
Mutual labels:  ssd, face-detection, yolov3
Adelaidet
AdelaiDet is an open source toolbox for multiple instance-level detection and recognition tasks.
Stars: ✭ 2,565 (-55.77%)
Mutual labels:  object-detection, instance-segmentation, fcos
Object Detection
Object detection with ssd_mobilenet and tiny-yolo (Add: YOLOv3, tflite)
Stars: ✭ 173 (-97.02%)
Mutual labels:  object-detection, yolov3
Yolo v3 tutorial from scratch
Accompanying code for Paperspace tutorial series "How to Implement YOLO v3 Object Detector from Scratch"
Stars: ✭ 2,192 (-62.2%)
Mutual labels:  object-detection, yolov3
Yolov4 Custom Functions
A Wide Range of Custom Functions for YOLOv4, YOLOv4-tiny, YOLOv3, and YOLOv3-tiny Implemented in TensorFlow, TFLite, and TensorRT.
Stars: ✭ 199 (-96.57%)
Mutual labels:  object-detection, yolov3
Yolo V3 Tensorflow
👷 👷👷 YOLO V3(Tensorflow 1.x) 安全帽 识别 | 提供数据集下载和与预训练模型
Stars: ✭ 173 (-97.02%)
Mutual labels:  object-detection, yolov3

English | 简体中文

Product news

Introduction

PaddleDetection is an end-to-end object detection development kit based on PaddlePaddle, which implements varied mainstream object detection, instance segmentation, tracking and keypoint detection algorithms in modular designwhich with configurable modules such as network components, data augmentations and losses, and release many kinds SOTA industry practice models, integrates abilities of model compression and cross-platform high-performance deployment, aims to help developers in the whole end-to-end development in a faster and better way.

PaddleDetection provides image processing capabilities such as object detection, instance segmentation, multi-object tracking, keypoint detection and etc.

Features

  • Rich Models PaddleDetection provides rich of models, including 100+ pre-trained models such as object detection, instance segmentation, face detection etc. It covers a variety of global competition champion schemes.

  • Highly Flexible: Components are designed to be modular. Model architectures, as well as data preprocess pipelines and optimization strategies, can be easily customized with simple configuration changes.

  • Production Ready: From data augmentation, constructing models, training, compression, depolyment, get through end to end, and complete support for multi-architecture, multi-device deployment for cloud and edge device.

  • High Performance: Based on the high performance core of PaddlePaddle, advantages of training speed and memory occupation are obvious. FP16 training and multi-machine training are supported as well.

Overview of Kit Structures

Architectures Backbones Components Data Augmentation
  • Object Detection
    • Faster RCNN
    • FPN
    • Cascade-RCNN
    • Libra RCNN
    • Hybrid Task RCNN
    • PSS-Det
    • RetinaNet
    • YOLOv3
    • YOLOv4
    • PP-YOLOv1/v2
    • PP-YOLO-Tiny
    • SSD
    • CornerNet-Squeeze
    • FCOS
    • TTFNet
    • PP-PicoDet
    • DETR
    • Deformable DETR
    • Swin Transformer
    • Sparse RCNN
  • Instance Segmentation
    • Mask RCNN
    • SOLOv2
  • Face Detection
    • FaceBoxes
    • BlazeFace
    • BlazeFace-NAS
  • Multi-Object-Tracking
    • JDE
    • FairMOT
    • DeepSort
  • KeyPoint-Detection
    • HRNet
    • HigherHRNet
  • ResNet(&vd)
  • ResNeXt(&vd)
  • SENet
  • Res2Net
  • HRNet
  • Hourglass
  • CBNet
  • GCNet
  • DarkNet
  • CSPDarkNet
  • VGG
  • MobileNetv1/v3
  • GhostNet
  • Efficientnet
  • BlazeNet
  • Common
    • Sync-BN
    • Group Norm
    • DCNv2
    • Non-local
  • KeyPoint
    • DarkPose
  • FPN
    • BiFPN
    • BFP
    • HRFPN
    • ACFPN
  • Loss
    • Smooth-L1
    • GIoU/DIoU/CIoU
    • IoUAware
  • Post-processing
    • SoftNMS
    • MatrixNMS
  • Speed
    • FP16 training
    • Multi-machine training
  • Resize
  • Lighting
  • Flipping
  • Expand
  • Crop
  • Color Distort
  • Random Erasing
  • Mixup
  • Mosaic
  • Cutmix
  • Grid Mask
  • Auto Augment
  • Random Perspective

Overview of Model Performance

The relationship between COCO mAP and FPS on Tesla V100 of representative models of each server side architectures and backbones.

NOTE:

  • CBResNet stands for Cascade-Faster-RCNN-CBResNet200vd-FPN, which has highest mAP on COCO as 53.3%

  • Cascade-Faster-RCNN stands for Cascade-Faster-RCNN-ResNet50vd-DCN, which has been optimized to 20 FPS inference speed when COCO mAP as 47.8% in PaddleDetection models

  • PP-YOLO achieves mAP of 45.9% on COCO and 72.9FPS on Tesla V100. Both precision and speed surpass YOLOv4

  • PP-YOLO v2 is optimized version of PP-YOLO which has mAP of 49.5% and 68.9FPS on Tesla V100

  • All these models can be get in Model Zoo

The relationship between COCO mAP and FPS on Qualcomm Snapdragon 865 of representative mobile side models.

NOTE:

  • All data tested on Qualcomm Snapdragon 865(4*A77 + 4*A55) processor with batch size of 1 and CPU threads of 4, and use NCNN library in testing, benchmark scripts is publiced at MobileDetBenchmark
  • PP-PicoDet and PP-YOLO-Tiny are developed and released by PaddleDetection, other models are not provided in PaddleDetection.

Tutorials

Get Started

Advanced Tutorials

Model Zoo

Applications

Updates

Updates please refer to change log for details.

License

PaddleDetection is released under the Apache 2.0 license.

Contributing

Contributions are highly welcomed and we would really appreciate your feedback!!

  • Thanks Mandroide for cleaning the code and unifying some function interface.
  • Thanks FL77N for contributing the code of Sparse-RCNN model.
  • Thanks Chen-Song for contributing the code of Swin Faster-RCNN model.
  • Thanks yangyudong, hchhtc123 for contributing PP-Tracking GUI interface.
  • 感谢Shigure19 for contributing PP-TinyPose fitness APP.

Citation

@misc{ppdet2019,
title={PaddleDetection, Object detection and instance segmentation toolkit based on PaddlePaddle.},
author={PaddlePaddle Authors},
howpublished = {\url{https://github.com/PaddlePaddle/PaddleDetection}},
year={2019}
}
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].