• Stars
    star
    207
  • Rank 182,789 (Top 4 %)
  • Language
    Python
  • License
    Apache License 2.0
  • Created 10 months ago
  • Updated 18 days ago

Reviews

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

Repository Details

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.

简介

PaddleMIX是基于飞桨的跨模态大模型开发套件,聚合图像、文本、视频等多种模态,覆盖视觉语言预训练,文生图,文生视频等丰富的跨模态任务。提供开箱即用的开发体验,同时满足开发者灵活定制需求,探索通用人工智能。

最新进展

2023.10.7 发布 PaddleMIX v1.0

  • 新增图文预训练模型分布式训练能力,BLIP-2支持千亿规模训练
  • 新增跨模态应用流水线AppFlow,一键支持自动标注,图像编辑,音生图等11种跨模态应用
  • PPDiffusers发布 0.19.3 版本,新增SDXL及相关任务

2023.7.31 发布 PaddleMIX v0.1

  • 首次发布PaddleMIX跨模态大模型开发套件,融合PPDiffusers多模态扩散模型工具箱,广泛支持PaddleNLP大语言模型
  • 新增EVA-CLIP,BLIP-2,miniGPT-4,Stable Diffusion,ControlNet等12个跨模态大模型

主要特性

  • 丰富的多模态功能: 覆盖图文预训练,文生图,跨模态视觉任务,实现图像编辑、图像描述、数据标注等多样功能
  • 简洁的开发体验: 模型统一开发接口,高效实现自定义模型开发和功能实现
  • 高效的训推流程: 全量模型打通训练推理一站式开发流程,BLIP-2,Stable Diffusion等重点模型训推性能业界领先
  • 超大规模训练支持: 可训练千亿规模图文预训练模型,百亿规模文生图底座模型

任务展示

  • 视频Demo展示(video Demo)
PaddleMix.mp4

安装

  1. 环境依赖
pip install -r requirements.txt

关于PaddlePaddle安装的详细教程请查看Installation

注:ppdiffusers部分模型需要依赖 CUDA 11.2 及以上版本,如果本地机器不符合要求,建议前往 AI Studio 进行模型训练、推理任务。

如果希望使用bf16训练推理,请使用支持bf16的GPU,如A100。

  1. 手动安装
git clone https://github.com/PaddlePaddle/PaddleMIX
cd PaddleMIX
pip install -e .

#ppdiffusers 安装
cd ppdiffusers
pip install -e .

教程

特色应用

  1. 艺术风格二维码模型
  1. Mix叠图

模型库

多模态预训练 扩散类模型
  • 图文预训练
  • 开放世界视觉模型
  • 更多模态预训练模型
  • 文生图
  • 文生视频
  • 音频生成
  • 许可证书

    本项目的发布受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
    38,354
    star
    2

    Paddle

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

    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,439
    star
    4

    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,003
    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,233
    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
    10,060
    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,188
    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,661
    star
    9

    models

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

    Paddle-Lite

    PaddlePaddle High Performance Deep Learning Inference Engine for Mobile and Edge (飞桨高性能深度学习端侧推理引擎)
    C++
    6,839
    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,162
    star
    12

    PaddleClas

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

    VisualDL

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

    PaddleX

    PaddlePaddle End-to-End Development Toolkit(『飞桨』深度学习全流程开发工具)
    Python
    4,564
    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,077
    star
    16

    PARL

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

    awesome-DeepLearning

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

    book

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

    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,695
    star
    20

    Research

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

    PGL

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

    PaddleSlim

    PaddleSlim is an open-source library for deep model compression and architecture search.
    Python
    1,507
    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,392
    star
    24

    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
    928
    star
    25

    Serving

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

    PaddleHelix

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

    RocketQA

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

    X2Paddle

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

    Knover

    Large-scale open domain KNOwledge grounded conVERsation system based on PaddlePaddle
    Python
    670
    star
    30

    Paddle-Lite-Demo

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

    Paddle2ONNX

    ONNX Model Exporter for PaddlePaddle
    Python
    637
    star
    32

    Parakeet

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

    FlyCV

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

    Anakin

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

    Paddle3D

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

    Quantum

    Jupyter Notebook
    528
    star
    37

    PaddleYOLO

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

    PaddleFL

    Federated Deep Learning in PaddlePaddle
    Python
    480
    star
    39

    VIMER

    视觉预训练基础模型仓库
    Python
    479
    star
    40

    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
    444
    star
    41

    PaddleFleetX

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

    PaddleRS

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

    PaddleSpatial

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

    PaddleCloud

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

    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
    274
    star
    46

    MetaGym

    Collection of Reinforcement Learning / Meta Reinforcement Learning Environments.
    Python
    267
    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
    257
    star
    48

    PaddleScience

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

    docs

    Documentations for PaddlePaddle
    Python
    230
    star
    50

    InterpretDL

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

    Paddle-Inference-Demo

    C++
    223
    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
    210
    star
    53

    TrustAI

    飞桨可信AI
    Python
    179
    star
    54

    ElasticCTR

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

    PALM

    a Fast, Flexible, Extensible and Easy-to-use NLP Large-scale Pretraining and Multi-task Learning Framework.
    Python
    174
    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
    142
    star
    58

    CINN

    Compiler Infrastructure for Neural Networks
    C++
    139
    star
    59

    LiteKit

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

    PaddleFlow

    Go
    104
    star
    61

    PaddleDTX

    Paddle with Decentralized Trust based on Xuperchain
    Go
    87
    star
    62

    PaddleSports

    Python
    86
    star
    63

    XWorld

    A C++/Python simulator package for reinforcement learning
    C++
    84
    star
    64

    hapi

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

    benchmark

    Python
    74
    star
    66

    PaddleSleeve

    PaddleSleeve
    Python
    70
    star
    67

    Mobile

    Embedded and Mobile Deployment
    Python
    70
    star
    68

    community

    PaddlePaddle Developer Community
    Jupyter Notebook
    66
    star
    69

    PaConvert

    Code Convert to PaddlePaddle Toolkit
    Python
    66
    star
    70

    PaddleDepth

    Python
    58
    star
    71

    PaddleCustomDevice

    PaddlePaddle custom device implementaion. (『飞桨』自定义硬件接入实现)
    C++
    49
    star
    72

    PaddlePaddle.org

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

    PaddleTest

    PaddlePaddle TestSuite
    Python
    43
    star
    74

    PaDiff

    Paddle Automatically Diff Precision Toolkits.
    Python
    42
    star
    75

    EasyData

    Python
    35
    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
    22
    star
    79

    Contrib

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

    PaddleCraft

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

    PaddleTransfer

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

    recordio

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

    continuous_evaluation

    Macro Continuous Evaluation Platform for Paddle.
    Python
    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

    tape

    C++
    14
    star
    89

    PaddleSOT

    A Bytecode level Implementation of Symbolic OpCode Translator For PaddlePaddle
    Python
    14
    star
    90

    paddle_upgrade_tool

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

    talks

    Shell
    6
    star
    92

    CLA

    5
    star
    93

    any

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