├── .gitignore ├── README.md ├── assets ├── innovations.jpg ├── main_results.jpg ├── more_metrics.jpg └── radar_plot.jpg ├── cmd ├── eval.sh └── train.sh ├── demo.py ├── docs ├── index.html └── static │ ├── css │ ├── bulma-carousel.min.css │ ├── bulma-slider.min.css │ ├── bulma.css.map.txt │ ├── bulma.min.css │ ├── fontawesome.all.min.css │ └── index.css │ ├── images │ ├── ablation.jpg │ ├── grpo.jpg │ ├── innovations.jpg │ ├── main_results.jpg │ ├── radar_plot.jpg │ ├── refine_behavior.jpg │ ├── search_behavior.jpg │ └── top_k.png │ └── js │ ├── bulma-carousel.js │ ├── bulma-carousel.min.js │ ├── bulma-slider.js │ ├── bulma-slider.min.js │ ├── fontawesome.all.min.js │ └── index.js ├── infer.py ├── preprocess ├── data_process │ ├── qa_search_test_merge.py │ ├── qa_search_train_merge.py │ └── utils.py ├── download.py └── scripts │ └── data_process.sh ├── pyproject.toml ├── requirements.txt ├── retrieval_launch.sh ├── search_r1 ├── __init__.py ├── llm_agent │ ├── __init__.py │ ├── generation.py │ └── tensor_helper.py └── search │ ├── build_index.sh │ ├── index_builder.py │ ├── retrieval.py │ ├── retrieval.sh │ ├── retrieval_request.py │ └── retrieval_server.py ├── setup.py └── verl ├── __init__.py ├── models ├── README.md ├── __init__.py ├── llama │ ├── __init__.py │ └── megatron │ │ ├── __init__.py │ │ ├── checkpoint_utils │ │ ├── __init__.py │ │ ├── llama_loader.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 ├── registry.py ├── transformers │ ├── __init__.py │ ├── llama.py │ ├── monkey_patch.py │ └── qwen2.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 └── version │ └── version ├── third_party ├── __init__.py └── vllm │ ├── __init__.py │ ├── vllm_v_0_3_1 │ ├── __init__.py │ ├── arg_utils.py │ ├── config.py │ ├── llm.py │ ├── llm_engine_sp.py │ ├── model_loader.py │ ├── model_runner.py │ ├── parallel_state.py │ ├── tokenizer.py │ ├── weight_loaders.py │ └── worker.py │ ├── vllm_v_0_4_2 │ ├── __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_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 ├── trainer ├── __init__.py ├── config │ ├── evaluation.yaml │ ├── generation.yaml │ ├── grpo_trainer.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 │ ├── ray_dapo_trainer.py │ └── ray_trainer.py └── runtime_env.yaml ├── utils ├── __init__.py ├── config.py ├── dataset │ ├── README.md │ ├── __init__.py │ ├── rl_dataset.py │ └── rm_dataset.py ├── debug │ ├── __init__.py │ ├── performance.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 │ ├── optimizer_config.py │ ├── pipeline_parallel.py │ ├── sequence_parallel.py │ └── tensor_parallel.py ├── megatron_utils.py ├── memory_buffer.py ├── model.py ├── py_functional.py ├── ray_utils.py ├── rendezvous │ ├── __init__.py │ └── ray_backend.py ├── reward_score │ ├── __init__.py │ ├── countdown.py │ ├── gsm8k.py │ ├── math.py │ ├── multiply.py │ └── qa_em.py ├── seqlen_balancing.py ├── tokenizer.py ├── torch_dtypes.py ├── torch_functional.py ├── tracking.py └── ulysses.py ├── version └── version └── workers ├── __init__.py ├── actor ├── __init__.py ├── base.py ├── dp_actor.py └── megatron_actor.py ├── critic ├── __init__.py ├── base.py ├── dp_critic.py └── megatron_critic.py ├── fsdp_workers.py ├── megatron_workers.py ├── retriever_workers.py ├── reward_model ├── __init__.py ├── base.py └── megatron │ ├── __init__.py │ └── reward_model.py ├── rollout ├── __init__.py ├── base.py ├── hf_rollout.py ├── naive │ ├── __init__.py │ └── naive_rollout.py ├── tokenizer.py └── vllm_rollout │ ├── __init__.py │ └── vllm_rollout.py └── sharding_manager ├── __init__.py ├── base.py ├── fsdp_ulysses.py ├── fsdp_vllm.py └── megatron_vllm.py /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/.gitignore -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/README.md -------------------------------------------------------------------------------- /assets/innovations.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/assets/innovations.jpg -------------------------------------------------------------------------------- /assets/main_results.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/assets/main_results.jpg -------------------------------------------------------------------------------- /assets/more_metrics.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/assets/more_metrics.jpg -------------------------------------------------------------------------------- /assets/radar_plot.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/assets/radar_plot.jpg -------------------------------------------------------------------------------- /cmd/eval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/cmd/eval.sh -------------------------------------------------------------------------------- /cmd/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/cmd/train.sh -------------------------------------------------------------------------------- /demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/demo.py -------------------------------------------------------------------------------- /docs/index.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/docs/index.html -------------------------------------------------------------------------------- /docs/static/css/bulma-carousel.min.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/docs/static/css/bulma-carousel.min.css -------------------------------------------------------------------------------- /docs/static/css/bulma-slider.min.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/docs/static/css/bulma-slider.min.css -------------------------------------------------------------------------------- /docs/static/css/bulma.css.map.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/docs/static/css/bulma.css.map.txt -------------------------------------------------------------------------------- /docs/static/css/bulma.min.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/docs/static/css/bulma.min.css -------------------------------------------------------------------------------- /docs/static/css/fontawesome.all.min.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/docs/static/css/fontawesome.all.min.css -------------------------------------------------------------------------------- /docs/static/css/index.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/docs/static/css/index.css -------------------------------------------------------------------------------- /docs/static/images/ablation.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/docs/static/images/ablation.jpg -------------------------------------------------------------------------------- /docs/static/images/grpo.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/docs/static/images/grpo.jpg -------------------------------------------------------------------------------- /docs/static/images/innovations.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/docs/static/images/innovations.jpg -------------------------------------------------------------------------------- /docs/static/images/main_results.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/docs/static/images/main_results.jpg -------------------------------------------------------------------------------- /docs/static/images/radar_plot.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/docs/static/images/radar_plot.jpg -------------------------------------------------------------------------------- /docs/static/images/refine_behavior.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/docs/static/images/refine_behavior.jpg -------------------------------------------------------------------------------- /docs/static/images/search_behavior.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/docs/static/images/search_behavior.jpg -------------------------------------------------------------------------------- /docs/static/images/top_k.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/docs/static/images/top_k.png -------------------------------------------------------------------------------- /docs/static/js/bulma-carousel.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/docs/static/js/bulma-carousel.js -------------------------------------------------------------------------------- /docs/static/js/bulma-carousel.min.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/docs/static/js/bulma-carousel.min.js -------------------------------------------------------------------------------- /docs/static/js/bulma-slider.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/docs/static/js/bulma-slider.js -------------------------------------------------------------------------------- /docs/static/js/bulma-slider.min.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/docs/static/js/bulma-slider.min.js -------------------------------------------------------------------------------- /docs/static/js/fontawesome.all.min.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/docs/static/js/fontawesome.all.min.js -------------------------------------------------------------------------------- /docs/static/js/index.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/docs/static/js/index.js -------------------------------------------------------------------------------- /infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/infer.py -------------------------------------------------------------------------------- /preprocess/data_process/qa_search_test_merge.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/preprocess/data_process/qa_search_test_merge.py -------------------------------------------------------------------------------- /preprocess/data_process/qa_search_train_merge.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/preprocess/data_process/qa_search_train_merge.py -------------------------------------------------------------------------------- /preprocess/data_process/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/preprocess/data_process/utils.py -------------------------------------------------------------------------------- /preprocess/download.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/preprocess/download.py -------------------------------------------------------------------------------- /preprocess/scripts/data_process.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/preprocess/scripts/data_process.sh -------------------------------------------------------------------------------- /pyproject.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/pyproject.toml -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/requirements.txt -------------------------------------------------------------------------------- /retrieval_launch.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/retrieval_launch.sh -------------------------------------------------------------------------------- /search_r1/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /search_r1/llm_agent/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /search_r1/llm_agent/generation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/search_r1/llm_agent/generation.py -------------------------------------------------------------------------------- /search_r1/llm_agent/tensor_helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/search_r1/llm_agent/tensor_helper.py -------------------------------------------------------------------------------- /search_r1/search/build_index.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/search_r1/search/build_index.sh -------------------------------------------------------------------------------- /search_r1/search/index_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/search_r1/search/index_builder.py -------------------------------------------------------------------------------- /search_r1/search/retrieval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/search_r1/search/retrieval.py -------------------------------------------------------------------------------- /search_r1/search/retrieval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/search_r1/search/retrieval.sh -------------------------------------------------------------------------------- /search_r1/search/retrieval_request.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/search_r1/search/retrieval_request.py -------------------------------------------------------------------------------- /search_r1/search/retrieval_server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/search_r1/search/retrieval_server.py -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/setup.py -------------------------------------------------------------------------------- /verl/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/__init__.py -------------------------------------------------------------------------------- /verl/models/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/models/README.md -------------------------------------------------------------------------------- /verl/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/models/__init__.py -------------------------------------------------------------------------------- /verl/models/llama/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/models/llama/__init__.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/models/llama/megatron/__init__.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/checkpoint_utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/models/llama/megatron/checkpoint_utils/__init__.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/checkpoint_utils/llama_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/models/llama/megatron/checkpoint_utils/llama_loader.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/checkpoint_utils/llama_saver.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/models/llama/megatron/checkpoint_utils/llama_saver.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/layers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/models/llama/megatron/layers/__init__.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/layers/parallel_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/models/llama/megatron/layers/parallel_attention.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/layers/parallel_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/models/llama/megatron/layers/parallel_decoder.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/layers/parallel_linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/models/llama/megatron/layers/parallel_linear.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/layers/parallel_mlp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/models/llama/megatron/layers/parallel_mlp.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/layers/parallel_rmsnorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/models/llama/megatron/layers/parallel_rmsnorm.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/modeling_llama_megatron.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/models/llama/megatron/modeling_llama_megatron.py -------------------------------------------------------------------------------- /verl/models/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/models/registry.py -------------------------------------------------------------------------------- /verl/models/transformers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/models/transformers/__init__.py -------------------------------------------------------------------------------- /verl/models/transformers/llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/models/transformers/llama.py -------------------------------------------------------------------------------- /verl/models/transformers/monkey_patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/models/transformers/monkey_patch.py -------------------------------------------------------------------------------- /verl/models/transformers/qwen2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/models/transformers/qwen2.py -------------------------------------------------------------------------------- /verl/models/weight_loader_registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/models/weight_loader_registry.py -------------------------------------------------------------------------------- /verl/protocol.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/protocol.py -------------------------------------------------------------------------------- /verl/single_controller/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/single_controller/__init__.py -------------------------------------------------------------------------------- /verl/single_controller/base/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/single_controller/base/__init__.py -------------------------------------------------------------------------------- /verl/single_controller/base/decorator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/single_controller/base/decorator.py -------------------------------------------------------------------------------- /verl/single_controller/base/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/single_controller/base/megatron/__init__.py -------------------------------------------------------------------------------- /verl/single_controller/base/megatron/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/single_controller/base/megatron/worker.py -------------------------------------------------------------------------------- /verl/single_controller/base/megatron/worker_group.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/single_controller/base/megatron/worker_group.py -------------------------------------------------------------------------------- /verl/single_controller/base/register_center/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/single_controller/base/register_center/__init__.py -------------------------------------------------------------------------------- /verl/single_controller/base/register_center/ray.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/single_controller/base/register_center/ray.py -------------------------------------------------------------------------------- /verl/single_controller/base/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/single_controller/base/worker.py -------------------------------------------------------------------------------- /verl/single_controller/base/worker_group.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/single_controller/base/worker_group.py -------------------------------------------------------------------------------- /verl/single_controller/ray/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/single_controller/ray/__init__.py -------------------------------------------------------------------------------- /verl/single_controller/ray/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/single_controller/ray/base.py -------------------------------------------------------------------------------- /verl/single_controller/ray/megatron.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/single_controller/ray/megatron.py -------------------------------------------------------------------------------- /verl/single_controller/version/version: -------------------------------------------------------------------------------- 1 | 0.0.2 -------------------------------------------------------------------------------- /verl/third_party/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/third_party/__init__.py -------------------------------------------------------------------------------- /verl/third_party/vllm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/third_party/vllm/__init__.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_3_1/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/third_party/vllm/vllm_v_0_3_1/__init__.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_3_1/arg_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/third_party/vllm/vllm_v_0_3_1/arg_utils.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_3_1/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/third_party/vllm/vllm_v_0_3_1/config.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_3_1/llm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/third_party/vllm/vllm_v_0_3_1/llm.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_3_1/llm_engine_sp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/third_party/vllm/vllm_v_0_3_1/llm_engine_sp.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_3_1/model_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/third_party/vllm/vllm_v_0_3_1/model_loader.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_3_1/model_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/third_party/vllm/vllm_v_0_3_1/model_runner.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_3_1/parallel_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/third_party/vllm/vllm_v_0_3_1/parallel_state.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_3_1/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/third_party/vllm/vllm_v_0_3_1/tokenizer.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_3_1/weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/third_party/vllm/vllm_v_0_3_1/weight_loaders.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_3_1/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/third_party/vllm/vllm_v_0_3_1/worker.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_4_2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/third_party/vllm/vllm_v_0_4_2/__init__.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_4_2/arg_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/third_party/vllm/vllm_v_0_4_2/arg_utils.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_4_2/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/third_party/vllm/vllm_v_0_4_2/config.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_4_2/dtensor_weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/third_party/vllm/vllm_v_0_4_2/dtensor_weight_loaders.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_4_2/hf_weight_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/third_party/vllm/vllm_v_0_4_2/hf_weight_loader.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_4_2/llm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/third_party/vllm/vllm_v_0_4_2/llm.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_4_2/llm_engine_sp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/third_party/vllm/vllm_v_0_4_2/llm_engine_sp.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_4_2/megatron_weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/third_party/vllm/vllm_v_0_4_2/megatron_weight_loaders.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_4_2/model_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/third_party/vllm/vllm_v_0_4_2/model_loader.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_4_2/model_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/third_party/vllm/vllm_v_0_4_2/model_runner.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_4_2/parallel_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/third_party/vllm/vllm_v_0_4_2/parallel_state.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_4_2/spmd_gpu_executor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/third_party/vllm/vllm_v_0_4_2/spmd_gpu_executor.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_4_2/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/third_party/vllm/vllm_v_0_4_2/tokenizer.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_4_2/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/third_party/vllm/vllm_v_0_4_2/worker.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_5_4/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/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/syr-cn/AutoRefine/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/syr-cn/AutoRefine/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/syr-cn/AutoRefine/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/syr-cn/AutoRefine/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/syr-cn/AutoRefine/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/syr-cn/AutoRefine/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/syr-cn/AutoRefine/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/syr-cn/AutoRefine/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/syr-cn/AutoRefine/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/syr-cn/AutoRefine/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/syr-cn/AutoRefine/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/syr-cn/AutoRefine/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/syr-cn/AutoRefine/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/syr-cn/AutoRefine/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/syr-cn/AutoRefine/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/syr-cn/AutoRefine/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/syr-cn/AutoRefine/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/syr-cn/AutoRefine/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/syr-cn/AutoRefine/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/syr-cn/AutoRefine/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/syr-cn/AutoRefine/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/syr-cn/AutoRefine/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/syr-cn/AutoRefine/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/syr-cn/AutoRefine/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/syr-cn/AutoRefine/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/syr-cn/AutoRefine/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/syr-cn/AutoRefine/HEAD/verl/third_party/vllm/vllm_v_0_6_3/worker.py -------------------------------------------------------------------------------- /verl/trainer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/trainer/__init__.py -------------------------------------------------------------------------------- /verl/trainer/config/evaluation.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/trainer/config/evaluation.yaml -------------------------------------------------------------------------------- /verl/trainer/config/generation.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/trainer/config/generation.yaml -------------------------------------------------------------------------------- /verl/trainer/config/grpo_trainer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/trainer/config/grpo_trainer.yaml -------------------------------------------------------------------------------- /verl/trainer/config/ppo_megatron_trainer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/trainer/config/ppo_megatron_trainer.yaml -------------------------------------------------------------------------------- /verl/trainer/config/ppo_trainer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/trainer/config/ppo_trainer.yaml -------------------------------------------------------------------------------- /verl/trainer/config/sft_trainer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/trainer/config/sft_trainer.yaml -------------------------------------------------------------------------------- /verl/trainer/fsdp_sft_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/trainer/fsdp_sft_trainer.py -------------------------------------------------------------------------------- /verl/trainer/main_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/trainer/main_eval.py -------------------------------------------------------------------------------- /verl/trainer/main_generation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/trainer/main_generation.py -------------------------------------------------------------------------------- /verl/trainer/main_ppo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/trainer/main_ppo.py -------------------------------------------------------------------------------- /verl/trainer/ppo/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/trainer/ppo/__init__.py -------------------------------------------------------------------------------- /verl/trainer/ppo/core_algos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/trainer/ppo/core_algos.py -------------------------------------------------------------------------------- /verl/trainer/ppo/ray_dapo_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/trainer/ppo/ray_dapo_trainer.py -------------------------------------------------------------------------------- /verl/trainer/ppo/ray_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/trainer/ppo/ray_trainer.py -------------------------------------------------------------------------------- /verl/trainer/runtime_env.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/trainer/runtime_env.yaml -------------------------------------------------------------------------------- /verl/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/__init__.py -------------------------------------------------------------------------------- /verl/utils/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/config.py -------------------------------------------------------------------------------- /verl/utils/dataset/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/dataset/README.md -------------------------------------------------------------------------------- /verl/utils/dataset/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/dataset/__init__.py -------------------------------------------------------------------------------- /verl/utils/dataset/rl_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/dataset/rl_dataset.py -------------------------------------------------------------------------------- /verl/utils/dataset/rm_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/dataset/rm_dataset.py -------------------------------------------------------------------------------- /verl/utils/debug/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/debug/__init__.py -------------------------------------------------------------------------------- /verl/utils/debug/performance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/debug/performance.py -------------------------------------------------------------------------------- /verl/utils/debug/trajectory_tracker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/debug/trajectory_tracker.py -------------------------------------------------------------------------------- /verl/utils/distributed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/distributed.py -------------------------------------------------------------------------------- /verl/utils/flops_counter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/flops_counter.py -------------------------------------------------------------------------------- /verl/utils/fs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/fs.py -------------------------------------------------------------------------------- /verl/utils/fsdp_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/fsdp_utils.py -------------------------------------------------------------------------------- /verl/utils/hdfs_io.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/hdfs_io.py -------------------------------------------------------------------------------- /verl/utils/import_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/import_utils.py -------------------------------------------------------------------------------- /verl/utils/logger/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/logger/__init__.py -------------------------------------------------------------------------------- /verl/utils/logger/aggregate_logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/logger/aggregate_logger.py -------------------------------------------------------------------------------- /verl/utils/logging_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/logging_utils.py -------------------------------------------------------------------------------- /verl/utils/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/megatron/__init__.py -------------------------------------------------------------------------------- /verl/utils/megatron/memory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/megatron/memory.py -------------------------------------------------------------------------------- /verl/utils/megatron/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/megatron/optimizer.py -------------------------------------------------------------------------------- /verl/utils/megatron/optimizer_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/megatron/optimizer_config.py -------------------------------------------------------------------------------- /verl/utils/megatron/pipeline_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/megatron/pipeline_parallel.py -------------------------------------------------------------------------------- /verl/utils/megatron/sequence_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/megatron/sequence_parallel.py -------------------------------------------------------------------------------- /verl/utils/megatron/tensor_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/megatron/tensor_parallel.py -------------------------------------------------------------------------------- /verl/utils/megatron_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/megatron_utils.py -------------------------------------------------------------------------------- /verl/utils/memory_buffer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/memory_buffer.py -------------------------------------------------------------------------------- /verl/utils/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/model.py -------------------------------------------------------------------------------- /verl/utils/py_functional.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/py_functional.py -------------------------------------------------------------------------------- /verl/utils/ray_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/ray_utils.py -------------------------------------------------------------------------------- /verl/utils/rendezvous/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/rendezvous/__init__.py -------------------------------------------------------------------------------- /verl/utils/rendezvous/ray_backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/rendezvous/ray_backend.py -------------------------------------------------------------------------------- /verl/utils/reward_score/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/reward_score/__init__.py -------------------------------------------------------------------------------- /verl/utils/reward_score/countdown.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/reward_score/countdown.py -------------------------------------------------------------------------------- /verl/utils/reward_score/gsm8k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/reward_score/gsm8k.py -------------------------------------------------------------------------------- /verl/utils/reward_score/math.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/reward_score/math.py -------------------------------------------------------------------------------- /verl/utils/reward_score/multiply.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/reward_score/multiply.py -------------------------------------------------------------------------------- /verl/utils/reward_score/qa_em.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/reward_score/qa_em.py -------------------------------------------------------------------------------- /verl/utils/seqlen_balancing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/seqlen_balancing.py -------------------------------------------------------------------------------- /verl/utils/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/tokenizer.py -------------------------------------------------------------------------------- /verl/utils/torch_dtypes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/torch_dtypes.py -------------------------------------------------------------------------------- /verl/utils/torch_functional.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/torch_functional.py -------------------------------------------------------------------------------- /verl/utils/tracking.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/tracking.py -------------------------------------------------------------------------------- /verl/utils/ulysses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/utils/ulysses.py -------------------------------------------------------------------------------- /verl/version/version: -------------------------------------------------------------------------------- 1 | 0.1 -------------------------------------------------------------------------------- /verl/workers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/workers/__init__.py -------------------------------------------------------------------------------- /verl/workers/actor/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/workers/actor/__init__.py -------------------------------------------------------------------------------- /verl/workers/actor/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/workers/actor/base.py -------------------------------------------------------------------------------- /verl/workers/actor/dp_actor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/workers/actor/dp_actor.py -------------------------------------------------------------------------------- /verl/workers/actor/megatron_actor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/workers/actor/megatron_actor.py -------------------------------------------------------------------------------- /verl/workers/critic/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/workers/critic/__init__.py -------------------------------------------------------------------------------- /verl/workers/critic/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/workers/critic/base.py -------------------------------------------------------------------------------- /verl/workers/critic/dp_critic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/workers/critic/dp_critic.py -------------------------------------------------------------------------------- /verl/workers/critic/megatron_critic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/workers/critic/megatron_critic.py -------------------------------------------------------------------------------- /verl/workers/fsdp_workers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/workers/fsdp_workers.py -------------------------------------------------------------------------------- /verl/workers/megatron_workers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/workers/megatron_workers.py -------------------------------------------------------------------------------- /verl/workers/retriever_workers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/workers/retriever_workers.py -------------------------------------------------------------------------------- /verl/workers/reward_model/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/workers/reward_model/__init__.py -------------------------------------------------------------------------------- /verl/workers/reward_model/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/workers/reward_model/base.py -------------------------------------------------------------------------------- /verl/workers/reward_model/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/workers/reward_model/megatron/__init__.py -------------------------------------------------------------------------------- /verl/workers/reward_model/megatron/reward_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/workers/reward_model/megatron/reward_model.py -------------------------------------------------------------------------------- /verl/workers/rollout/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/workers/rollout/__init__.py -------------------------------------------------------------------------------- /verl/workers/rollout/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/workers/rollout/base.py -------------------------------------------------------------------------------- /verl/workers/rollout/hf_rollout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/workers/rollout/hf_rollout.py -------------------------------------------------------------------------------- /verl/workers/rollout/naive/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/workers/rollout/naive/__init__.py -------------------------------------------------------------------------------- /verl/workers/rollout/naive/naive_rollout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/workers/rollout/naive/naive_rollout.py -------------------------------------------------------------------------------- /verl/workers/rollout/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/workers/rollout/tokenizer.py -------------------------------------------------------------------------------- /verl/workers/rollout/vllm_rollout/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/workers/rollout/vllm_rollout/__init__.py -------------------------------------------------------------------------------- /verl/workers/rollout/vllm_rollout/vllm_rollout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/workers/rollout/vllm_rollout/vllm_rollout.py -------------------------------------------------------------------------------- /verl/workers/sharding_manager/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/workers/sharding_manager/__init__.py -------------------------------------------------------------------------------- /verl/workers/sharding_manager/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/workers/sharding_manager/base.py -------------------------------------------------------------------------------- /verl/workers/sharding_manager/fsdp_ulysses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/workers/sharding_manager/fsdp_ulysses.py -------------------------------------------------------------------------------- /verl/workers/sharding_manager/fsdp_vllm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/workers/sharding_manager/fsdp_vllm.py -------------------------------------------------------------------------------- /verl/workers/sharding_manager/megatron_vllm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/syr-cn/AutoRefine/HEAD/verl/workers/sharding_manager/megatron_vllm.py --------------------------------------------------------------------------------