verl is a flexible, efficient and production-ready RL training library for large language models (LLMs).
verl is the open-source version of HybridFlow: A Flexible and Efficient RLHF Framework paper.
verl is flexible and easy to use with:
- 
Easy extension of diverse RL algorithms: The hybrid-controller programming model enables flexible representation and efficient execution of complex post-training dataflows. Build RL dataflows such as GRPO, PPO in a few lines of code. 
- 
Seamless integration of existing LLM infra with modular APIs: Decouples computation and data dependencies, enabling seamless integration with existing LLM frameworks, such as FSDP, Megatron-LM, vLLM, SGLang, etc 
- 
Flexible device mapping: Supports various placement of models onto different sets of GPUs for efficient resource utilization and scalability across different cluster sizes. 
- 
Ready integration with popular HuggingFace models 
verl is fast with:
- 
State-of-the-art throughput: SOTA LLM training and inference engine integrations and SOTA RL throughput. 
- 
Efficient actor model resharding with 3D-HybridEngine: Eliminates memory redundancy and significantly reduces communication overhead during transitions between training and generation phases. 
- [2025/06] verl with Megatron backend enables large MoE models such as DeepSeek-671b and Qwen3-236b.
- [2025/06] verl team will provide latest project updates at PyTorch Day China on June 7th. Meet our dev team in Beijing!
- [2025/05] PF-PPO, accepted to ICML 2025, is now supported in verl! PF-PPO enhances policy learning efficiency and robustness by filtering potentially noisy reward signals and reusing high-quality experiences via a replay buffer.
- [2025/04] We will give a tutorial about latest post-training techniques and programming guide for verl at ICLR 2025 Expo, SCI-FM workshop and LMSys afterparty. Talk materials available here.
- [2025/04] Seed-Thinking-v1.5 tech report is released! Trained with verl, Seed-Thinking-v1.5 achieves 86.7 on AIME 2024, 55.0 on Codeforces and 77.3 on GPQA, demonstrating excellent reasoning abilities in STEM and coding. Beyond reasoning tasks, the method demonstrates notable generalization across diverse domains.
- [2025/04] VAPO (value-based augmented PPO) paper covers our latest RL method for reasoning models. Trained from Qwen-32B-base model, VAPO achieves 60.4 on AIME 2024, outperforming DAPO-32B.
- [2025/03] verl v0.3.0.post1 is released! See release note for details. It achieves ~1.4x speedup compared to prev versions.
- [2025/03] DAPO is the open-sourced SOTA RL algorithm that achieves 50 points on AIME 2024 based on the Qwen2.5-32B pre-trained model, surpassing the previous SOTA achieved by DeepSeek's GRPO (DeepSeek-R1-Zero-Qwen-32B). DAPO's training is fully powered by verl and the reproduction code is available in recipe/daponow.
more...
- [2025/05] verl will be presented at [A2M Shanghai](https://a2m.msup.com.cn/home/?aid=4488&city=shanghai) on 5/16 - 5/17.
- [2025/05] verl will be presented at [GOSIM x PyTorch Day 2025](https://paris2025.gosim.org/). See you in Paris!
- [2025/03] We introduced the programming model of verl at the [vLLM Beijing Meetup](https://mp.weixin.qq.com/s/n77GibL2corAtQHtVEAzfg) and [verl intro and updates](https://github.com/eric-haibin-lin/verl-community/blob/main/slides/verl-lmsys-meetup.pdf) at the [SGLang-LMSYS Org Meetup](https://lu.ma/ntjrr7ig) in Sunnyvale mid-March.
- [2025/03] We will present verl(HybridFlow) at EuroSys 2025. See you in Rotterdam!
- [2025/02] verl v0.2.0.post2 is released!
- [2025/02] We presented verl in the Bytedance/NVIDIA/Anyscale Ray Meetup. See you in San Jose!
- [2025/01] [Doubao-1.5-pro](https://team.doubao.com/zh/special/doubao_1_5_pro) is released with SOTA-level performance on LLM & VLM. The RL scaling preview model is trained using verl, reaching OpenAI O1-level performance on math benchmarks (70.0 pass@1 on AIME).
- [2024/12] verl is presented at Ray Forward 2024. Slides available here
- [2024/12] The team presented Post-training LLMs: From Algorithms to Infrastructure at NeurIPS 2024. Slides and video available.
- [2024/10] verl is presented at Ray Summit. Youtube video available.
- [2024/08] HybridFlow (verl) is accepted to EuroSys 2025.
- FSDP, FSDP2 and Megatron-LM for training.
- vLLM, SGLang and HF Transformers for rollout generation.
- Compatible with Hugging Face Transformers and Modelscope Hub: Qwen-3, Qwen-2.5, Llama3.1, Gemma2, DeepSeek-LLM, etc
- Supervised fine-tuning.
- Reinforcement learning with PPO, GRPO, ReMax, REINFORCE++, RLOO, PRIME, DAPO, DrGRPO, etc.
- Support model-based reward and function-based reward (verifiable reward) for math, coding, etc
- Support vision-language models (VLMs) and multi-modal RL with Qwen2.5-vl, Kimi-VL
- Multi-turn with tool calling
 
- LLM alignment recipes such as Self-play preference optimization (SPPO)
- Flash attention 2, sequence packing, sequence parallelism support via DeepSpeed Ulysses, LoRA, Liger-kernel.
- Scales up to 671B models and hundreds of GPUs with expert parallelism
- Multi-gpu LoRA RL support to save memory.
- Experiment tracking with wandb, swanlab, mlflow and tensorboard.
- Roadmap volcengine#710
- DeepSeek 671b optimizations with Megatron v0.11 volcengine#708
- Multi-turn rollout and tools using optimizations volcengine#1882
- Environment interactions volcengine#1172
- List of breaking changes since v0.3 volcengine#943, entropy_coeff defaults to 0
- Lora for RL volcengine#1127
Quickstart:
Running a PPO example step-by-step:
- Prepare Data for Post-Training
- Implement Reward Function for Dataset
- PPO Example Architecture
- Config Explanation
Reproducible algorithm baselines:
For code explanation and advance usage (extension):
- 
PPO Trainer and Workers 
- 
Advanced Usage and Extension 
Blogs from the community
- SGLang, verl, OpenBMB and Tsinghua University: Pioneering End-to-End Multi-Turn RLHF
- Reinforcement Learning from Human Feedback on AMD GPUs with verl and ROCm Integration
- veMLP x verl :玩转强化学习训练
- 使用 verl 进行 GRPO 分布式强化学习训练最佳实践
- HybridFlow verl 原文浅析
- 最高提升 20 倍吞吐量!豆包大模型团队发布全新 RLHF 框架,现已开源!
The performance is essential for on-policy RL algorithm. We have written a detailed performance tuning guide to help you optimize performance.
verl now supports vLLM>=0.8.2 when using FSDP as the training backend. Please refer to this document for the installation guide and more information. Please avoid vllm 0.7.x, which contains bugs that may lead to OOMs and unexpected errors.
SGLang is fully supported with verl, and SGLang RL Group is working extensively on building unique features, including multi-turn agentic RL, VLM RLHF, server-based RL, and partial rollout. Please refer to this document for the installation guide and more information.
verl is fully embracing FSDP2! FSDP2 is recommended by torch distributed team, providing better throughput and memory usage, and is composible with other features (e.g. torch.compile). To enable FSDP2, simply use verl main and set the following options:
actor_rollout_ref.ref.strategy=fsdp2
actor_rollout_ref.actor.strategy=fsdp2
critic.strategy=fsdp2 
reward_model.strategy=fsdp2 
Furthermore, FSDP2 cpu offloading is compatible with gradient accumulation. You can turn it on to save memory with actor_rollout_ref.actor.fsdp_config.offload_policy=True. For more details, see volcengine#1026
verl now supports FSDP as the training engine (Megatron support coming soon) and both integrates with vLLM and SGLang as inference engines. Please refer to this document for the installation guide and more information, and this document for the vLLM performance tuning for ROCm.
If you find the project helpful, please cite:
- HybridFlow: A Flexible and Efficient RLHF Framework
- A Framework for Training Large Language Models for Code Generation via Proximal Policy Optimization
@article{sheng2024hybridflow,
  title   = {HybridFlow: A Flexible and Efficient RLHF Framework},
  author  = {Guangming Sheng and Chi Zhang and Zilingfeng Ye and Xibin Wu and Wang Zhang and Ru Zhang and Yanghua Peng and Haibin Lin and Chuan Wu},
  year    = {2024},
  journal = {arXiv preprint arXiv: 2409.19256}
}verl is inspired by the design of Nemo-Aligner, Deepspeed-chat and OpenRLHF. The project is adopted and contributed by Bytedance, Anyscale, LMSys.org, Alibaba Qwen team, Shanghai AI Lab, Tsinghua University, UC Berkeley, UCLA, UIUC, University of Hong Kong, ke.com, All Hands AI, ModelBest, OpenPipe, JD AI Lab, Microsoft Research, StepFun, Amazon, Linkedin, Meituan, Camel-AI, OpenManus, Xiaomi, Prime Intellect, NVIDIA research, Baichuan, RedNote, SwissAI, Moonshot AI (Kimi), Baidu, Snowflake, IceSword Lab, and many more.
- TinyZero: a reproduction of DeepSeek R1 Zero recipe for reasoning tasks 
- SkyThought: RL training for Sky-T1-7B by NovaSky AI team. 
- simpleRL-reason: SimpleRL-Zoo: Investigating and Taming Zero Reinforcement Learning for Open Base Models in the Wild 
- Easy-R1: Multi-modal RL training framework 
- OpenManus-RL: LLM Agents RL tunning framework for multiple agent environments. 
- rllm: async RL training with verl-pipeline 
- PRIME: Process reinforcement through implicit rewards 
- RAGEN: a general-purpose reasoning agent training framework 
- Search-R1: RL with reasoning and searching (tool-call) interleaved LLMs 
- DeepRetrieval: RL Training of Search Agent with Search/Retrieval Outcome 
- ReSearch: Learning to Reason with Search for LLMs via Reinforcement Learning 
- Code-R1: Reproducing R1 for Code with Reliable Rewards 
- Skywork-OR1: Skywork open reaonser series 
- ToRL: Scaling tool-integrated RL 
- verl-agent: A scalable training framework for long-horizon LLM/VLM agents, along with a new algorithm GiGPO 
- PF-PPO: Policy Filtration for PPO based on the reliability of reward signals for more efficient and robust RLHF.
- GUI-R1: GUI-R1: A Generalist R1-style Vision-Language Action Model For GUI Agents 
- DeepResearcher: Scaling deep research via reinforcement learning in real-world environments 
- VAGEN: Training VLM agents with multi-turn reinforcement learning 
- ReTool: ReTool: reinforcement learning for strategic tool use in LLMs. Code release is in progress...
- RM-R1: RL training of reasoning reward models 
- Absolute Zero Reasoner: A no human curated data self-play framework for reasoning
- LUFFY: Learning to Reason under Off-Policy Guidance
- verl-tool: An unified and easy-to-extend tool-agent training framework based on verl
- DeepMath: DeepMath-103K data and series models for math reasoning
- LLaSA-TTS-GRPO: TTS fine-tuning with GRPO optimization based on LLASA models 
- RL-Factory: An easy and efficient RL post-training framework for Agentic Learning 
- RACRO: Build multi-modal reasoning models via decoupling it into query-conditioned captioning and text-only reasoning 
and many more awesome work listed in recipe.
Contributions from the community are welcome! Please check out our project roadmap and good first issues to see where you can contribute.
We use pre-commit to help improve code quality. To initialize pre-commit, run:
pip install pre-commit
pre-commit installTo resolve CI errors locally, you can manually run pre-commit by:
pre-commit runIf possible, please add CI test(s) for your new feature:
- Find the most relevant workflow yml file, which usually corresponds to a hydradefault config (e.g.ppo_trainer,ppo_megatron_trainer,sft_trainer, etc).
- Add related path patterns to the pathssection if not already included.
- Minimize the workload of the test script(s) (see existing scripts for examples).
About ByteDance Seed Team
Founded in 2023, ByteDance Seed Team is dedicated to crafting the industry's most advanced AI foundation models. The team aspires to become a world-class research team and make significant contributions to the advancement of science and society. You can get to know Bytedance Seed better through the following channels👇
---We are HIRING! Send us an email if you are interested in internship/FTE opportunities in RL for agents.
