Convert Figma logo to code with AI

PaddlePaddle logoPaddleDetection

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

12,581
2,862
12,581
1,264

Top Related Projects

76,949

Models and examples built with TensorFlow

Detectron2 is a platform for object detection, segmentation and other visual recognition tasks.

OpenMMLab Detection Toolbox and Benchmark

49,537

YOLOv5 🚀 in PyTorch > ONNX > CoreML > TFLite

24,519

Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow

21,651

YOLOv4 / Scaled-YOLOv4 / YOLO - Neural Networks for Object Detection (Windows and Linux version of Darknet )

Quick Overview

PaddleDetection is an end-to-end object detection toolkit based on PaddlePaddle, an open-source deep learning platform. It provides a rich set of object detection models, including YOLO, Faster R-CNN, and SSD, along with various data augmentation methods and training strategies. The project aims to make it easy for developers to train and deploy object detection models for various applications.

Pros

  • Comprehensive collection of state-of-the-art object detection models
  • Extensive data augmentation and training strategies for improved performance
  • Easy-to-use APIs and tools for model training, evaluation, and deployment
  • Good documentation and examples for various use cases

Cons

  • Primarily focused on PaddlePaddle ecosystem, which may limit integration with other deep learning frameworks
  • Steeper learning curve for users not familiar with PaddlePaddle
  • Some advanced features may require in-depth knowledge of object detection algorithms

Code Examples

  1. Installing PaddleDetection:
pip install paddledetection
  1. Training a YOLOv3 model:
from ppdet.engine import Trainer
from ppdet.core.workspace import load_config

cfg = load_config('configs/yolov3/yolov3_darknet53_270e_coco.yml')
trainer = Trainer(cfg)
trainer.train()
  1. Performing inference with a trained model:
from ppdet.core.workspace import load_config
from ppdet.engine import Trainer

cfg = load_config('configs/yolov3/yolov3_darknet53_270e_coco.yml')
trainer = Trainer(cfg)
trainer.load_weights('output/yolov3_darknet53_270e_coco/model_final')
trainer.predict(['path/to/your/image.jpg'])

Getting Started

  1. Install PaddlePaddle and PaddleDetection:
pip install paddlepaddle-gpu
pip install paddledetection
  1. Clone the repository:
git clone https://github.com/PaddlePaddle/PaddleDetection.git
cd PaddleDetection
  1. Train a model:
python tools/train.py -c configs/yolov3/yolov3_darknet53_270e_coco.yml
  1. Evaluate the model:
python tools/eval.py -c configs/yolov3/yolov3_darknet53_270e_coco.yml -o weights=output/yolov3_darknet53_270e_coco/model_final
  1. Perform inference:
python tools/infer.py -c configs/yolov3/yolov3_darknet53_270e_coco.yml -o weights=output/yolov3_darknet53_270e_coco/model_final --infer_img=demo/000000014439.jpg

Competitor Comparisons

76,949

Models and examples built with TensorFlow

Pros of TensorFlow Models

  • Broader scope, covering various ML tasks beyond object detection
  • Larger community and more extensive documentation
  • Better integration with TensorFlow ecosystem and tools

Cons of TensorFlow Models

  • Can be more complex to use due to its extensive feature set
  • May have slower development cycles for specific tasks like object detection
  • Potentially higher resource requirements for some models

Code Comparison

PaddleDetection:

from ppdet.core.workspace import create
from ppdet.engine import Trainer

model = create('YOLOv3')
trainer = Trainer(model=model, use_gpu=True)
trainer.train()

TensorFlow Models:

import tensorflow as tf
from object_detection import model_lib_v2

model_fn = model_lib_v2.get_model_fn(
    num_classes=90, pipeline_config_path='path/to/config')
estimator = tf.estimator.Estimator(model_fn=model_fn)
estimator.train(input_fn=train_input_fn, max_steps=num_train_steps)

Both repositories offer robust object detection capabilities, but PaddleDetection focuses specifically on this task, while TensorFlow Models covers a broader range of machine learning applications. PaddleDetection may be easier to use for beginners in object detection, while TensorFlow Models provides more flexibility for advanced users and diverse ML projects.

Detectron2 is a platform for object detection, segmentation and other visual recognition tasks.

Pros of Detectron2

  • More extensive documentation and tutorials
  • Larger community and ecosystem of extensions
  • Better integration with PyTorch ecosystem

Cons of Detectron2

  • Steeper learning curve for beginners
  • Less focus on mobile and edge deployment
  • Fewer pre-trained models for specialized tasks

Code Comparison

PaddleDetection:

from ppdet.core.workspace import create
from ppdet.engine import Trainer

model = create('YOLOv3')
trainer = Trainer(model=model, use_gpu=True)
trainer.train()

Detectron2:

from detectron2.config import get_cfg
from detectron2.engine import DefaultTrainer

cfg = get_cfg()
cfg.merge_from_file("config.yaml")
trainer = DefaultTrainer(cfg)
trainer.resume_or_load(resume=False)
trainer.train()

Both frameworks offer similar high-level APIs for model creation and training. PaddleDetection uses a custom workspace system, while Detectron2 relies on a configuration-based approach. Detectron2's code is more tightly integrated with PyTorch conventions, while PaddleDetection uses PaddlePaddle-specific constructs.

OpenMMLab Detection Toolbox and Benchmark

Pros of mmdetection

  • More extensive model zoo with a wider variety of pre-trained models
  • Better documentation and community support
  • More flexible and modular architecture for easier customization

Cons of mmdetection

  • Steeper learning curve for beginners
  • Slightly more complex configuration system
  • May have higher computational requirements for some models

Code Comparison

mmdetection:

from mmdet.apis import init_detector, inference_detector

config_file = 'configs/faster_rcnn/faster_rcnn_r50_fpn_1x_coco.py'
checkpoint_file = 'checkpoints/faster_rcnn_r50_fpn_1x_coco_20200130-047c8118.pth'
model = init_detector(config_file, checkpoint_file, device='cuda:0')
result = inference_detector(model, 'test.jpg')

PaddleDetection:

from ppdet.engine import Detector
from ppdet.utils.visualizer import visualize_results

model = Detector('faster_rcnn_r50_fpn_1x_coco')
result = model.predict('test.jpg')
visualize_results(result, 'test.jpg', output_dir='output')

Both repositories offer powerful object detection frameworks, but mmdetection provides more flexibility and a larger model zoo, while PaddleDetection offers a simpler API for quick deployment.

49,537

YOLOv5 🚀 in PyTorch > ONNX > CoreML > TFLite

Pros of YOLOv5

  • Simpler architecture and easier to understand for beginners
  • Faster training and inference times
  • More extensive documentation and community support

Cons of YOLOv5

  • Limited flexibility for customization compared to PaddleDetection
  • Fewer pre-trained models and datasets available
  • Less support for advanced features like multi-object tracking

Code Comparison

YOLOv5:

from yolov5 import YOLOv5

model = YOLOv5('yolov5s.pt')
results = model('image.jpg')
results.show()

PaddleDetection:

from ppdet.engine import Trainer
from ppdet.core.workspace import load_config

cfg = load_config('configs/yolov3/yolov3_darknet53_270e_coco.yml')
trainer = Trainer(cfg)
trainer.train()

YOLOv5 offers a more straightforward API for quick implementation, while PaddleDetection provides a more comprehensive framework with greater customization options. YOLOv5's code is more concise and easier to use out-of-the-box, whereas PaddleDetection requires more setup but offers more flexibility for advanced users.

24,519

Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow

Pros of Mask_RCNN

  • Simpler implementation, easier to understand and modify
  • Well-documented with detailed explanations and examples
  • Specifically designed for instance segmentation tasks

Cons of Mask_RCNN

  • Less frequently updated compared to PaddleDetection
  • Limited to Mask R-CNN architecture, while PaddleDetection offers multiple models
  • Smaller community and fewer contributions

Code Comparison

Mask_RCNN:

import mrcnn.model as modellib

model = modellib.MaskRCNN(mode="inference", config=config, model_dir=MODEL_DIR)
model.load_weights(COCO_MODEL_PATH, by_name=True)
results = model.detect([image], verbose=1)

PaddleDetection:

from ppdet.engine import Trainer
from ppdet.core.workspace import load_config, merge_config

cfg = load_config("configs/mask_rcnn/mask_rcnn_r50_fpn_1x_coco.yml")
trainer = Trainer(cfg, mode='eval')
trainer.load_weights(cfg.weights)
trainer.predict([image])

Both repositories provide implementations for object detection and instance segmentation. Mask_RCNN focuses specifically on the Mask R-CNN architecture, while PaddleDetection offers a wider range of models and features. PaddleDetection is more actively maintained and has a larger community, but Mask_RCNN may be easier to understand and modify for those specifically interested in Mask R-CNN implementation.

21,651

YOLOv4 / Scaled-YOLOv4 / YOLO - Neural Networks for Object Detection (Windows and Linux version of Darknet )

Pros of darknet

  • Lightweight and fast, optimized for real-time object detection
  • Supports both CPU and GPU computation
  • Extensive documentation and community support

Cons of darknet

  • Limited to YOLO-based architectures
  • Less flexibility in model customization
  • Steeper learning curve for beginners

Code Comparison

darknet:

layer make_convolutional_layer(int batch, int h, int w, int c, int n, int groups, int size, int stride, int padding, ACTIVATION activation, int batch_normalize, int binary, int xnor, int adam)
{
    layer l = {0};
    l.type = CONVOLUTIONAL;
    // ... (additional initialization)
}

PaddleDetection:

class ConvBNLayer(nn.Layer):
    def __init__(self,
                 ch_in,
                 ch_out,
                 filter_size=3,
                 stride=1,
                 groups=1,
                 padding=0,
                 act=None):
        super(ConvBNLayer, self).__init__()
        # ... (additional initialization)

PaddleDetection offers a more Pythonic and object-oriented approach, while darknet uses a C-style structure initialization. PaddleDetection provides greater flexibility in model architecture design, whereas darknet focuses on efficiency and simplicity for YOLO-based models.

Convert Figma logo designs to code with AI

Visual Copilot

Introducing Visual Copilot: A new AI model to turn Figma designs to high quality code using your components.

Try Visual Copilot

README

简体中文 | English

💌目录

🌈简介

PaddleDetection是一个基于PaddlePaddle的目标检测端到端开发套件,在提供丰富的模型组件和测试基准的同时,注重端到端的产业落地应用,通过打造产业级特色模型|工具、建设产业应用范例等手段,帮助开发者实现数据准备、模型选型、模型训练、模型部署的全流程打通,快速进行落地应用。

主要模型效果示例如下(点击标题可快速跳转):

通用目标检测小目标检测旋转框检测3D目标物检测
人脸检测2D关键点检测多目标追踪实例分割
车辆分析——车牌识别车辆分析——车流统计车辆分析——违章检测车辆分析——属性分析
行人分析——闯入分析行人分析——行为分析行人分析——属性分析行人分析——人流统计

同时,PaddleDetection提供了模型的在线体验功能,用户可以选择自己的数据进行在线推理。

说明:考虑到服务器负载压力,在线推理均为CPU推理,完整的模型开发实例以及产业部署实践代码示例请前往🎗️产业特色模型|产业工具。

传送门:模型在线体验

📣最新进展

💥 2024.6.27 飞桨低代码开发工具 PaddleX 3.0 重磅更新!

  • 低代码开发范式:支持目标检测模型全流程低代码开发,提供 Python API,支持用户自定义串联模型;
  • 多硬件训推支持:支持英伟达 GPU、昆仑芯、昇腾和寒武纪等多种硬件进行模型训练与推理。

🔥超越YOLOv8,飞桨推出精度最高的实时检测器RT-DETR!

👫开源社区

  • 📑项目合作: 如果您是企业开发者且有明确的目标检测垂类应用需求,请扫描如下二维码入群,并联系群管理员AI后可免费与官方团队展开不同层次的合作。
  • 🏅️社区贡献: PaddleDetection非常欢迎你加入到飞桨社区的开源建设中,参与贡献方式可以参考开源项目开发指南。
  • 💻直播教程: PaddleDetection会定期在飞桨直播间(B站:飞桨PaddlePaddle、微信: 飞桨PaddlePaddle),针对发新内容、以及产业范例、使用教程等进行直播分享。
  • 🎁加入社区: 微信扫描二维码并填写问卷之后,可以及时获取如下信息,包括:
    • 社区最新文章、直播课等活动预告
    • 往期直播录播&PPT
    • 30+行人车辆等垂类高性能预训练模型
    • 七大任务开源数据集下载链接汇总
    • 40+前沿检测领域顶会算法
    • 15+从零上手目标检测理论与实践视频课程
    • 10+工业安防交通全流程项目实操(含源码)

PaddleDetection官方交流群二维码

📖 技术交流合作

✨主要特性

🧩模块化设计

PaddleDetection将检测模型解耦成不同的模块组件,通过自定义模块组件组合,用户可以便捷高效地完成检测模型的搭建。传送门:🧩模块组件。

📱丰富的模型库

PaddleDetection支持大量的最新主流的算法基准以及预训练模型,涵盖2D/3D目标检测、实例分割、人脸检测、关键点检测、多目标跟踪、半监督学习等方向。传送门:📱模型库、⚖️模型性能对比。

🎗️产业特色模型|产业工具

PaddleDetection打造产业级特色模型以及分析工具:PP-YOLOE+、PP-PicoDet、PP-TinyPose、PP-HumanV2、PP-Vehicle等,针对通用、高频垂类应用场景提供深度优化解决方案以及高度集成的分析工具,降低开发者的试错、选择成本,针对业务场景快速应用落地。传送门:🎗️产业特色模型|产业工具。

💡🏆产业级部署实践

PaddleDetection整理工业、农业、林业、交通、医疗、金融、能源电力等AI应用范例,打通数据标注-模型训练-模型调优-预测部署全流程,持续降低目标检测技术产业落地门槛。传送门:💡产业实践范例、🏆企业应用案例。

🍱安装

参考安装说明进行安装。

🔥教程

深度学习入门教程

快速开始

数据准备

配置文件说明

模型开发

部署推理

🔑FAQ

🧩模块组件

Backbones Necks Loss Common Data Augmentation
  • Post-processing
  • Training
  • Common
  • 📱模型库

    2D Detection Multi Object Tracking KeyPoint Detection Others
  • Instance Segmentation
  • Face Detection
  • Semi-Supervised Detection
  • 3D Detection
  • Vehicle Analysis Toolbox
  • Human Analysis Toolbox
  • Sport Analysis Toolbox
  • ⚖️模型性能对比

    🖥️服务器端模型性能对比

    各模型结构和骨干网络的代表模型在COCO数据集上精度mAP和单卡Tesla V100上预测速度(FPS)对比图。

    测试说明(点击展开)
    • ViT为ViT-Cascade-Faster-RCNN模型,COCO数据集mAP高达55.7%
    • Cascade-Faster-RCNN为Cascade-Faster-RCNN-ResNet50vd-DCN,PaddleDetection将其优化到COCO数据mAP为47.8%时推理速度为20FPS
    • PP-YOLOE是对PP-YOLO v2模型的进一步优化,L版本在COCO数据集mAP为51.6%,Tesla V100预测速度78.1FPS
    • PP-YOLOE+是对PPOLOE模型的进一步优化,L版本在COCO数据集mAP为53.3%,Tesla V100预测速度78.1FPS
    • YOLOX和YOLOv5均为基于PaddleDetection复现算法,YOLOv5代码在PaddleYOLO中,参照PaddleYOLO_MODEL
    • 图中模型均可在📱模型库中获取

    ⌚️移动端模型性能对比

    各移动端模型在COCO数据集上精度mAP和高通骁龙865处理器上预测速度(FPS)对比图。

    测试说明(点击展开)
    • 测试数据均使用高通骁龙865(4xA77+4xA55)处理器,batch size为1, 开启4线程测试,测试使用NCNN预测库,测试脚本见MobileDetBenchmark
    • PP-PicoDet及PP-YOLO-Tiny为PaddleDetection自研模型,可在📱模型库中获取,其余模型PaddleDetection暂未提供

    🎗️产业特色模型|产业工具

    产业特色模型|产业工具是PaddleDetection针对产业高频应用场景打造的兼顾精度和速度的模型以及工具箱,注重从数据处理-模型训练-模型调优-模型部署的端到端打通,且提供了实际生产环境中的实践范例代码,帮助拥有类似需求的开发者高效的完成产品开发落地应用。

    该系列模型|工具均已PP前缀命名,具体介绍、预训练模型以及产业实践范例代码如下。

    💎PP-YOLOE 高精度目标检测模型

    简介(点击展开)

    PP-YOLOE是基于PP-YOLOv2的卓越的单阶段Anchor-free模型,超越了多种流行的YOLO模型。PP-YOLOE避免了使用诸如Deformable Convolution或者Matrix NMS之类的特殊算子,以使其能轻松地部署在多种多样的硬件上。其使用大规模数据集obj365预训练模型进行预训练,可以在不同场景数据集上快速调优收敛。

    传送门:PP-YOLOE说明。

    传送门:arXiv论文。

    预训练模型(点击展开)
    模型名称COCO精度(mAP)V100 TensorRT FP16速度(FPS)推荐部署硬件配置文件模型下载
    PP-YOLOE+_l53.3149.2服务器链接下载地址

    传送门:全部预训练模型。

    产业应用代码示例(点击展开)
    行业类别亮点文档说明模型下载
    农业农作物检测用于葡萄栽培中基于图像的监测和现场机器人技术,提供了来自5种不同葡萄品种的实地实例PP-YOLOE+ 下游任务下载链接
    通用低光场景检测低光数据集使用ExDark,包括从极低光环境到暮光环境等10种不同光照条件下的图片。PP-YOLOE+ 下游任务下载链接
    工业PCB电路板瑕疵检测工业数据集使用PKU-Market-PCB,该数据集用于印刷电路板(PCB)的瑕疵检测,提供了6种常见的PCB缺陷PP-YOLOE+ 下游任务下载链接

    💎PP-YOLOE-R 高性能旋转框检测模型

    简介(点击展开)

    PP-YOLOE-R是一个高效的单阶段Anchor-free旋转框检测模型,基于PP-YOLOE+引入了一系列改进策略来提升检测精度。根据不同的硬件对精度和速度的要求,PP-YOLOE-R包含s/m/l/x四个尺寸的模型。在DOTA 1.0数据集上,PP-YOLOE-R-l和PP-YOLOE-R-x在单尺度训练和测试的情况下分别达到了78.14mAP和78.28 mAP,这在单尺度评估下超越了几乎所有的旋转框检测模型。通过多尺度训练和测试,PP-YOLOE-R-l和PP-YOLOE-R-x的检测精度进一步提升至80.02mAP和80.73 mAP,超越了所有的Anchor-free方法并且和最先进的Anchor-based的两阶段模型精度几乎相当。在保持高精度的同时,PP-YOLOE-R避免使用特殊的算子,例如Deformable Convolution或Rotated RoI Align,使其能轻松地部署在多种多样的硬件上。

    传送门:PP-YOLOE-R说明。

    传送门:arXiv论文。

    预训练模型(点击展开)
    模型BackbonemAPV100 TRT FP16 (FPS)RTX 2080 Ti TRT FP16 (FPS)Params (M)FLOPs (G)学习率策略角度表示数据增广GPU数目每GPU图片数目模型下载配置文件
    PP-YOLOE-R-lCRN-l80.0269.748.353.29281.653xocMS+RR42modelconfig

    传送门:全部预训练模型。

    产业应用代码示例(点击展开)
    行业类别亮点文档说明模型下载
    通用旋转框检测手把手教你上手PP-YOLOE-R旋转框检测,10分钟将脊柱数据集精度训练至95mAP基于PP-YOLOE-R的旋转框检测下载链接

    💎PP-YOLOE-SOD 高精度小目标检测模型

    简介(点击展开)

    PP-YOLOE-SOD(Small Object Detection)是PaddleDetection团队针对小目标检测提出的检测方案,在VisDrone-DET数据集上单模型精度达到38.5mAP,达到了SOTA性能。其分别基于切图拼图流程优化的小目标检测方案以及基于原图模型算法优化的小目标检测方案。同时提供了数据集自动分析脚本,只需输入数据集标注文件,便可得到数据集统计结果,辅助判断数据集是否是小目标数据集以及是否需要采用切图策略,同时给出网络超参数参考值。

    传送门:PP-YOLOE-SOD 小目标检测模型。

    预训练模型(点击展开) - VisDrone数据集预训练模型
    模型COCOAPI mAPval
    0.5:0.95
    COCOAPI mAPval
    0.5
    COCOAPI mAPtest_dev
    0.5:0.95
    COCOAPI mAPtest_dev
    0.5
    MatlabAPI mAPtest_dev
    0.5:0.95
    MatlabAPI mAPtest_dev
    0.5
    下载配置文件
    PP-YOLOE+_SOD-l31.952.125.643.530.2551.18下载链接配置文件

    传送门:全部预训练模型。

    产业应用代码示例(点击展开)
    行业类别亮点文档说明模型下载
    通用小目标检测基于PP-YOLOE-SOD的无人机航拍图像检测案例全流程实操。基于PP-YOLOE-SOD的无人机航拍图像检测下载链接

    💫PP-PicoDet 超轻量实时目标检测模型

    简介(点击展开)

    全新的轻量级系列模型PP-PicoDet,在移动端具有卓越的性能,成为全新SOTA轻量级模型。

    传送门:PP-PicoDet说明。

    传送门:arXiv论文。

    预训练模型(点击展开)
    模型名称COCO精度(mAP)骁龙865 四线程速度(FPS)推荐部署硬件配置文件模型下载
    PicoDet-L36.139.7移动端、嵌入式链接下载地址

    传送门:全部预训练模型。

    产业应用代码示例(点击展开)
    行业类别亮点文档说明模型下载
    智慧城市道路垃圾检测通过在市政环卫车辆上安装摄像头对路面垃圾检测并分析,实现对路面遗撒的垃圾进行监控,记录并通知环卫人员清理,大大提升了环卫人效。基于PP-PicoDet的路面垃圾检测下载链接

    📡PP-Tracking 实时多目标跟踪系统

    简介(点击展开)

    PaddleDetection团队提供了实时多目标跟踪系统PP-Tracking,是基于PaddlePaddle深度学习框架的业界首个开源的实时多目标跟踪系统,具有模型丰富、应用广泛和部署高效三大优势。 PP-Tracking支持单镜头跟踪(MOT)和跨镜头跟踪(MTMCT)两种模式,针对实际业务的难点和痛点,提供了行人跟踪、车辆跟踪、多类别跟踪、小目标跟踪、流量统计以及跨镜头跟踪等各种多目标跟踪功能和应用,部署方式支持API调用和GUI可视化界面,部署语言支持Python和C++,部署平台环境支持Linux、NVIDIA Jetson等。

    传送门:PP-Tracking说明。

    预训练模型(点击展开)
    模型名称模型简介精度速度(FPS)推荐部署硬件配置文件模型下载
    ByteTrackSDE多目标跟踪算法 仅包含检测模型MOT-17 test: 78.4-服务器、移动端、嵌入式链接下载地址
    FairMOTJDE多目标跟踪算法 多任务联合学习方法MOT-16 test: 75.0-服务器、移动端、嵌入式链接下载地址
    OC-SORTSDE多目标跟踪算法 仅包含检测模型MOT-17 half val: 75.5-服务器、移动端、嵌入式链接下载地址
    产业应用代码示例(点击展开)
    行业类别亮点文档说明模型下载
    通用多目标跟踪快速上手单镜头、多镜头跟踪PP-Tracking之手把手玩转多目标跟踪下载链接

    ⛷️PP-TinyPose 人体骨骼关键点识别

    简介(点击展开)

    PaddleDetection 中的关键点检测部分紧跟最先进的算法,包括 Top-Down 和 Bottom-Up 两种方法,可以满足用户的不同需求。同时,PaddleDetection 提供针对移动端设备优化的自研实时关键点检测模型 PP-TinyPose。

    传送门:PP-TinyPose说明。

    预训练模型(点击展开)
    模型名称模型简介COCO精度(AP)速度(FPS)推荐部署硬件配置文件模型下载
    PP-TinyPose轻量级关键点算法
    输入尺寸256x192
    68.8骁龙865 四线程: 158.7 FPS移动端、嵌入式链接下载地址

    传送门:全部预训练模型。

    产业应用代码示例(点击展开)
    行业类别亮点文档说明模型下载
    运动健身提供从模型选型、数据准备、模型训练优化,到后处理逻辑和模型部署的全流程可复用方案,有效解决了复杂健身动作的高效识别,打造AI虚拟健身教练!基于PP-TinyPose增强版的智能健身动作识别下载链接

    🏃🏻PP-Human 实时行人分析工具

    简介(点击展开)

    PaddleDetection深入探索核心行业的高频场景,提供了行人开箱即用分析工具,支持图片/单镜头视频/多镜头视频/在线视频流多种输入方式,广泛应用于智慧交通、智慧城市、工业巡检等领域。支持服务器端部署及TensorRT加速,T4服务器上可达到实时。 PP-Human支持四大产业级功能:五大异常行为识别、26种人体属性分析、实时人流计数、跨镜头(ReID)跟踪。

    传送门:PP-Human行人分析工具使用指南。

    预训练模型(点击展开)
    任务T4 TensorRT FP16: 速度(FPS)推荐部署硬件模型下载模型体积
    行人检测(高精度)39.8服务器目标检测182M
    行人跟踪(高精度)31.4服务器多目标跟踪182M
    属性识别(高精度)单人 117.6服务器目标检测
    属性识别
    目标检测:182M
    属性识别:86M
    摔倒识别单人 100服务器多目标跟踪
    关键点检测
    基于关键点行为识别
    多目标跟踪:182M
    关键点检测:101M
    基于关键点行为识别:21.8M
    闯入识别31.4服务器多目标跟踪182M
    打架识别50.8服务器视频分类90M
    抽烟识别340.1服务器目标检测
    基于人体id的目标检测
    目标检测:182M
    基于人体id的目标检测:27M
    打电话识别166.7服务器目标检测
    基于人体id的图像分类
    目标检测:182M
    基于人体id的图像分类:45M

    传送门:完整预训练模型。

    产业应用代码示例(点击展开)
    行业类别亮点文档说明模型下载
    智能安防摔倒检测飞桨行人分析PP-Human中提供的摔倒识别算法,采用了关键点+时空图卷积网络的技术,对摔倒姿势无限制、背景环境无要求。基于PP-Human v2的摔倒检测下载链接
    智能安防打架识别本项目基于PaddleVideo视频开发套件训练打架识别模型,然后将训练好的模型集成到PaddleDetection的PP-Human中,助力行人行为分析。基于PP-Human的打架识别下载链接
    智能安防摔倒检测基于PP-Human完成来客分析整体流程。使用PP-Human完成来客分析中非常常见的场景: 1. 来客属性识别(单镜和跨境可视化);2. 来客行为识别(摔倒识别)。基于PP-Human的来客分析案例教程下载链接

    🏎️PP-Vehicle 实时车辆分析工具

    简介(点击展开)

    PaddleDetection深入探索核心行业的高频场景,提供了车辆开箱即用分析工具,支持图片/单镜头视频/多镜头视频/在线视频流多种输入方式,广泛应用于智慧交通、智慧城市、工业巡检等领域。支持服务器端部署及TensorRT加速,T4服务器上可达到实时。 PP-Vehicle囊括四大交通场景核心功能:车牌识别、属性识别、车流量统计、违章检测。

    传送门:PP-Vehicle车辆分析工具指南。

    预训练模型(点击展开)
    任务T4 TensorRT FP16: 速度(FPS)推荐部署硬件模型方案模型体积
    车辆检测(高精度)38.9服务器目标检测182M
    车辆跟踪(高精度)25服务器多目标跟踪182M
    车牌识别213.7服务器车牌检测
    车牌识别
    车牌检测:3.9M
    车牌字符识别: 12M
    车辆属性136.8服务器属性识别7.2M

    传送门:完整预训练模型。

    产业应用代码示例(点击展开)
    行业类别亮点文档说明模型下载
    智慧交通交通监控车辆分析本项目基于PP-Vehicle演示智慧交通中最刚需的车流量监控、车辆违停检测以及车辆结构化(车牌、车型、颜色)分析三大场景。基于PP-Vehicle的交通监控分析系统下载链接

    💡产业实践范例

    产业实践范例是PaddleDetection针对高频目标检测应用场景,提供的端到端开发示例,帮助开发者打通数据标注-模型训练-模型调优-预测部署全流程。 针对每个范例我们都通过AI-Studio提供了项目代码以及说明,用户可以同步运行体验。

    传送门:产业实践范例完整列表

    🏆企业应用案例

    企业应用案例是企业在实生产环境下落地应用PaddleDetection的方案思路,相比产业实践范例其更多强调整体方案设计思路,可供开发者在项目方案设计中做参考。

    传送门:企业应用案例完整列表

    📝许可证书

    本项目的发布受Apache 2.0 license许可认证。

    📌引用

    @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}
    }