• Stars
    star
    565
  • Rank 78,889 (Top 2 %)
  • Language
    Python
  • License
    Apache License 2.0
  • Created over 2 years ago
  • Updated 4 months ago

Reviews

There are no reviews yet. Be the first to send feedback to the community and the maintainers!

Repository Details

A 3D computer vision development toolkit based on PaddlePaddle. It supports point-cloud object detection, segmentation, and monocular 3D object detection models.

Paddle3D

🌈简介

Paddle3D是飞桨官方开源的端到端深度学习3D感知套件,涵盖了许多前沿和经典的3D感知模型,支持多种模态和多种任务,可以助力开发者便捷地完成 『自动驾驶』 领域模型 从训练到部署的全流程应用。

✨主要特性

🧩灵活的框架设计

针对各类3D数据格式,灵活构建数据处理、骨干网络等核心模块,支持基于PaddleDetectionPaddleSeg灵活扩展2D视觉感知能力,并提供API与脚本两种训练评估方式,满足开发者灵活定制的差异化需求。

📱丰富的模型库

聚合主流3D感知算法及精度调优策略,覆盖单目、点云等多种模态及检测、分割等多种任务类型。

🎗️端到端全流程

支持KITTI、nuScenes、Waymo等主流3D数据集,提供从数据处理、模型搭建、训练调优到部署落地的全流程能力,极致优化模型性能,适配多种自动驾驶主流芯片,支持计算图优化、TensorRT/OpenVINO等加速库,并提供了开箱即用的部署教程,5分钟即可完成模型部署。

🏆无缝衔接Apollo

无缝对接Apollo自动驾驶平台,支持真机与仿真平台实验效果快速验证、多模态模型高性能融合,实现自动驾驶全栈式技术方案的高效搭建。

📣最新进展

🏅️飞桨AI套件

飞桨AI套件 PaddleX 发布全新版本,围绕飞桨精选模型(包括3D检测)提供了一站式、全流程、高效率的开发平台。

💎稳定版本

位于主分支,Paddle3D v1.0正式版本发布,详情请参考release note

🧬预览版本

位于develop分支,体验最新功能请切换到该分支

👫开源社区

  • 📑项目合作: 如果您是企业开发者且有明确的目标检测垂类应用需求,请扫描如下二维码入群,并联系群管理员AI后可免费与官方团队展开不同层次的合作。
  • 🏅️社区贡献: Paddle3D非常欢迎你加入到飞桨社区的开源建设中,参与贡献方式可以参考开源项目开发指南
  • 💻直播教程: Paddle3D会定期在飞桨直播间(B站:飞桨PaddlePaddle微信: 飞桨PaddlePaddle),针对发新内容、以及产业范例、使用教程等进行直播分享。

Paddle3D官方技术交流群二维码

  • 🎈社区近期活动

  • 📑 PaddleX

    • 飞桨AI套件(PaddleX)—— 精选产业实用模型的一站式开发平台。包含如下特点:

      • 【优质的算法库】包含10大任务领域的36个精选模型,实现在一个平台中完成不同任务模型算法的开发。更多领域模型持续丰富中!PaddleX还提供完善的模型训练推理benchmark数据,服务开发者基于业务需求选择最合适的模型。
      • 【简易的开发方式】工具箱/开发者双模式联动,无代码+低代码开发方式,四步完成数据、训练、验证、部署的全流程AI开发。
      • 【高效的训练部署】沉淀百度算法团队的最佳调优策略,实现每个模型都能最快最优地收敛。完善的部署SDK支持,实现跨平台、跨硬件的快速产业级部署(服务化部署能力完善中)。
      • 【丰富的国产硬件支持】PaddleX除了具有在AI Studio云端能力外,还沉淀了windows本地端,正在继续丰富Linux版本、昆仑芯版本、昇腾版本、寒武纪版本。
      • 【共赢的联创共建】除了便捷地开发AI应用外,PaddleX还为大家提供了获取商业收益的机会,为企业探索更多商业空间。
    • 作为一款高效的开发神器,PaddleX值得每一位开发者拥有。

    • PaddleX官网地址:https://www.paddlepaddle.org.cn/paddle/paddleX

    • 微信扫描下面二维码添加运营同学,并回复【paddlex】,运营同学会邀请您加入官方交流群,获得更高效的问题答疑。

      飞桨AI套件【PaddleX】技术交流群二维码

📱模型库

单目3D感知 激光雷达3D感知 多相机3D感知 骨干网络
  • 检测
  • 检测
  • 分割
  • BEV-Camera
  • BEV-Fusion
  • 🔥使用教程

    💡产业实践范例

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

    📝许可证

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

    More Repositories

    1

    PaddleOCR

    Awesome multilingual OCR toolkits based on PaddlePaddle (practical ultra lightweight OCR system, support 80+ languages recognition, provide data annotation and synthesis tools, support training and deployment among server, mobile, embedded and IoT devices)
    Python
    43,170
    star
    2

    Paddle

    PArallel Distributed Deep LEarning: Machine Learning Framework from Industrial Practice (『飞桨』核心框架,深度学习&机器学习高性能单机、分布式训练和跨平台部署)
    C++
    22,193
    star
    3

    PaddleDetection

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

    PaddleHub

    Awesome pre-trained models toolkit based on PaddlePaddle. (400+ models including Image, Text, Audio, Video and Cross-Modal with Easy Inference & Serving)【安全加固,暂停交互,请耐心等待】
    Python
    12,704
    star
    5

    PaddleNLP

    👑 Easy-to-use and powerful NLP and LLM library with 🤗 Awesome model zoo, supporting wide-range of NLP tasks from research to industrial applications, including 🗂Text Classification, 🔍 Neural Search, ❓ Question Answering, ℹ️ Information Extraction, 📄 Document Intelligence, 💌 Sentiment Analysis etc.
    Python
    11,953
    star
    6

    PaddleSpeech

    Easy-to-use Speech Toolkit including Self-Supervised Learning model, SOTA/Streaming ASR with punctuation, Streaming TTS with text frontend, Speaker Verification System, End-to-End Speech Translation and Keyword Spotting. Won NAACL2022 Best Demo Award.
    Python
    11,053
    star
    7

    PaddleSeg

    Easy-to-use image segmentation library with awesome pre-trained model zoo, supporting wide-range of practical tasks in Semantic Segmentation, Interactive Segmentation, Panoptic Segmentation, Image Matting, 3D Segmentation, etc.
    Python
    8,601
    star
    8

    PaddleGAN

    PaddlePaddle GAN library, including lots of interesting applications like First-Order motion transfer, Wav2Lip, picture repair, image editing, photo2cartoon, image style transfer, GPEN, and so on.
    Python
    7,858
    star
    9

    Paddle-Lite

    PaddlePaddle High Performance Deep Learning Inference Engine for Mobile and Edge (飞桨高性能深度学习端侧推理引擎)
    C++
    6,953
    star
    10

    models

    Officially maintained, supported by PaddlePaddle, including CV, NLP, Speech, Rec, TS, big models and so on.
    Python
    6,897
    star
    11

    ERNIE

    Official implementations for various pre-training models of ERNIE-family, covering topics of Language Understanding & Generation, Multimodal Understanding & Generation, and beyond.
    Python
    6,300
    star
    12

    PaddleClas

    A treasure chest for visual classification and recognition powered by PaddlePaddle
    Python
    5,418
    star
    13

    PaddleX

    All-in-One Development Tool based on PaddlePaddle(飞桨低代码全流程开发工具)
    Python
    4,781
    star
    14

    VisualDL

    Deep Learning Visualization Toolkit(『飞桨』深度学习可视化工具 )
    HTML
    4,773
    star
    15

    PaddleRec

    Recommendation Algorithm大规模推荐算法库,包含推荐系统经典及最新算法LR、Wide&Deep、DSSM、TDM、MIND、Word2Vec、Bert4Rec、DeepWalk、SSR、AITM,DSIN,SIGN,IPREC、GRU4Rec、Youtube_dnn、NCF、GNN、FM、FFM、DeepFM、DCN、DIN、DIEN、DLRM、MMOE、PLE、ESMM、ESCMM, MAML、xDeepFM、DeepFEFM、NFM、AFM、RALM、DMR、GateNet、NAML、DIFM、Deep Crossing、PNN、BST、AutoInt、FGCNN、FLEN、Fibinet、ListWise、DeepRec、ENSFM,TiSAS,AutoFIS等,包含经典推荐系统数据集criteo 、movielens等
    Python
    4,273
    star
    16

    PARL

    A high-performance distributed training framework for Reinforcement Learning
    Python
    3,261
    star
    17

    awesome-DeepLearning

    深度学习入门课、资深课、特色课、学术案例、产业实践案例、深度学习知识百科及面试题库The course, case and knowledge of Deep Learning and AI
    Jupyter Notebook
    3,001
    star
    18

    FastDeploy

    ⚡️An Easy-to-use and Fast Deep Learning Model Deployment Toolkit for ☁️Cloud 📱Mobile and 📹Edge. Including Image, Video, Text and Audio 20+ main stream scenarios and 150+ SOTA models with end-to-end optimization, multi-platform and multi-framework support.
    C++
    2,952
    star
    19

    book

    Deep Learning 101 with PaddlePaddle (『飞桨』深度学习框架入门教程)
    Jupyter Notebook
    2,735
    star
    20

    Research

    novel deep learning research works with PaddlePaddle
    Python
    1,715
    star
    21

    PGL

    Paddle Graph Learning (PGL) is an efficient and flexible graph learning framework based on PaddlePaddle
    Python
    1,572
    star
    22

    PaddleSlim

    PaddleSlim is an open-source library for deep model compression and architecture search.
    Python
    1,557
    star
    23

    PaddleVideo

    Awesome video understanding toolkits based on PaddlePaddle. It supports video data annotation tools, lightweight RGB and skeleton based action recognition model, practical applications for video tagging and sport action detection.
    Python
    1,512
    star
    24

    PaddleHelix

    Bio-Computing Platform Featuring Large-Scale Representation Learning and Multi-Task Deep Learning “螺旋桨”生物计算工具集
    Python
    1,007
    star
    25

    Paddle.js

    Paddle.js is a web project for Baidu PaddlePaddle, which is an open source deep learning framework running in the browser. Paddle.js can either load a pre-trained model, or transforming a model from paddle-hub with model transforming tools provided by Paddle.js. It could run in every browser with WebGL/WebGPU/WebAssembly supported. It could also run in Baidu Smartprogram and WX miniprogram.
    JavaScript
    980
    star
    26

    Serving

    A flexible, high-performance carrier for machine learning models(『飞桨』服务化部署框架)
    C++
    894
    star
    27

    RocketQA

    🚀 RocketQA, dense retrieval for information retrieval and question answering, including both Chinese and English state-of-the-art models.
    Python
    763
    star
    28

    X2Paddle

    Deep learning model converter for PaddlePaddle. (『飞桨』深度学习模型转换工具)
    Python
    727
    star
    29

    Paddle2ONNX

    ONNX Model Exporter for PaddlePaddle
    Python
    723
    star
    30

    Paddle-Lite-Demo

    lib, demo, model, data
    C++
    675
    star
    31

    Knover

    Large-scale open domain KNOwledge grounded conVERsation system based on PaddlePaddle
    Python
    674
    star
    32

    Parakeet

    PAddle PARAllel text-to-speech toolKIT (supporting Tacotron2, Transformer TTS, FastSpeech2/FastPitch, SpeedySpeech, WaveFlow and Parallel WaveGAN)
    Python
    600
    star
    33

    FlyCV

    FlyCV is a high-performance library for processing computer visual tasks.
    C++
    577
    star
    34

    Quantum

    Jupyter Notebook
    564
    star
    35

    PaddleYOLO

    🚀🚀🚀 YOLO series of PaddlePaddle implementation, PP-YOLOE+, RT-DETR, YOLOv5, YOLOv6, YOLOv7, YOLOv8, YOLOv10, YOLOX, YOLOv5u, YOLOv7u, YOLOv6Lite, RTMDet and so on. 🚀🚀🚀
    Python
    551
    star
    36

    Anakin

    High performance Cross-platform Inference-engine, you could run Anakin on x86-cpu,arm, nv-gpu, amd-gpu,bitmain and cambricon devices.
    C++
    531
    star
    37

    VIMER

    视觉预训练基础模型仓库
    Python
    494
    star
    38

    PaddleTS

    Awesome Easy-to-Use Deep Time Series Modeling based on PaddlePaddle, including comprehensive functionality modules like TSDataset, Analysis, Transform, Models, AutoTS, and Ensemble, etc., supporting versatile tasks like time series forecasting, representation learning, and anomaly detection, etc., featured with quick tracking of SOTA deep models.
    Python
    481
    star
    39

    PaddleFL

    Federated Deep Learning in PaddlePaddle
    Python
    480
    star
    40

    PaddleFleetX

    飞桨大模型开发套件,提供大语言模型、跨模态大模型、生物计算大模型等领域的全流程开发工具链。
    Python
    436
    star
    41

    ERNIE-SDK

    ERNIE Bot Agent is a Large Language Model (LLM) Agent Framework, powered by the advanced capabilities of ERNIE Bot and the platform resources of Baidu AI Studio.
    Jupyter Notebook
    341
    star
    42

    PaddleSpatial

    PaddleSpatial is an open-source spatial-temporal computing tool based on PaddlePaddle.
    GLSL
    331
    star
    43

    PaddleRS

    Awesome Remote Sensing Toolkit based on PaddlePaddle.
    Python
    330
    star
    44

    PaddleMIX

    Paddle Multimodal Integration and eXploration, supporting mainstream multi-modal tasks, including end-to-end large-scale multi-modal pretrain models and diffusion model toolbox. Equipped with high performance and flexibility.
    Python
    308
    star
    45

    PaddleCloud

    PaddlePaddle Docker images and K8s operators for PaddleOCR/Detection developers to use on public/private cloud.
    Go
    284
    star
    46

    MetaGym

    Collection of Reinforcement Learning / Meta Reinforcement Learning Environments.
    Python
    276
    star
    47

    PASSL

    PASSL包含 SimCLR,MoCo v1/v2,BYOL,CLIP,PixPro,simsiam, SwAV, BEiT,MAE 等图像自监督算法以及 Vision Transformer,DEiT,Swin Transformer,CvT,T2T-ViT,MLP-Mixer,XCiT,ConvNeXt,PVTv2 等基础视觉算法
    Python
    273
    star
    48

    PaddleScience

    PaddleScience is SDK and library for developing AI-driven scientific computing applications based on PaddlePaddle.
    Python
    259
    star
    49

    InterpretDL

    InterpretDL: Interpretation of Deep Learning Models,基于『飞桨』的模型可解释性算法库。
    Python
    241
    star
    50

    docs

    Documentations for PaddlePaddle
    Python
    240
    star
    51

    Paddle-Inference-Demo

    C++
    235
    star
    52

    PaddleRobotics

    PaddleRobotics is an open-source algorithm library for robots based on Paddle, including open-source parts such as human-robot interaction, complex motion control, environment perception, SLAM positioning, and navigation.
    Python
    215
    star
    53

    TrustAI

    飞桨可信AI
    Python
    182
    star
    54

    PALM

    a Fast, Flexible, Extensible and Easy-to-use NLP Large-scale Pretraining and Multi-task Learning Framework.
    Python
    176
    star
    55

    ElasticCTR

    ElasticCTR,即飞桨弹性计算推荐系统,是基于Kubernetes的企业级推荐系统开源解决方案。该方案融合了百度业务场景下持续打磨的高精度CTR模型、飞桨开源框架的大规模分布式训练能力、工业级稀疏参数弹性调度服务,帮助用户在Kubernetes环境中一键完成推荐系统部署,具备高性能、工业级部署、端到端体验的特点,并且作为开源套件,满足二次深度开发的需求。
    Python
    176
    star
    56

    AutoDL

    Python
    158
    star
    57

    PLSC

    Paddle Large Scale Classification Tools,supports ArcFace, CosFace, PartialFC, Data Parallel + Model Parallel. Model includes ResNet, ViT, Swin, DeiT, CaiT, FaceViT, MoCo, MAE, ConvMAE, CAE.
    Python
    148
    star
    58

    CINN

    Compiler Infrastructure for Neural Networks
    C++
    142
    star
    59

    LiteKit

    Off-The-Shelf AI Development Kit for APP Developers based on Paddle Lite (『飞桨』移动端开箱即用AI套件, 包含Java & Objective C接口支持)
    Objective-C
    134
    star
    60

    PaddleFlow

    Go
    113
    star
    61

    PaddleSports

    Python
    101
    star
    62

    PaddleDTX

    Paddle with Decentralized Trust based on Xuperchain
    Go
    89
    star
    63

    PaConvert

    PaddlePaddle Code Convert Toolkit. 『飞桨』深度学习代码转换工具
    Python
    87
    star
    64

    XWorld

    A C++/Python simulator package for reinforcement learning
    C++
    85
    star
    65

    community

    PaddlePaddle Developer Community
    Jupyter Notebook
    83
    star
    66

    PaddleSleeve

    PaddleSleeve
    Python
    76
    star
    67

    benchmark

    Python
    76
    star
    68

    hapi

    hapi is a High-level API that supports both static and dynamic execution modes
    Jupyter Notebook
    76
    star
    69

    Mobile

    Embedded and Mobile Deployment
    Python
    71
    star
    70

    PaddleCustomDevice

    PaddlePaddle custom device implementaion. (『飞桨』自定义硬件接入实现)
    Python
    68
    star
    71

    PaddleDepth

    Python
    63
    star
    72

    PaddlePaddle.org

    PaddlePaddle.org is the repository for the website of the PaddlePaddle open source project.
    CSS
    48
    star
    73

    PaDiff

    Paddle Automatically Diff Precision Toolkits.
    Python
    46
    star
    74

    EasyData

    Python
    46
    star
    75

    PaddleTest

    PaddlePaddle TestSuite
    Python
    44
    star
    76

    epep

    Easy & Effective Application Framework for PaddlePaddle
    Python
    34
    star
    77

    paddle-ce-latest-kpis

    Paddle Continuous Evaluation, keep updating.
    Python
    26
    star
    78

    VisionTools

    Python
    21
    star
    79

    PaddleCraft

    Take neural networks as APIs for human-like AI.
    Python
    20
    star
    80

    Contrib

    contribution works with PaddlePaddle from the third party developers
    Python
    20
    star
    81

    PaddleTransfer

    飞桨迁移学习算法库
    Python
    19
    star
    82

    continuous_evaluation

    Macro Continuous Evaluation Platform for Paddle.
    Python
    19
    star
    83

    recordio

    An implementation of the RecordIO file format.
    Go
    19
    star
    84

    Perf

    SOTA benchmark
    Python
    17
    star
    85

    Paddle-bot

    Python
    17
    star
    86

    examples

    Python
    17
    star
    87

    continuous_integration

    Python
    16
    star
    88

    PaddleSOT

    A Bytecode level Implementation of Symbolic OpCode Translator For PaddlePaddle
    Python
    15
    star
    89

    tape

    C++
    14
    star
    90

    paddle_upgrade_tool

    upgrade paddle-1.x to paddle-2.0
    Python
    12
    star
    91

    PaddleAPEX

    PaddleAPEX:Paddle Accuracy and Performance EXpansion pack
    Python
    7
    star
    92

    talks

    Shell
    6
    star
    93

    CLA

    5
    star
    94

    any

    Legacy Repo only for PaddlePaddle with version <= 1.3
    C++
    5
    star