├── LICENSE ├── README.md ├── assets └── overview.png ├── data ├── agent_syn.py ├── cv.py ├── prompt.py └── sat_jsonl.py ├── eval ├── agent_eval.py └── benchmark.sh ├── scripts ├── deploy.sh ├── model_merger.py └── run.sh ├── setup.py ├── tools ├── Depth-Anything-V2 │ ├── DA-2K.md │ ├── LICENSE │ ├── README.md │ ├── app.py │ ├── assets │ │ ├── DA-2K.png │ │ ├── examples │ │ │ ├── demo01.jpg │ │ │ ├── demo02.jpg │ │ │ ├── demo03.jpg │ │ │ ├── demo04.jpg │ │ │ ├── demo05.jpg │ │ │ ├── demo06.jpg │ │ │ ├── demo07.jpg │ │ │ ├── demo08.jpg │ │ │ ├── demo09.jpg │ │ │ ├── demo10.jpg │ │ │ ├── demo11.jpg │ │ │ ├── demo12.jpg │ │ │ ├── demo13.jpg │ │ │ ├── demo14.jpg │ │ │ ├── demo15.jpg │ │ │ ├── demo16.jpg │ │ │ ├── demo17.jpg │ │ │ ├── demo18.jpg │ │ │ ├── demo19.jpg │ │ │ └── demo20.jpg │ │ ├── examples_video │ │ │ ├── basketball.mp4 │ │ │ └── ferris_wheel.mp4 │ │ └── teaser.png │ ├── deploy.py │ ├── depth_anything_v2 │ │ ├── dinov2.py │ │ ├── dinov2_layers │ │ │ ├── __init__.py │ │ │ ├── attention.py │ │ │ ├── block.py │ │ │ ├── drop_path.py │ │ │ ├── layer_scale.py │ │ │ ├── mlp.py │ │ │ ├── patch_embed.py │ │ │ └── swiglu_ffn.py │ │ ├── dpt.py │ │ └── util │ │ │ ├── blocks.py │ │ │ └── transform.py │ ├── metric_depth │ │ ├── README.md │ │ ├── assets │ │ │ └── compare_zoedepth.png │ │ ├── dataset │ │ │ ├── hypersim.py │ │ │ ├── kitti.py │ │ │ ├── splits │ │ │ │ ├── hypersim │ │ │ │ │ ├── train.txt │ │ │ │ │ └── val.txt │ │ │ │ ├── kitti │ │ │ │ │ └── val.txt │ │ │ │ └── vkitti2 │ │ │ │ │ └── train.txt │ │ │ ├── transform.py │ │ │ └── vkitti2.py │ │ ├── depth_anything_v2 │ │ │ ├── dinov2.py │ │ │ ├── dinov2_layers │ │ │ │ ├── __init__.py │ │ │ │ ├── attention.py │ │ │ │ ├── block.py │ │ │ │ ├── drop_path.py │ │ │ │ ├── layer_scale.py │ │ │ │ ├── mlp.py │ │ │ │ ├── patch_embed.py │ │ │ │ └── swiglu_ffn.py │ │ │ ├── dpt.py │ │ │ └── util │ │ │ │ ├── blocks.py │ │ │ │ └── transform.py │ │ ├── depth_to_pointcloud.py │ │ ├── dist_train.sh │ │ ├── requirements.txt │ │ ├── run.py │ │ ├── train.py │ │ └── util │ │ │ ├── dist_helper.py │ │ │ ├── loss.py │ │ │ ├── metric.py │ │ │ └── utils.py │ ├── multi_deploy.py │ ├── requirements.txt │ ├── run.py │ └── run_video.py ├── LLMDet │ ├── demo_hf.py │ ├── modeling_grounding_dino.py │ └── multi_deploy.py ├── lanuch_tools.py └── tools_config_2.json └── verl ├── __init__.py ├── models ├── README.md ├── __init__.py ├── llama │ ├── __init__.py │ └── megatron │ │ ├── __init__.py │ │ ├── checkpoint_utils │ │ ├── __init__.py │ │ ├── llama_loader.py │ │ ├── llama_loader_depracated.py │ │ └── llama_saver.py │ │ ├── layers │ │ ├── __init__.py │ │ ├── parallel_attention.py │ │ ├── parallel_decoder.py │ │ ├── parallel_linear.py │ │ ├── parallel_mlp.py │ │ └── parallel_rmsnorm.py │ │ └── modeling_llama_megatron.py ├── mcore │ ├── __init__.py │ ├── config_converter.py │ ├── loader.py │ ├── model_forward.py │ ├── model_initializer.py │ ├── readme.md │ ├── registry.py │ ├── saver.py │ ├── util.py │ └── weight_converter.py ├── qwen2 │ ├── __init__.py │ └── megatron │ │ ├── __init__.py │ │ ├── checkpoint_utils │ │ ├── __init__.py │ │ ├── qwen2_loader.py │ │ ├── qwen2_loader_depracated.py │ │ └── qwen2_saver.py │ │ ├── layers │ │ ├── __init__.py │ │ ├── parallel_attention.py │ │ ├── parallel_decoder.py │ │ ├── parallel_linear.py │ │ ├── parallel_mlp.py │ │ └── parallel_rmsnorm.py │ │ └── modeling_qwen2_megatron.py ├── registry.py ├── transformers │ ├── __init__.py │ ├── llama.py │ ├── monkey_patch.py │ ├── qwen2.py │ └── qwen2_vl.py └── weight_loader_registry.py ├── protocol.py ├── single_controller ├── __init__.py ├── base │ ├── __init__.py │ ├── decorator.py │ ├── megatron │ │ ├── __init__.py │ │ ├── worker.py │ │ └── worker_group.py │ ├── register_center │ │ ├── __init__.py │ │ └── ray.py │ ├── worker.py │ └── worker_group.py └── ray │ ├── __init__.py │ ├── base.py │ └── megatron.py ├── third_party ├── __init__.py ├── sglang │ ├── __init__.py │ └── parallel_state.py └── vllm │ ├── __init__.py │ ├── vllm_v_0_5_4 │ ├── __init__.py │ ├── arg_utils.py │ ├── config.py │ ├── dtensor_weight_loaders.py │ ├── hf_weight_loader.py │ ├── llm.py │ ├── llm_engine_sp.py │ ├── megatron_weight_loaders.py │ ├── model_loader.py │ ├── model_runner.py │ ├── parallel_state.py │ ├── spmd_gpu_executor.py │ ├── tokenizer.py │ └── worker.py │ └── vllm_v_0_6_3 │ ├── __init__.py │ ├── arg_utils.py │ ├── config.py │ ├── dtensor_weight_loaders.py │ ├── hf_weight_loader.py │ ├── llm.py │ ├── llm_engine_sp.py │ ├── megatron_weight_loaders.py │ ├── model_loader.py │ ├── model_runner.py │ ├── parallel_state.py │ ├── spmd_gpu_executor.py │ ├── tokenizer.py │ └── worker.py ├── tools ├── __init__.py ├── base_tool.py ├── gsm8k_tool.py └── schemas.py ├── trainer ├── __init__.py ├── config │ ├── evaluation.yaml │ ├── generation.yaml │ ├── ppo_megatron_trainer.yaml │ ├── ppo_trainer.yaml │ └── sft_trainer.yaml ├── fsdp_sft_trainer.py ├── main_eval.py ├── main_generation.py ├── main_ppo.py ├── ppo │ ├── __init__.py │ ├── core_algos.py │ ├── metric_utils.py │ ├── ray_trainer.py │ └── reward.py └── runtime_env.yaml ├── utils ├── __init__.py ├── checkpoint │ ├── __init__.py │ ├── checkpoint_manager.py │ ├── fsdp_checkpoint_manager.py │ └── megatron_checkpoint_manager.py ├── config.py ├── dataset │ ├── README.md │ ├── __init__.py │ ├── multiturn_sft_dataset.py │ ├── rl_dataset.py │ ├── rm_dataset.py │ ├── sft_dataset.py │ └── vision_utils.py ├── debug │ ├── __init__.py │ ├── performance.py │ ├── profile.py │ └── trajectory_tracker.py ├── distributed.py ├── flops_counter.py ├── fs.py ├── fsdp_utils.py ├── hdfs_io.py ├── import_utils.py ├── logger │ ├── __init__.py │ └── aggregate_logger.py ├── logging_utils.py ├── megatron │ ├── __init__.py │ ├── memory.py │ ├── optimizer.py │ ├── pipeline_parallel.py │ ├── sequence_parallel.py │ └── tensor_parallel.py ├── megatron_utils.py ├── memory_buffer.py ├── model.py ├── net_utils.py ├── py_functional.py ├── ray_utils.py ├── rendezvous │ ├── __init__.py │ └── ray_backend.py ├── reward_score │ ├── __init__.py │ ├── geo3k.py │ ├── gsm8k.py │ ├── math.py │ ├── math_batch.py │ ├── math_dapo.py │ ├── math_verify.py │ ├── prime_code │ │ ├── __init__.py │ │ ├── testing_util.py │ │ └── utils.py │ ├── prime_math │ │ ├── __init__.py │ │ ├── grader.py │ │ └── math_normalize.py │ ├── reward.py │ └── reward_text.py ├── seqlen_balancing.py ├── tokenizer.py ├── torch_dtypes.py ├── torch_functional.py ├── tracking.py ├── ulysses.py └── vllm_utils.py ├── version └── version └── workers ├── __init__.py ├── actor ├── __init__.py ├── base.py ├── dp_actor.py └── megatron_actor.py ├── agent ├── __init__.py ├── agent.py ├── api_agent.py └── qwen_tools.py ├── critic ├── __init__.py ├── base.py ├── dp_critic.py └── megatron_critic.py ├── fsdp_workers.py ├── megatron_workers.py ├── reward_manager ├── __init__.py ├── batch.py ├── dapo.py ├── naive.py └── prime.py ├── reward_model ├── __init__.py ├── base.py └── megatron │ ├── __init__.py │ └── reward_model.py ├── rollout ├── __init__.py ├── async_server.py ├── base.py ├── hf_rollout.py ├── naive │ ├── __init__.py │ └── naive_rollout.py ├── schemas.py ├── sglang_rollout │ ├── __init__.py │ ├── async_sglang_rollout.py │ └── sglang_rollout.py ├── tokenizer.py └── vllm_rollout │ ├── __init__.py │ ├── fire_vllm_rollout.py │ ├── vllm_async_server.py │ ├── vllm_rollout.py │ └── vllm_rollout_spmd.py └── sharding_manager ├── __init__.py ├── base.py ├── fsdp_sglang.py ├── fsdp_ulysses.py ├── fsdp_vllm.py └── megatron_vllm.py /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/README.md -------------------------------------------------------------------------------- /assets/overview.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/assets/overview.png -------------------------------------------------------------------------------- /data/agent_syn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/data/agent_syn.py -------------------------------------------------------------------------------- /data/cv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/data/cv.py -------------------------------------------------------------------------------- /data/prompt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/data/prompt.py -------------------------------------------------------------------------------- /data/sat_jsonl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/data/sat_jsonl.py -------------------------------------------------------------------------------- /eval/agent_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/eval/agent_eval.py -------------------------------------------------------------------------------- /eval/benchmark.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/eval/benchmark.sh -------------------------------------------------------------------------------- /scripts/deploy.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/scripts/deploy.sh -------------------------------------------------------------------------------- /scripts/model_merger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/scripts/model_merger.py -------------------------------------------------------------------------------- /scripts/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/scripts/run.sh -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/setup.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/DA-2K.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/DA-2K.md -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/LICENSE -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/README.md -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/app.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/app.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/assets/DA-2K.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/assets/DA-2K.png -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/assets/examples/demo01.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/assets/examples/demo01.jpg -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/assets/examples/demo02.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/assets/examples/demo02.jpg -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/assets/examples/demo03.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/assets/examples/demo03.jpg -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/assets/examples/demo04.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/assets/examples/demo04.jpg -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/assets/examples/demo05.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/assets/examples/demo05.jpg -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/assets/examples/demo06.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/assets/examples/demo06.jpg -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/assets/examples/demo07.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/assets/examples/demo07.jpg -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/assets/examples/demo08.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/assets/examples/demo08.jpg -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/assets/examples/demo09.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/assets/examples/demo09.jpg -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/assets/examples/demo10.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/assets/examples/demo10.jpg -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/assets/examples/demo11.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/assets/examples/demo11.jpg -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/assets/examples/demo12.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/assets/examples/demo12.jpg -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/assets/examples/demo13.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/assets/examples/demo13.jpg -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/assets/examples/demo14.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/assets/examples/demo14.jpg -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/assets/examples/demo15.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/assets/examples/demo15.jpg -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/assets/examples/demo16.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/assets/examples/demo16.jpg -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/assets/examples/demo17.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/assets/examples/demo17.jpg -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/assets/examples/demo18.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/assets/examples/demo18.jpg -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/assets/examples/demo19.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/assets/examples/demo19.jpg -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/assets/examples/demo20.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/assets/examples/demo20.jpg -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/assets/examples_video/basketball.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/assets/examples_video/basketball.mp4 -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/assets/examples_video/ferris_wheel.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/assets/examples_video/ferris_wheel.mp4 -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/assets/teaser.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/assets/teaser.png -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/deploy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/deploy.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/depth_anything_v2/dinov2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/depth_anything_v2/dinov2.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/depth_anything_v2/dinov2_layers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/depth_anything_v2/dinov2_layers/__init__.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/depth_anything_v2/dinov2_layers/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/depth_anything_v2/dinov2_layers/attention.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/depth_anything_v2/dinov2_layers/block.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/depth_anything_v2/dinov2_layers/block.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/depth_anything_v2/dinov2_layers/drop_path.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/depth_anything_v2/dinov2_layers/drop_path.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/depth_anything_v2/dinov2_layers/layer_scale.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/depth_anything_v2/dinov2_layers/layer_scale.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/depth_anything_v2/dinov2_layers/mlp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/depth_anything_v2/dinov2_layers/mlp.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/depth_anything_v2/dinov2_layers/patch_embed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/depth_anything_v2/dinov2_layers/patch_embed.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/depth_anything_v2/dinov2_layers/swiglu_ffn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/depth_anything_v2/dinov2_layers/swiglu_ffn.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/depth_anything_v2/dpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/depth_anything_v2/dpt.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/depth_anything_v2/util/blocks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/depth_anything_v2/util/blocks.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/depth_anything_v2/util/transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/depth_anything_v2/util/transform.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/metric_depth/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/metric_depth/README.md -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/metric_depth/assets/compare_zoedepth.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/metric_depth/assets/compare_zoedepth.png -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/metric_depth/dataset/hypersim.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/metric_depth/dataset/hypersim.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/metric_depth/dataset/kitti.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/metric_depth/dataset/kitti.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/metric_depth/dataset/splits/hypersim/train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/metric_depth/dataset/splits/hypersim/train.txt -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/metric_depth/dataset/splits/hypersim/val.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/metric_depth/dataset/splits/hypersim/val.txt -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/metric_depth/dataset/splits/kitti/val.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/metric_depth/dataset/splits/kitti/val.txt -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/metric_depth/dataset/splits/vkitti2/train.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/metric_depth/dataset/splits/vkitti2/train.txt -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/metric_depth/dataset/transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/metric_depth/dataset/transform.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/metric_depth/dataset/vkitti2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/metric_depth/dataset/vkitti2.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/metric_depth/depth_anything_v2/dinov2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/metric_depth/depth_anything_v2/dinov2.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/metric_depth/depth_anything_v2/dinov2_layers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/metric_depth/depth_anything_v2/dinov2_layers/__init__.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/metric_depth/depth_anything_v2/dinov2_layers/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/metric_depth/depth_anything_v2/dinov2_layers/attention.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/metric_depth/depth_anything_v2/dinov2_layers/block.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/metric_depth/depth_anything_v2/dinov2_layers/block.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/metric_depth/depth_anything_v2/dinov2_layers/drop_path.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/metric_depth/depth_anything_v2/dinov2_layers/drop_path.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/metric_depth/depth_anything_v2/dinov2_layers/layer_scale.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/metric_depth/depth_anything_v2/dinov2_layers/layer_scale.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/metric_depth/depth_anything_v2/dinov2_layers/mlp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/metric_depth/depth_anything_v2/dinov2_layers/mlp.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/metric_depth/depth_anything_v2/dinov2_layers/patch_embed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/metric_depth/depth_anything_v2/dinov2_layers/patch_embed.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/metric_depth/depth_anything_v2/dinov2_layers/swiglu_ffn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/metric_depth/depth_anything_v2/dinov2_layers/swiglu_ffn.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/metric_depth/depth_anything_v2/dpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/metric_depth/depth_anything_v2/dpt.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/metric_depth/depth_anything_v2/util/blocks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/metric_depth/depth_anything_v2/util/blocks.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/metric_depth/depth_anything_v2/util/transform.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/metric_depth/depth_anything_v2/util/transform.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/metric_depth/depth_to_pointcloud.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/metric_depth/depth_to_pointcloud.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/metric_depth/dist_train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/metric_depth/dist_train.sh -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/metric_depth/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/metric_depth/requirements.txt -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/metric_depth/run.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/metric_depth/run.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/metric_depth/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/metric_depth/train.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/metric_depth/util/dist_helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/metric_depth/util/dist_helper.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/metric_depth/util/loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/metric_depth/util/loss.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/metric_depth/util/metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/metric_depth/util/metric.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/metric_depth/util/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/metric_depth/util/utils.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/multi_deploy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/multi_deploy.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/requirements.txt -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/run.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/run.py -------------------------------------------------------------------------------- /tools/Depth-Anything-V2/run_video.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/Depth-Anything-V2/run_video.py -------------------------------------------------------------------------------- /tools/LLMDet/demo_hf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/LLMDet/demo_hf.py -------------------------------------------------------------------------------- /tools/LLMDet/modeling_grounding_dino.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/LLMDet/modeling_grounding_dino.py -------------------------------------------------------------------------------- /tools/LLMDet/multi_deploy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/LLMDet/multi_deploy.py -------------------------------------------------------------------------------- /tools/lanuch_tools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/lanuch_tools.py -------------------------------------------------------------------------------- /tools/tools_config_2.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/tools/tools_config_2.json -------------------------------------------------------------------------------- /verl/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/__init__.py -------------------------------------------------------------------------------- /verl/models/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/README.md -------------------------------------------------------------------------------- /verl/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/__init__.py -------------------------------------------------------------------------------- /verl/models/llama/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/llama/__init__.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/llama/megatron/__init__.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/checkpoint_utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/llama/megatron/checkpoint_utils/__init__.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/checkpoint_utils/llama_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/llama/megatron/checkpoint_utils/llama_loader.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/checkpoint_utils/llama_loader_depracated.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/llama/megatron/checkpoint_utils/llama_loader_depracated.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/checkpoint_utils/llama_saver.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/llama/megatron/checkpoint_utils/llama_saver.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/layers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/llama/megatron/layers/__init__.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/layers/parallel_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/llama/megatron/layers/parallel_attention.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/layers/parallel_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/llama/megatron/layers/parallel_decoder.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/layers/parallel_linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/llama/megatron/layers/parallel_linear.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/layers/parallel_mlp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/llama/megatron/layers/parallel_mlp.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/layers/parallel_rmsnorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/llama/megatron/layers/parallel_rmsnorm.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/modeling_llama_megatron.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/llama/megatron/modeling_llama_megatron.py -------------------------------------------------------------------------------- /verl/models/mcore/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/mcore/__init__.py -------------------------------------------------------------------------------- /verl/models/mcore/config_converter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/mcore/config_converter.py -------------------------------------------------------------------------------- /verl/models/mcore/loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/mcore/loader.py -------------------------------------------------------------------------------- /verl/models/mcore/model_forward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/mcore/model_forward.py -------------------------------------------------------------------------------- /verl/models/mcore/model_initializer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/mcore/model_initializer.py -------------------------------------------------------------------------------- /verl/models/mcore/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/mcore/readme.md -------------------------------------------------------------------------------- /verl/models/mcore/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/mcore/registry.py -------------------------------------------------------------------------------- /verl/models/mcore/saver.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/mcore/saver.py -------------------------------------------------------------------------------- /verl/models/mcore/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/mcore/util.py -------------------------------------------------------------------------------- /verl/models/mcore/weight_converter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/mcore/weight_converter.py -------------------------------------------------------------------------------- /verl/models/qwen2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/qwen2/__init__.py -------------------------------------------------------------------------------- /verl/models/qwen2/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/qwen2/megatron/__init__.py -------------------------------------------------------------------------------- /verl/models/qwen2/megatron/checkpoint_utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/qwen2/megatron/checkpoint_utils/__init__.py -------------------------------------------------------------------------------- /verl/models/qwen2/megatron/checkpoint_utils/qwen2_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/qwen2/megatron/checkpoint_utils/qwen2_loader.py -------------------------------------------------------------------------------- /verl/models/qwen2/megatron/checkpoint_utils/qwen2_loader_depracated.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/qwen2/megatron/checkpoint_utils/qwen2_loader_depracated.py -------------------------------------------------------------------------------- /verl/models/qwen2/megatron/checkpoint_utils/qwen2_saver.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/qwen2/megatron/checkpoint_utils/qwen2_saver.py -------------------------------------------------------------------------------- /verl/models/qwen2/megatron/layers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/qwen2/megatron/layers/__init__.py -------------------------------------------------------------------------------- /verl/models/qwen2/megatron/layers/parallel_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/qwen2/megatron/layers/parallel_attention.py -------------------------------------------------------------------------------- /verl/models/qwen2/megatron/layers/parallel_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/qwen2/megatron/layers/parallel_decoder.py -------------------------------------------------------------------------------- /verl/models/qwen2/megatron/layers/parallel_linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/qwen2/megatron/layers/parallel_linear.py -------------------------------------------------------------------------------- /verl/models/qwen2/megatron/layers/parallel_mlp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/qwen2/megatron/layers/parallel_mlp.py -------------------------------------------------------------------------------- /verl/models/qwen2/megatron/layers/parallel_rmsnorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/qwen2/megatron/layers/parallel_rmsnorm.py -------------------------------------------------------------------------------- /verl/models/qwen2/megatron/modeling_qwen2_megatron.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/qwen2/megatron/modeling_qwen2_megatron.py -------------------------------------------------------------------------------- /verl/models/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/registry.py -------------------------------------------------------------------------------- /verl/models/transformers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/transformers/__init__.py -------------------------------------------------------------------------------- /verl/models/transformers/llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/transformers/llama.py -------------------------------------------------------------------------------- /verl/models/transformers/monkey_patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/transformers/monkey_patch.py -------------------------------------------------------------------------------- /verl/models/transformers/qwen2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/transformers/qwen2.py -------------------------------------------------------------------------------- /verl/models/transformers/qwen2_vl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/transformers/qwen2_vl.py -------------------------------------------------------------------------------- /verl/models/weight_loader_registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/models/weight_loader_registry.py -------------------------------------------------------------------------------- /verl/protocol.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/protocol.py -------------------------------------------------------------------------------- /verl/single_controller/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/single_controller/__init__.py -------------------------------------------------------------------------------- /verl/single_controller/base/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/single_controller/base/__init__.py -------------------------------------------------------------------------------- /verl/single_controller/base/decorator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/single_controller/base/decorator.py -------------------------------------------------------------------------------- /verl/single_controller/base/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/single_controller/base/megatron/__init__.py -------------------------------------------------------------------------------- /verl/single_controller/base/megatron/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/single_controller/base/megatron/worker.py -------------------------------------------------------------------------------- /verl/single_controller/base/megatron/worker_group.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/single_controller/base/megatron/worker_group.py -------------------------------------------------------------------------------- /verl/single_controller/base/register_center/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/single_controller/base/register_center/__init__.py -------------------------------------------------------------------------------- /verl/single_controller/base/register_center/ray.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/single_controller/base/register_center/ray.py -------------------------------------------------------------------------------- /verl/single_controller/base/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/single_controller/base/worker.py -------------------------------------------------------------------------------- /verl/single_controller/base/worker_group.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/single_controller/base/worker_group.py -------------------------------------------------------------------------------- /verl/single_controller/ray/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/single_controller/ray/__init__.py -------------------------------------------------------------------------------- /verl/single_controller/ray/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/single_controller/ray/base.py -------------------------------------------------------------------------------- /verl/single_controller/ray/megatron.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/single_controller/ray/megatron.py -------------------------------------------------------------------------------- /verl/third_party/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/third_party/__init__.py -------------------------------------------------------------------------------- /verl/third_party/sglang/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/third_party/sglang/__init__.py -------------------------------------------------------------------------------- /verl/third_party/sglang/parallel_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/third_party/sglang/parallel_state.py -------------------------------------------------------------------------------- /verl/third_party/vllm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/third_party/vllm/__init__.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_5_4/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/third_party/vllm/vllm_v_0_5_4/__init__.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_5_4/arg_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/third_party/vllm/vllm_v_0_5_4/arg_utils.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_5_4/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/third_party/vllm/vllm_v_0_5_4/config.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_5_4/dtensor_weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/third_party/vllm/vllm_v_0_5_4/dtensor_weight_loaders.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_5_4/hf_weight_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/third_party/vllm/vllm_v_0_5_4/hf_weight_loader.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_5_4/llm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/third_party/vllm/vllm_v_0_5_4/llm.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_5_4/llm_engine_sp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/third_party/vllm/vllm_v_0_5_4/llm_engine_sp.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_5_4/megatron_weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/third_party/vllm/vllm_v_0_5_4/megatron_weight_loaders.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_5_4/model_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/third_party/vllm/vllm_v_0_5_4/model_loader.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_5_4/model_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/third_party/vllm/vllm_v_0_5_4/model_runner.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_5_4/parallel_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/third_party/vllm/vllm_v_0_5_4/parallel_state.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_5_4/spmd_gpu_executor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/third_party/vllm/vllm_v_0_5_4/spmd_gpu_executor.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_5_4/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/third_party/vllm/vllm_v_0_5_4/tokenizer.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_5_4/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/third_party/vllm/vllm_v_0_5_4/worker.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_6_3/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/third_party/vllm/vllm_v_0_6_3/__init__.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_6_3/arg_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/third_party/vllm/vllm_v_0_6_3/arg_utils.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_6_3/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/third_party/vllm/vllm_v_0_6_3/config.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_6_3/dtensor_weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/third_party/vllm/vllm_v_0_6_3/dtensor_weight_loaders.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_6_3/hf_weight_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/third_party/vllm/vllm_v_0_6_3/hf_weight_loader.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_6_3/llm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/third_party/vllm/vllm_v_0_6_3/llm.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_6_3/llm_engine_sp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/third_party/vllm/vllm_v_0_6_3/llm_engine_sp.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_6_3/megatron_weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/third_party/vllm/vllm_v_0_6_3/megatron_weight_loaders.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_6_3/model_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/third_party/vllm/vllm_v_0_6_3/model_loader.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_6_3/model_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/third_party/vllm/vllm_v_0_6_3/model_runner.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_6_3/parallel_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/third_party/vllm/vllm_v_0_6_3/parallel_state.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_6_3/spmd_gpu_executor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/third_party/vllm/vllm_v_0_6_3/spmd_gpu_executor.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_6_3/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/third_party/vllm/vllm_v_0_6_3/tokenizer.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_6_3/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/third_party/vllm/vllm_v_0_6_3/worker.py -------------------------------------------------------------------------------- /verl/tools/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/tools/__init__.py -------------------------------------------------------------------------------- /verl/tools/base_tool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/tools/base_tool.py -------------------------------------------------------------------------------- /verl/tools/gsm8k_tool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/tools/gsm8k_tool.py -------------------------------------------------------------------------------- /verl/tools/schemas.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/tools/schemas.py -------------------------------------------------------------------------------- /verl/trainer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/trainer/__init__.py -------------------------------------------------------------------------------- /verl/trainer/config/evaluation.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/trainer/config/evaluation.yaml -------------------------------------------------------------------------------- /verl/trainer/config/generation.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/trainer/config/generation.yaml -------------------------------------------------------------------------------- /verl/trainer/config/ppo_megatron_trainer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/trainer/config/ppo_megatron_trainer.yaml -------------------------------------------------------------------------------- /verl/trainer/config/ppo_trainer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/trainer/config/ppo_trainer.yaml -------------------------------------------------------------------------------- /verl/trainer/config/sft_trainer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/trainer/config/sft_trainer.yaml -------------------------------------------------------------------------------- /verl/trainer/fsdp_sft_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/trainer/fsdp_sft_trainer.py -------------------------------------------------------------------------------- /verl/trainer/main_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/trainer/main_eval.py -------------------------------------------------------------------------------- /verl/trainer/main_generation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/trainer/main_generation.py -------------------------------------------------------------------------------- /verl/trainer/main_ppo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/trainer/main_ppo.py -------------------------------------------------------------------------------- /verl/trainer/ppo/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/trainer/ppo/__init__.py -------------------------------------------------------------------------------- /verl/trainer/ppo/core_algos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/trainer/ppo/core_algos.py -------------------------------------------------------------------------------- /verl/trainer/ppo/metric_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/trainer/ppo/metric_utils.py -------------------------------------------------------------------------------- /verl/trainer/ppo/ray_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/trainer/ppo/ray_trainer.py -------------------------------------------------------------------------------- /verl/trainer/ppo/reward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/trainer/ppo/reward.py -------------------------------------------------------------------------------- /verl/trainer/runtime_env.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/trainer/runtime_env.yaml -------------------------------------------------------------------------------- /verl/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/__init__.py -------------------------------------------------------------------------------- /verl/utils/checkpoint/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/checkpoint/__init__.py -------------------------------------------------------------------------------- /verl/utils/checkpoint/checkpoint_manager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/checkpoint/checkpoint_manager.py -------------------------------------------------------------------------------- /verl/utils/checkpoint/fsdp_checkpoint_manager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/checkpoint/fsdp_checkpoint_manager.py -------------------------------------------------------------------------------- /verl/utils/checkpoint/megatron_checkpoint_manager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/checkpoint/megatron_checkpoint_manager.py -------------------------------------------------------------------------------- /verl/utils/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/config.py -------------------------------------------------------------------------------- /verl/utils/dataset/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/dataset/README.md -------------------------------------------------------------------------------- /verl/utils/dataset/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/dataset/__init__.py -------------------------------------------------------------------------------- /verl/utils/dataset/multiturn_sft_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/dataset/multiturn_sft_dataset.py -------------------------------------------------------------------------------- /verl/utils/dataset/rl_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/dataset/rl_dataset.py -------------------------------------------------------------------------------- /verl/utils/dataset/rm_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/dataset/rm_dataset.py -------------------------------------------------------------------------------- /verl/utils/dataset/sft_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/dataset/sft_dataset.py -------------------------------------------------------------------------------- /verl/utils/dataset/vision_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/dataset/vision_utils.py -------------------------------------------------------------------------------- /verl/utils/debug/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/debug/__init__.py -------------------------------------------------------------------------------- /verl/utils/debug/performance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/debug/performance.py -------------------------------------------------------------------------------- /verl/utils/debug/profile.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/debug/profile.py -------------------------------------------------------------------------------- /verl/utils/debug/trajectory_tracker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/debug/trajectory_tracker.py -------------------------------------------------------------------------------- /verl/utils/distributed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/distributed.py -------------------------------------------------------------------------------- /verl/utils/flops_counter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/flops_counter.py -------------------------------------------------------------------------------- /verl/utils/fs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/fs.py -------------------------------------------------------------------------------- /verl/utils/fsdp_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/fsdp_utils.py -------------------------------------------------------------------------------- /verl/utils/hdfs_io.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/hdfs_io.py -------------------------------------------------------------------------------- /verl/utils/import_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/import_utils.py -------------------------------------------------------------------------------- /verl/utils/logger/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/logger/__init__.py -------------------------------------------------------------------------------- /verl/utils/logger/aggregate_logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/logger/aggregate_logger.py -------------------------------------------------------------------------------- /verl/utils/logging_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/logging_utils.py -------------------------------------------------------------------------------- /verl/utils/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/megatron/__init__.py -------------------------------------------------------------------------------- /verl/utils/megatron/memory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/megatron/memory.py -------------------------------------------------------------------------------- /verl/utils/megatron/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/megatron/optimizer.py -------------------------------------------------------------------------------- /verl/utils/megatron/pipeline_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/megatron/pipeline_parallel.py -------------------------------------------------------------------------------- /verl/utils/megatron/sequence_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/megatron/sequence_parallel.py -------------------------------------------------------------------------------- /verl/utils/megatron/tensor_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/megatron/tensor_parallel.py -------------------------------------------------------------------------------- /verl/utils/megatron_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/megatron_utils.py -------------------------------------------------------------------------------- /verl/utils/memory_buffer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/memory_buffer.py -------------------------------------------------------------------------------- /verl/utils/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/model.py -------------------------------------------------------------------------------- /verl/utils/net_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/net_utils.py -------------------------------------------------------------------------------- /verl/utils/py_functional.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/py_functional.py -------------------------------------------------------------------------------- /verl/utils/ray_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/ray_utils.py -------------------------------------------------------------------------------- /verl/utils/rendezvous/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/rendezvous/__init__.py -------------------------------------------------------------------------------- /verl/utils/rendezvous/ray_backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/rendezvous/ray_backend.py -------------------------------------------------------------------------------- /verl/utils/reward_score/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/reward_score/__init__.py -------------------------------------------------------------------------------- /verl/utils/reward_score/geo3k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/reward_score/geo3k.py -------------------------------------------------------------------------------- /verl/utils/reward_score/gsm8k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/reward_score/gsm8k.py -------------------------------------------------------------------------------- /verl/utils/reward_score/math.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/reward_score/math.py -------------------------------------------------------------------------------- /verl/utils/reward_score/math_batch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/reward_score/math_batch.py -------------------------------------------------------------------------------- /verl/utils/reward_score/math_dapo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/reward_score/math_dapo.py -------------------------------------------------------------------------------- /verl/utils/reward_score/math_verify.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/reward_score/math_verify.py -------------------------------------------------------------------------------- /verl/utils/reward_score/prime_code/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/reward_score/prime_code/__init__.py -------------------------------------------------------------------------------- /verl/utils/reward_score/prime_code/testing_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/reward_score/prime_code/testing_util.py -------------------------------------------------------------------------------- /verl/utils/reward_score/prime_code/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/reward_score/prime_code/utils.py -------------------------------------------------------------------------------- /verl/utils/reward_score/prime_math/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/reward_score/prime_math/__init__.py -------------------------------------------------------------------------------- /verl/utils/reward_score/prime_math/grader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/reward_score/prime_math/grader.py -------------------------------------------------------------------------------- /verl/utils/reward_score/prime_math/math_normalize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/reward_score/prime_math/math_normalize.py -------------------------------------------------------------------------------- /verl/utils/reward_score/reward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/reward_score/reward.py -------------------------------------------------------------------------------- /verl/utils/reward_score/reward_text.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/reward_score/reward_text.py -------------------------------------------------------------------------------- /verl/utils/seqlen_balancing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/seqlen_balancing.py -------------------------------------------------------------------------------- /verl/utils/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/tokenizer.py -------------------------------------------------------------------------------- /verl/utils/torch_dtypes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/torch_dtypes.py -------------------------------------------------------------------------------- /verl/utils/torch_functional.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/torch_functional.py -------------------------------------------------------------------------------- /verl/utils/tracking.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/tracking.py -------------------------------------------------------------------------------- /verl/utils/ulysses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/ulysses.py -------------------------------------------------------------------------------- /verl/utils/vllm_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/utils/vllm_utils.py -------------------------------------------------------------------------------- /verl/version/version: -------------------------------------------------------------------------------- 1 | 0.2.0.dev 2 | -------------------------------------------------------------------------------- /verl/workers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/__init__.py -------------------------------------------------------------------------------- /verl/workers/actor/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/actor/__init__.py -------------------------------------------------------------------------------- /verl/workers/actor/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/actor/base.py -------------------------------------------------------------------------------- /verl/workers/actor/dp_actor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/actor/dp_actor.py -------------------------------------------------------------------------------- /verl/workers/actor/megatron_actor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/actor/megatron_actor.py -------------------------------------------------------------------------------- /verl/workers/agent/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/agent/__init__.py -------------------------------------------------------------------------------- /verl/workers/agent/agent.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/agent/agent.py -------------------------------------------------------------------------------- /verl/workers/agent/api_agent.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/agent/api_agent.py -------------------------------------------------------------------------------- /verl/workers/agent/qwen_tools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/agent/qwen_tools.py -------------------------------------------------------------------------------- /verl/workers/critic/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/critic/__init__.py -------------------------------------------------------------------------------- /verl/workers/critic/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/critic/base.py -------------------------------------------------------------------------------- /verl/workers/critic/dp_critic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/critic/dp_critic.py -------------------------------------------------------------------------------- /verl/workers/critic/megatron_critic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/critic/megatron_critic.py -------------------------------------------------------------------------------- /verl/workers/fsdp_workers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/fsdp_workers.py -------------------------------------------------------------------------------- /verl/workers/megatron_workers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/megatron_workers.py -------------------------------------------------------------------------------- /verl/workers/reward_manager/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/reward_manager/__init__.py -------------------------------------------------------------------------------- /verl/workers/reward_manager/batch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/reward_manager/batch.py -------------------------------------------------------------------------------- /verl/workers/reward_manager/dapo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/reward_manager/dapo.py -------------------------------------------------------------------------------- /verl/workers/reward_manager/naive.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/reward_manager/naive.py -------------------------------------------------------------------------------- /verl/workers/reward_manager/prime.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/reward_manager/prime.py -------------------------------------------------------------------------------- /verl/workers/reward_model/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/reward_model/__init__.py -------------------------------------------------------------------------------- /verl/workers/reward_model/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/reward_model/base.py -------------------------------------------------------------------------------- /verl/workers/reward_model/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/reward_model/megatron/__init__.py -------------------------------------------------------------------------------- /verl/workers/reward_model/megatron/reward_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/reward_model/megatron/reward_model.py -------------------------------------------------------------------------------- /verl/workers/rollout/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/rollout/__init__.py -------------------------------------------------------------------------------- /verl/workers/rollout/async_server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/rollout/async_server.py -------------------------------------------------------------------------------- /verl/workers/rollout/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/rollout/base.py -------------------------------------------------------------------------------- /verl/workers/rollout/hf_rollout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/rollout/hf_rollout.py -------------------------------------------------------------------------------- /verl/workers/rollout/naive/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/rollout/naive/__init__.py -------------------------------------------------------------------------------- /verl/workers/rollout/naive/naive_rollout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/rollout/naive/naive_rollout.py -------------------------------------------------------------------------------- /verl/workers/rollout/schemas.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/rollout/schemas.py -------------------------------------------------------------------------------- /verl/workers/rollout/sglang_rollout/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/rollout/sglang_rollout/__init__.py -------------------------------------------------------------------------------- /verl/workers/rollout/sglang_rollout/async_sglang_rollout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/rollout/sglang_rollout/async_sglang_rollout.py -------------------------------------------------------------------------------- /verl/workers/rollout/sglang_rollout/sglang_rollout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/rollout/sglang_rollout/sglang_rollout.py -------------------------------------------------------------------------------- /verl/workers/rollout/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/rollout/tokenizer.py -------------------------------------------------------------------------------- /verl/workers/rollout/vllm_rollout/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/rollout/vllm_rollout/__init__.py -------------------------------------------------------------------------------- /verl/workers/rollout/vllm_rollout/fire_vllm_rollout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/rollout/vllm_rollout/fire_vllm_rollout.py -------------------------------------------------------------------------------- /verl/workers/rollout/vllm_rollout/vllm_async_server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/rollout/vllm_rollout/vllm_async_server.py -------------------------------------------------------------------------------- /verl/workers/rollout/vllm_rollout/vllm_rollout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/rollout/vllm_rollout/vllm_rollout.py -------------------------------------------------------------------------------- /verl/workers/rollout/vllm_rollout/vllm_rollout_spmd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/rollout/vllm_rollout/vllm_rollout_spmd.py -------------------------------------------------------------------------------- /verl/workers/sharding_manager/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/sharding_manager/__init__.py -------------------------------------------------------------------------------- /verl/workers/sharding_manager/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/sharding_manager/base.py -------------------------------------------------------------------------------- /verl/workers/sharding_manager/fsdp_sglang.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/sharding_manager/fsdp_sglang.py -------------------------------------------------------------------------------- /verl/workers/sharding_manager/fsdp_ulysses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/sharding_manager/fsdp_ulysses.py -------------------------------------------------------------------------------- /verl/workers/sharding_manager/fsdp_vllm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/sharding_manager/fsdp_vllm.py -------------------------------------------------------------------------------- /verl/workers/sharding_manager/megatron_vllm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/ls-kelvin/REVPT/HEAD/verl/workers/sharding_manager/megatron_vllm.py --------------------------------------------------------------------------------