├── README.md ├── data ├── MATH-AIME-Evaluation.jsonl └── MATH_12k.parquet ├── datasets ├── Qwen2.5-32B-examples.jsonl ├── Qwen2.5-3B-examples.jsonl ├── Qwen2.5-7B-Math-examples.jsonl └── Qwen2.5-7B-examples.jsonl ├── docs └── static │ └── images │ ├── icon.png │ ├── method.png │ ├── teaser.png │ └── weakness_identification.png ├── eval └── math_evaluation.py ├── prompts ├── categoty_classification.txt ├── concept_extraction.txt ├── question_answering.txt ├── question_generation.txt └── synthetic_question_evaluation.txt ├── record ├── fail_ratio_by_category.json └── failure_cases.jsonl ├── requirements.txt ├── scripts ├── evaluation.sh ├── qwen25_7b_augment_training.sh ├── qwen25_7b_weakness_identification.sh └── synthesis │ ├── step1_concepts_extraction.sh │ ├── step2_concepts_encoding.sh │ ├── step3_concepts_sampling.sh │ ├── step4_problem_generation.sh │ ├── step5_quality_evaluation.sh │ └── step6_answer_verification.sh ├── src ├── __pycache__ │ └── data_synthesis.cpython-310.pyc ├── combine_concepts_samplings.py ├── concept_encoding.py ├── concept_sampling.py ├── data_synthesis.py ├── evaluation.py ├── extract_concepts.py ├── filter_question_with_judgement.py ├── get_answer_consistency.py ├── problem_filtering.py ├── problem_generation.py └── rejection_sampling_reward.py ├── tests ├── README.md ├── __init__.py ├── experimental │ └── agent_loop │ │ ├── agent_utils.py │ │ ├── qwen_vl_tool_chat_template.jinja2 │ │ ├── test_agent_loop_reward.py │ │ ├── test_basic_agent_loop.py │ │ └── test_multi_modal.py ├── interactions │ ├── __init__.py │ ├── test_gsm8k_interaction.py │ └── test_interaction_registry.py ├── kill_github_tests.sh ├── models │ ├── test_megatron_engine.py │ ├── test_transformer.py │ └── test_transformers_ulysses.py ├── single_controller │ ├── __init__.py │ ├── base │ │ └── test_decorator.py │ ├── check_worker_alive │ │ └── main.py │ ├── detached_worker │ │ ├── README.md │ │ ├── client.py │ │ ├── run.sh │ │ └── server.py │ ├── test_auto_padding_on_cpu.py │ ├── test_colocated_workers.py │ ├── test_colocated_workers_fused.py │ ├── test_data_transfer.py │ ├── test_decorator_on_cpu.py │ ├── test_device_mesh_register.py │ ├── test_driverfunc_to_worker.py │ ├── test_fused_workers_on_cpu.py │ ├── test_high_level_scheduling_api.py │ ├── test_nested_worker.py │ ├── test_ray_collectives.py │ ├── test_ray_local_envs_on_cpu.py │ ├── test_ray_utils_on_cpu.py │ ├── test_rvdz.py │ ├── test_worker_group_basics.py │ └── test_worker_group_torch.py ├── special_distributed │ ├── README.md │ ├── run_all.sh │ ├── test_fsdp_ckpt.py │ ├── test_mcore_config_converter.py │ └── test_tensor_dict.py ├── special_e2e │ ├── README.md │ ├── __init__.py │ ├── check_custom_rwd_fn.py │ ├── check_results.py │ ├── envs │ │ ├── __init__.py │ │ └── digit_completion │ │ │ ├── __init__.py │ │ │ ├── task.py │ │ │ └── tokenizer.py │ ├── generation │ │ └── run_gen_qwen05.sh │ ├── ppo_trainer │ │ ├── expert_parallel │ │ │ └── qwen2moe_minimal.json │ │ ├── run_function_reward.sh │ │ ├── run_model_reward.sh │ │ ├── run_single_gpu.sh │ │ └── run_single_gpu_with_engine.sh │ ├── run_dapo.sh │ ├── run_genrm_remote.sh │ ├── run_geo3k_fsdp_sgl_multiturn_w_tool.sh │ ├── run_grpo_lora_with_merge.sh │ ├── run_gsm8k_fsdp_sgl_multiturn_sf_tool.sh │ ├── run_gsm8k_fsdp_sgl_multiturn_w_tool.sh │ ├── run_one_step_off_policy.sh │ ├── run_ppo_trainer_megatron.sh │ ├── run_prime.sh │ ├── run_r1_distill_qwen_aime24_eval.sh │ ├── run_spin.sh │ ├── run_sppo.sh │ ├── run_test.sh │ └── sft │ │ ├── run_sft.sh │ │ └── test_sp_loss_match.py ├── special_npu │ ├── run_qwen2_5_05b_dapo.sh │ ├── run_qwen2_5_05b_grpo.sh │ ├── run_qwen2_5_05b_grpo_mindspeed.sh │ ├── run_qwen2_5_05b_sft_peft_sp2.sh │ └── run_qwen2_5_vl_3b_npu.sh ├── special_sanity │ ├── check_api_docs.py │ ├── check_device_api_usage.py │ ├── check_docs_time_info.py │ ├── check_docstrings.py │ ├── check_license.py │ ├── check_pr_description.py │ ├── check_pr_title.py │ ├── test_config_docs.py │ ├── test_import.py │ ├── type_coverage_check.py │ ├── validate_imported_docs.py │ └── validate_structure.py ├── special_standalone │ ├── README.md │ └── test_memory_buffers.py ├── test_base_config_on_cpu.py ├── test_protocol_on_cpu.py ├── trainer │ ├── __init__.py │ ├── config │ │ ├── __init__.py │ │ ├── legacy_ppo_megatron_trainer.yaml │ │ ├── legacy_ppo_trainer.yaml │ │ ├── test_algo_config_on_cpu.py │ │ └── test_legacy_config_on_cpu.py │ └── ppo │ │ ├── __init__.py │ │ ├── test_core_algos_on_cpu.py │ │ └── test_metric_utils_on_cpu.py ├── utils │ ├── _test_module.py │ ├── ckpt │ │ └── test_esi_save_ckpt_on_cpu.py │ ├── dataset │ │ ├── test_create_rl_sampler_on_cpu.py │ │ ├── test_multiturn_sft_dataset_on_cpu.py │ │ ├── test_rl_collate_fn_on_cpu.py │ │ ├── test_rl_dataset_on_cpu.py │ │ └── test_sft_dataset_on_cpu.py │ ├── debug │ │ └── test_metrics.py │ ├── megatron │ │ └── test_pipeline_parallel.py │ ├── reward_score │ │ ├── reward_score │ │ │ └── test_sandbox_fusion_on_cpu.py │ │ └── test_sandbox_on_cpu.py │ ├── test_activation_offload.py │ ├── test_config_on_cpu.py │ ├── test_flops_counter.py │ ├── test_fs_on_cpu.py │ ├── test_import_utils_on_cpu.py │ ├── test_linear_cross_entropy.py │ ├── test_model_on_cpu.py │ ├── test_nvtx_profile.py │ ├── test_rollout_skip_on_cpu.py │ ├── test_rollout_trace_on_cpu.py │ ├── test_seqlen_balancing.py │ ├── test_special_linear_cross_entropy_tp.py │ ├── test_special_mstx_profile.py │ ├── test_temp_env_on_cpu.py │ ├── test_timeout_decorator_cpu.py │ └── test_torch_functional.py └── workers │ ├── actor │ └── test_special_dp_actor.py │ ├── config │ ├── test_actor_config_on_cpu.py │ ├── test_critic_config_on_cpu.py │ ├── test_engine_config_on_cpu.py │ └── test_optim_config_on_cpu.py │ ├── critic │ └── test_special_dp_critic.py │ ├── engine │ └── test_special_fsdp_engine.py │ ├── reward_manager │ └── test_registry_on_cpu.py │ ├── rollout │ ├── async_rollout_utils.py │ ├── perf │ │ └── vllm_async_rollout.py │ ├── resource │ │ └── tool_configs │ │ │ ├── mcp_server.json │ │ │ ├── mcp_tool_config │ │ │ ├── sandbox_fusion_tool_config │ │ │ └── search_tool_config │ ├── rollout_sglang │ │ └── test_http_server_engine.py │ ├── rollout_vllm │ │ ├── run_fsdp_vllm.py │ │ ├── test_vllm_model_rope_scaling.py │ │ └── test_vllm_spmd.py │ ├── test_async_sglang_server_on_cpu.py │ ├── test_hf_rollout.py │ ├── test_sglang_async_rollout_mcp_tools.py │ ├── test_sglang_async_rollout_multimodal_delta.py │ ├── test_sglang_async_rollout_search_tools.py │ ├── test_sglang_async_rollout_sf_tools.py │ ├── test_sglang_async_rollout_w_interaction.py │ ├── test_sglang_async_rollout_w_tools.py │ ├── test_sglang_multi_interaction.py │ ├── test_sglang_rollout_sharding_manager.py │ ├── test_sglang_spmd.py │ └── utils_sglang.py │ └── test_fsdp_workers.py └── verl ├── __init__.py ├── __pycache__ ├── __init__.cpython-310.pyc ├── __init__.cpython-312.pyc ├── base_config.cpython-310.pyc ├── base_config.cpython-312.pyc ├── protocol.cpython-310.pyc └── protocol.cpython-312.pyc ├── base_config.py ├── experimental ├── __init__.py ├── __pycache__ │ ├── __init__.cpython-310.pyc │ └── __init__.cpython-312.pyc ├── agent_loop │ ├── __init__.py │ ├── agent_loop.py │ ├── single_turn_agent_loop.py │ ├── tool_agent_loop.py │ └── tool_parser.py ├── dataset │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ ├── __init__.cpython-312.pyc │ │ ├── sampler.cpython-310.pyc │ │ └── sampler.cpython-312.pyc │ └── sampler.py └── dynamic_dataset │ ├── __init__.py │ └── dynamicgen_dataset.py ├── interactions ├── __init__.py ├── base.py ├── gsm8k_interaction.py └── utils │ ├── __init__.py │ └── interaction_registry.py ├── model_merger ├── __init__.py ├── __main__.py ├── base_model_merger.py ├── fsdp_model_merger.py └── megatron_model_merger.py ├── models ├── README.md ├── __init__.py ├── __pycache__ │ ├── __init__.cpython-310.pyc │ ├── __init__.cpython-312.pyc │ ├── registry.cpython-310.pyc │ └── registry.cpython-312.pyc ├── 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 │ ├── mbridge.py │ ├── model_forward.py │ ├── model_forward_fused.py │ ├── model_initializer.py │ ├── patch_v012.py │ ├── qwen2_5_vl │ │ ├── __init__.py │ │ ├── attention.py │ │ ├── model.py │ │ ├── rope_utils.py │ │ ├── vision_config.py │ │ ├── vision_model.py │ │ └── vision_transformer_block.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 │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ ├── __init__.cpython-312.pyc │ │ ├── monkey_patch.cpython-310.pyc │ │ └── monkey_patch.cpython-312.pyc │ ├── dense_common.py │ ├── kimi_vl.py │ ├── llama.py │ ├── monkey_patch.py │ ├── npu_patch.py │ ├── qwen2.py │ ├── qwen2_5_vl.py │ └── qwen2_vl.py └── weight_loader_registry.py ├── protocol.py ├── py.typed ├── single_controller ├── __init__.py ├── __pycache__ │ ├── __init__.cpython-310.pyc │ └── __init__.cpython-312.pyc ├── base │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ ├── __init__.cpython-312.pyc │ │ ├── decorator.cpython-310.pyc │ │ ├── decorator.cpython-312.pyc │ │ ├── worker.cpython-310.pyc │ │ ├── worker.cpython-312.pyc │ │ ├── worker_group.cpython-310.pyc │ │ └── worker_group.cpython-312.pyc │ ├── decorator.py │ ├── worker.py │ └── worker_group.py └── ray │ ├── __init__.py │ ├── __pycache__ │ ├── __init__.cpython-310.pyc │ ├── __init__.cpython-312.pyc │ ├── base.cpython-310.pyc │ └── base.cpython-312.pyc │ └── base.py ├── third_party ├── __init__.py ├── __pycache__ │ └── __init__.cpython-310.pyc ├── sglang │ ├── __init__.py │ └── parallel_state.py ├── torch │ ├── __init__.py │ └── distributed │ │ ├── __init__.py │ │ ├── _state_dict_utils.py │ │ └── checkpoint │ │ ├── __init__.py │ │ └── state_dict.py └── vllm │ ├── __init__.py │ └── __pycache__ │ └── __init__.cpython-310.pyc ├── tools ├── __init__.py ├── base_tool.py ├── geo3k_tool.py ├── gsm8k_tool.py ├── image_zoom_in_tool.py ├── mcp_base_tool.py ├── mcp_search_tool.py ├── sandbox_fusion_tools.py ├── schemas.py ├── search_tool.py └── utils │ ├── __init__.py │ ├── mcp_clients │ ├── McpClientManager.py │ └── utils.py │ ├── search_r1_like_utils.py │ └── tool_registry.py ├── trainer ├── __init__.py ├── __pycache__ │ ├── __init__.cpython-310.pyc │ ├── __init__.cpython-312.pyc │ ├── constants_ppo.cpython-310.pyc │ ├── constants_ppo.cpython-312.pyc │ ├── main_ppo.cpython-310.pyc │ ├── main_ppo.cpython-312.pyc │ ├── main_ppo_debug.cpython-310.pyc │ └── main_ppo_debug.cpython-312.pyc ├── config │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ ├── __init__.cpython-312.pyc │ │ ├── algorithm.cpython-310.pyc │ │ ├── algorithm.cpython-312.pyc │ │ ├── config.cpython-310.pyc │ │ └── config.cpython-312.pyc │ ├── _generated_ppo_megatron_trainer.yaml │ ├── _generated_ppo_trainer.yaml │ ├── actor │ │ ├── actor.yaml │ │ ├── dp_actor.yaml │ │ └── megatron_actor.yaml │ ├── algorithm.py │ ├── config.py │ ├── critic │ │ ├── critic.yaml │ │ ├── dp_critic.yaml │ │ └── megatron_critic.yaml │ ├── data │ │ └── legacy_data.yaml │ ├── evaluation.yaml │ ├── generation.yaml │ ├── npu_profile │ │ └── npu_profile.yaml │ ├── ppo_megatron_trainer.yaml │ ├── ppo_trainer.yaml │ ├── ref │ │ ├── dp_ref.yaml │ │ ├── megatron_ref.yaml │ │ └── ref.yaml │ ├── reward_model │ │ ├── dp_reward_model.yaml │ │ ├── megatron_reward_model.yaml │ │ └── reward_model.yaml │ ├── rollout │ │ └── rollout.yaml │ └── sft_trainer.yaml ├── constants_ppo.py ├── fsdp_sft_trainer.py ├── main_eval.py ├── main_generation.py ├── main_ppo.py ├── ppo │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ ├── __init__.cpython-312.pyc │ │ ├── core_algos.cpython-310.pyc │ │ ├── core_algos.cpython-312.pyc │ │ ├── metric_utils.cpython-310.pyc │ │ ├── metric_utils.cpython-312.pyc │ │ ├── ray_trainer.cpython-310.pyc │ │ ├── ray_trainer.cpython-312.pyc │ │ ├── reward.cpython-310.pyc │ │ ├── reward.cpython-312.pyc │ │ ├── utils.cpython-310.pyc │ │ └── utils.cpython-312.pyc │ ├── core_algos.py │ ├── metric_utils.py │ ├── ray_trainer.py │ ├── reward.py │ └── utils.py └── runtime_env.yaml ├── utils ├── __init__.py ├── __pycache__ │ ├── __init__.cpython-310.pyc │ ├── __init__.cpython-312.pyc │ ├── activation_offload.cpython-310.pyc │ ├── activation_offload.cpython-312.pyc │ ├── config.cpython-310.pyc │ ├── config.cpython-312.pyc │ ├── device.cpython-310.pyc │ ├── device.cpython-312.pyc │ ├── flops_counter.cpython-310.pyc │ ├── flops_counter.cpython-312.pyc │ ├── fs.cpython-310.pyc │ ├── fs.cpython-312.pyc │ ├── fsdp_utils.cpython-310.pyc │ ├── fsdp_utils.cpython-312.pyc │ ├── hdfs_io.cpython-310.pyc │ ├── hdfs_io.cpython-312.pyc │ ├── import_utils.cpython-310.pyc │ ├── import_utils.cpython-312.pyc │ ├── logging_utils.cpython-310.pyc │ ├── logging_utils.cpython-312.pyc │ ├── memory_utils.cpython-310.pyc │ ├── memory_utils.cpython-312.pyc │ ├── model.cpython-310.pyc │ ├── model.cpython-312.pyc │ ├── py_functional.cpython-310.pyc │ ├── py_functional.cpython-312.pyc │ ├── ray_utils.cpython-310.pyc │ ├── ray_utils.cpython-312.pyc │ ├── rollout_skip.cpython-310.pyc │ ├── rollout_skip.cpython-312.pyc │ ├── seqlen_balancing.cpython-310.pyc │ ├── seqlen_balancing.cpython-312.pyc │ ├── tokenizer.cpython-310.pyc │ ├── tokenizer.cpython-312.pyc │ ├── torch_dtypes.cpython-310.pyc │ ├── torch_dtypes.cpython-312.pyc │ ├── torch_functional.cpython-310.pyc │ ├── torch_functional.cpython-312.pyc │ ├── tracking.cpython-310.pyc │ ├── tracking.cpython-312.pyc │ ├── ulysses.cpython-310.pyc │ └── ulysses.cpython-312.pyc ├── activation_offload.py ├── checkpoint │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ ├── __init__.cpython-312.pyc │ │ ├── checkpoint_manager.cpython-310.pyc │ │ ├── checkpoint_manager.cpython-312.pyc │ │ ├── fsdp_checkpoint_manager.cpython-310.pyc │ │ └── fsdp_checkpoint_manager.cpython-312.pyc │ ├── checkpoint_manager.py │ ├── fsdp_checkpoint_manager.py │ └── megatron_checkpoint_manager.py ├── config.py ├── dataset │ ├── README.md │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ ├── __init__.cpython-312.pyc │ │ ├── rl_dataset.cpython-310.pyc │ │ ├── rl_dataset.cpython-312.pyc │ │ ├── rm_dataset.cpython-310.pyc │ │ ├── rm_dataset.cpython-312.pyc │ │ ├── sft_dataset.cpython-310.pyc │ │ └── sft_dataset.cpython-312.pyc │ ├── multiturn_sft_dataset.py │ ├── rl_dataset.py │ ├── rm_dataset.py │ ├── sft_dataset.py │ └── vision_utils.py ├── debug │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ └── __init__.cpython-312.pyc │ ├── metrics.py │ ├── performance.py │ └── trajectory_tracker.py ├── device.py ├── distributed.py ├── experimental │ ├── __init__.py │ └── torch_functional.py ├── flops_counter.py ├── fs.py ├── fsdp_utils.py ├── hdfs_io.py ├── import_utils.py ├── kernel │ ├── __init__.py │ ├── kernels.py │ └── linear_cross_entropy.py ├── logger │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ ├── __init__.cpython-312.pyc │ │ ├── aggregate_logger.cpython-310.pyc │ │ └── aggregate_logger.cpython-312.pyc │ └── aggregate_logger.py ├── logging_utils.py ├── megatron │ ├── __init__.py │ ├── dist_checkpointing.py │ ├── memory.py │ ├── optimizer.py │ ├── pipeline_parallel.py │ ├── sequence_parallel.py │ └── tensor_parallel.py ├── megatron_utils.py ├── memory_buffer.py ├── memory_utils.py ├── metric │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ ├── __init__.cpython-312.pyc │ │ ├── utils.cpython-310.pyc │ │ └── utils.cpython-312.pyc │ └── utils.py ├── model.py ├── net_utils.py ├── profiler │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ ├── __init__.cpython-312.pyc │ │ ├── config.cpython-310.pyc │ │ ├── config.cpython-312.pyc │ │ ├── performance.cpython-310.pyc │ │ ├── performance.cpython-312.pyc │ │ ├── profile.cpython-310.pyc │ │ └── profile.cpython-312.pyc │ ├── config.py │ ├── empty_annotations.py │ ├── mstx_profile.py │ ├── nvtx_profile.py │ ├── performance.py │ └── profile.py ├── py_functional.py ├── ray_utils.py ├── rendezvous │ ├── __init__.py │ └── ray_backend.py ├── reward_score │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ ├── __init__.cpython-312.pyc │ │ ├── math.cpython-310.pyc │ │ ├── math_dapo.cpython-310.pyc │ │ └── math_verify.cpython-310.pyc │ ├── geo3k.py │ ├── gsm8k.py │ ├── math.py │ ├── math_batch.py │ ├── math_dapo.py │ ├── math_verify.py │ ├── prime_code │ │ ├── README.md │ │ ├── __init__.py │ │ ├── testing_util.py │ │ └── utils.py │ ├── prime_math │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── grader.cpython-310.pyc │ │ │ └── math_normalize.cpython-310.pyc │ │ ├── grader.py │ │ └── math_normalize.py │ ├── sandbox_fusion │ │ ├── __init__.py │ │ └── utils.py │ └── search_r1_like_qa_em.py ├── rollout_skip.py ├── rollout_trace.py ├── seqlen_balancing.py ├── tokenizer.py ├── torch_dtypes.py ├── torch_functional.py ├── tracking.py ├── transformers_compat.py ├── ulysses.py └── vllm │ ├── __init__.py │ ├── __pycache__ │ ├── __init__.cpython-310.pyc │ ├── patch.cpython-310.pyc │ └── utils.cpython-310.pyc │ ├── patch.py │ └── utils.py ├── version └── version └── workers ├── __init__.py ├── __pycache__ ├── __init__.cpython-310.pyc ├── __init__.cpython-312.pyc ├── fsdp_workers.cpython-310.pyc └── fsdp_workers.cpython-312.pyc ├── actor ├── __init__.py ├── __pycache__ │ ├── __init__.cpython-310.pyc │ ├── __init__.cpython-312.pyc │ ├── base.cpython-310.pyc │ ├── base.cpython-312.pyc │ ├── dp_actor.cpython-310.pyc │ └── dp_actor.cpython-312.pyc ├── base.py ├── dp_actor.py └── megatron_actor.py ├── config ├── __init__.py ├── __pycache__ │ ├── __init__.cpython-310.pyc │ ├── __init__.cpython-312.pyc │ ├── actor.cpython-310.pyc │ ├── actor.cpython-312.pyc │ ├── critic.cpython-310.pyc │ ├── critic.cpython-312.pyc │ ├── engine.cpython-310.pyc │ ├── engine.cpython-312.pyc │ ├── model.cpython-310.pyc │ ├── model.cpython-312.pyc │ ├── optimizer.cpython-310.pyc │ ├── optimizer.cpython-312.pyc │ ├── rollout.cpython-310.pyc │ └── rollout.cpython-312.pyc ├── actor.py ├── critic.py ├── engine.py ├── model.py ├── optimizer.py └── rollout.py ├── critic ├── __init__.py ├── base.py ├── dp_critic.py └── megatron_critic.py ├── engine ├── __init__.py ├── base.py ├── fsdp │ ├── __init__.py │ ├── engine_impl.py │ └── utils.py └── megatron │ ├── __init__.py │ ├── engine_impl.py │ └── utils.py ├── fsdp_workers.py ├── megatron_workers.py ├── reward_manager ├── __init__.py ├── __pycache__ │ ├── __init__.cpython-310.pyc │ ├── __init__.cpython-312.pyc │ ├── abstract.cpython-310.pyc │ ├── abstract.cpython-312.pyc │ ├── batch.cpython-310.pyc │ ├── batch.cpython-312.pyc │ ├── dapo.cpython-310.pyc │ ├── dapo.cpython-312.pyc │ ├── naive.cpython-310.pyc │ ├── naive.cpython-312.pyc │ ├── prime.cpython-310.pyc │ ├── prime.cpython-312.pyc │ ├── registry.cpython-310.pyc │ └── registry.cpython-312.pyc ├── abstract.py ├── batch.py ├── dapo.py ├── naive.py ├── prime.py └── registry.py ├── reward_model ├── __init__.py ├── base.py └── megatron │ ├── __init__.py │ └── reward_model.py ├── roles ├── __init__.py ├── actor.py ├── critic.py ├── hybrid_engine.py └── utils │ ├── __init__.py │ └── losses.py ├── rollout ├── __init__.py ├── __pycache__ │ ├── __init__.cpython-310.pyc │ ├── __init__.cpython-312.pyc │ ├── base.cpython-310.pyc │ ├── base.cpython-312.pyc │ ├── hf_rollout.cpython-310.pyc │ ├── hf_rollout.cpython-312.pyc │ ├── rollout_worker.cpython-310.pyc │ └── rollout_worker.cpython-312.pyc ├── async_server.py ├── base.py ├── hf_rollout.py ├── naive │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ ├── __init__.cpython-312.pyc │ │ ├── naive_rollout.cpython-310.pyc │ │ └── naive_rollout.cpython-312.pyc │ └── naive_rollout.py ├── rollout_worker.py ├── schemas.py ├── sglang_rollout │ ├── __init__.py │ ├── async_sglang_server.py │ ├── http_server_engine.py │ ├── sglang_rollout.py │ └── utils.py ├── tokenizer.py └── vllm_rollout │ ├── __init__.py │ ├── __pycache__ │ ├── __init__.cpython-310.pyc │ ├── __init__.cpython-312.pyc │ ├── vllm_rollout_spmd.cpython-310.pyc │ └── vllm_rollout_spmd.cpython-312.pyc │ ├── vllm_async_server.py │ └── vllm_rollout_spmd.py └── sharding_manager ├── __init__.py ├── __pycache__ ├── __init__.cpython-310.pyc ├── __init__.cpython-312.pyc ├── base.cpython-310.pyc ├── base.cpython-312.pyc ├── fsdp_ulysses.cpython-310.pyc ├── fsdp_ulysses.cpython-312.pyc └── fsdp_vllm.cpython-310.pyc ├── base.py ├── fsdp_sglang.py ├── fsdp_ulysses.py ├── fsdp_vllm.py ├── megatron_sglang.py └── megatron_vllm.py /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/README.md -------------------------------------------------------------------------------- /data/MATH-AIME-Evaluation.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/data/MATH-AIME-Evaluation.jsonl -------------------------------------------------------------------------------- /data/MATH_12k.parquet: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/data/MATH_12k.parquet -------------------------------------------------------------------------------- /datasets/Qwen2.5-32B-examples.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/datasets/Qwen2.5-32B-examples.jsonl -------------------------------------------------------------------------------- /datasets/Qwen2.5-3B-examples.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/datasets/Qwen2.5-3B-examples.jsonl -------------------------------------------------------------------------------- /datasets/Qwen2.5-7B-Math-examples.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/datasets/Qwen2.5-7B-Math-examples.jsonl -------------------------------------------------------------------------------- /datasets/Qwen2.5-7B-examples.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/datasets/Qwen2.5-7B-examples.jsonl -------------------------------------------------------------------------------- /docs/static/images/icon.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/docs/static/images/icon.png -------------------------------------------------------------------------------- /docs/static/images/method.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/docs/static/images/method.png -------------------------------------------------------------------------------- /docs/static/images/teaser.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/docs/static/images/teaser.png -------------------------------------------------------------------------------- /docs/static/images/weakness_identification.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/docs/static/images/weakness_identification.png -------------------------------------------------------------------------------- /eval/math_evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/eval/math_evaluation.py -------------------------------------------------------------------------------- /prompts/categoty_classification.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/prompts/categoty_classification.txt -------------------------------------------------------------------------------- /prompts/concept_extraction.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/prompts/concept_extraction.txt -------------------------------------------------------------------------------- /prompts/question_answering.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/prompts/question_answering.txt -------------------------------------------------------------------------------- /prompts/question_generation.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/prompts/question_generation.txt -------------------------------------------------------------------------------- /prompts/synthetic_question_evaluation.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/prompts/synthetic_question_evaluation.txt -------------------------------------------------------------------------------- /record/fail_ratio_by_category.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/record/fail_ratio_by_category.json -------------------------------------------------------------------------------- /record/failure_cases.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/record/failure_cases.jsonl -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/requirements.txt -------------------------------------------------------------------------------- /scripts/evaluation.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/scripts/evaluation.sh -------------------------------------------------------------------------------- /scripts/qwen25_7b_augment_training.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/scripts/qwen25_7b_augment_training.sh -------------------------------------------------------------------------------- /scripts/qwen25_7b_weakness_identification.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/scripts/qwen25_7b_weakness_identification.sh -------------------------------------------------------------------------------- /scripts/synthesis/step1_concepts_extraction.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/scripts/synthesis/step1_concepts_extraction.sh -------------------------------------------------------------------------------- /scripts/synthesis/step2_concepts_encoding.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/scripts/synthesis/step2_concepts_encoding.sh -------------------------------------------------------------------------------- /scripts/synthesis/step3_concepts_sampling.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/scripts/synthesis/step3_concepts_sampling.sh -------------------------------------------------------------------------------- /scripts/synthesis/step4_problem_generation.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/scripts/synthesis/step4_problem_generation.sh -------------------------------------------------------------------------------- /scripts/synthesis/step5_quality_evaluation.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/scripts/synthesis/step5_quality_evaluation.sh -------------------------------------------------------------------------------- /scripts/synthesis/step6_answer_verification.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/scripts/synthesis/step6_answer_verification.sh -------------------------------------------------------------------------------- /src/__pycache__/data_synthesis.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/src/__pycache__/data_synthesis.cpython-310.pyc -------------------------------------------------------------------------------- /src/combine_concepts_samplings.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/src/combine_concepts_samplings.py -------------------------------------------------------------------------------- /src/concept_encoding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/src/concept_encoding.py -------------------------------------------------------------------------------- /src/concept_sampling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/src/concept_sampling.py -------------------------------------------------------------------------------- /src/data_synthesis.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/src/data_synthesis.py -------------------------------------------------------------------------------- /src/evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/src/evaluation.py -------------------------------------------------------------------------------- /src/extract_concepts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/src/extract_concepts.py -------------------------------------------------------------------------------- /src/filter_question_with_judgement.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/src/filter_question_with_judgement.py -------------------------------------------------------------------------------- /src/get_answer_consistency.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/src/get_answer_consistency.py -------------------------------------------------------------------------------- /src/problem_filtering.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/src/problem_filtering.py -------------------------------------------------------------------------------- /src/problem_generation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/src/problem_generation.py -------------------------------------------------------------------------------- /src/rejection_sampling_reward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/src/rejection_sampling_reward.py -------------------------------------------------------------------------------- /tests/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/README.md -------------------------------------------------------------------------------- /tests/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/__init__.py -------------------------------------------------------------------------------- /tests/experimental/agent_loop/agent_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/experimental/agent_loop/agent_utils.py -------------------------------------------------------------------------------- /tests/experimental/agent_loop/qwen_vl_tool_chat_template.jinja2: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/experimental/agent_loop/qwen_vl_tool_chat_template.jinja2 -------------------------------------------------------------------------------- /tests/experimental/agent_loop/test_agent_loop_reward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/experimental/agent_loop/test_agent_loop_reward.py -------------------------------------------------------------------------------- /tests/experimental/agent_loop/test_basic_agent_loop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/experimental/agent_loop/test_basic_agent_loop.py -------------------------------------------------------------------------------- /tests/experimental/agent_loop/test_multi_modal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/experimental/agent_loop/test_multi_modal.py -------------------------------------------------------------------------------- /tests/interactions/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/interactions/__init__.py -------------------------------------------------------------------------------- /tests/interactions/test_gsm8k_interaction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/interactions/test_gsm8k_interaction.py -------------------------------------------------------------------------------- /tests/interactions/test_interaction_registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/interactions/test_interaction_registry.py -------------------------------------------------------------------------------- /tests/kill_github_tests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/kill_github_tests.sh -------------------------------------------------------------------------------- /tests/models/test_megatron_engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/models/test_megatron_engine.py -------------------------------------------------------------------------------- /tests/models/test_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/models/test_transformer.py -------------------------------------------------------------------------------- /tests/models/test_transformers_ulysses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/models/test_transformers_ulysses.py -------------------------------------------------------------------------------- /tests/single_controller/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/single_controller/__init__.py -------------------------------------------------------------------------------- /tests/single_controller/base/test_decorator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/single_controller/base/test_decorator.py -------------------------------------------------------------------------------- /tests/single_controller/check_worker_alive/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/single_controller/check_worker_alive/main.py -------------------------------------------------------------------------------- /tests/single_controller/detached_worker/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/single_controller/detached_worker/README.md -------------------------------------------------------------------------------- /tests/single_controller/detached_worker/client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/single_controller/detached_worker/client.py -------------------------------------------------------------------------------- /tests/single_controller/detached_worker/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/single_controller/detached_worker/run.sh -------------------------------------------------------------------------------- /tests/single_controller/detached_worker/server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/single_controller/detached_worker/server.py -------------------------------------------------------------------------------- /tests/single_controller/test_auto_padding_on_cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/single_controller/test_auto_padding_on_cpu.py -------------------------------------------------------------------------------- /tests/single_controller/test_colocated_workers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/single_controller/test_colocated_workers.py -------------------------------------------------------------------------------- /tests/single_controller/test_colocated_workers_fused.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/single_controller/test_colocated_workers_fused.py -------------------------------------------------------------------------------- /tests/single_controller/test_data_transfer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/single_controller/test_data_transfer.py -------------------------------------------------------------------------------- /tests/single_controller/test_decorator_on_cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/single_controller/test_decorator_on_cpu.py -------------------------------------------------------------------------------- /tests/single_controller/test_device_mesh_register.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/single_controller/test_device_mesh_register.py -------------------------------------------------------------------------------- /tests/single_controller/test_driverfunc_to_worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/single_controller/test_driverfunc_to_worker.py -------------------------------------------------------------------------------- /tests/single_controller/test_fused_workers_on_cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/single_controller/test_fused_workers_on_cpu.py -------------------------------------------------------------------------------- /tests/single_controller/test_high_level_scheduling_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/single_controller/test_high_level_scheduling_api.py -------------------------------------------------------------------------------- /tests/single_controller/test_nested_worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/single_controller/test_nested_worker.py -------------------------------------------------------------------------------- /tests/single_controller/test_ray_collectives.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/single_controller/test_ray_collectives.py -------------------------------------------------------------------------------- /tests/single_controller/test_ray_local_envs_on_cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/single_controller/test_ray_local_envs_on_cpu.py -------------------------------------------------------------------------------- /tests/single_controller/test_ray_utils_on_cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/single_controller/test_ray_utils_on_cpu.py -------------------------------------------------------------------------------- /tests/single_controller/test_rvdz.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/single_controller/test_rvdz.py -------------------------------------------------------------------------------- /tests/single_controller/test_worker_group_basics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/single_controller/test_worker_group_basics.py -------------------------------------------------------------------------------- /tests/single_controller/test_worker_group_torch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/single_controller/test_worker_group_torch.py -------------------------------------------------------------------------------- /tests/special_distributed/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_distributed/README.md -------------------------------------------------------------------------------- /tests/special_distributed/run_all.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_distributed/run_all.sh -------------------------------------------------------------------------------- /tests/special_distributed/test_fsdp_ckpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_distributed/test_fsdp_ckpt.py -------------------------------------------------------------------------------- /tests/special_distributed/test_mcore_config_converter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_distributed/test_mcore_config_converter.py -------------------------------------------------------------------------------- /tests/special_distributed/test_tensor_dict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_distributed/test_tensor_dict.py -------------------------------------------------------------------------------- /tests/special_e2e/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_e2e/README.md -------------------------------------------------------------------------------- /tests/special_e2e/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_e2e/__init__.py -------------------------------------------------------------------------------- /tests/special_e2e/check_custom_rwd_fn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_e2e/check_custom_rwd_fn.py -------------------------------------------------------------------------------- /tests/special_e2e/check_results.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_e2e/check_results.py -------------------------------------------------------------------------------- /tests/special_e2e/envs/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_e2e/envs/__init__.py -------------------------------------------------------------------------------- /tests/special_e2e/envs/digit_completion/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_e2e/envs/digit_completion/__init__.py -------------------------------------------------------------------------------- /tests/special_e2e/envs/digit_completion/task.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_e2e/envs/digit_completion/task.py -------------------------------------------------------------------------------- /tests/special_e2e/envs/digit_completion/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_e2e/envs/digit_completion/tokenizer.py -------------------------------------------------------------------------------- /tests/special_e2e/generation/run_gen_qwen05.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_e2e/generation/run_gen_qwen05.sh -------------------------------------------------------------------------------- /tests/special_e2e/ppo_trainer/expert_parallel/qwen2moe_minimal.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_e2e/ppo_trainer/expert_parallel/qwen2moe_minimal.json -------------------------------------------------------------------------------- /tests/special_e2e/ppo_trainer/run_function_reward.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_e2e/ppo_trainer/run_function_reward.sh -------------------------------------------------------------------------------- /tests/special_e2e/ppo_trainer/run_model_reward.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_e2e/ppo_trainer/run_model_reward.sh -------------------------------------------------------------------------------- /tests/special_e2e/ppo_trainer/run_single_gpu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_e2e/ppo_trainer/run_single_gpu.sh -------------------------------------------------------------------------------- /tests/special_e2e/ppo_trainer/run_single_gpu_with_engine.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_e2e/ppo_trainer/run_single_gpu_with_engine.sh -------------------------------------------------------------------------------- /tests/special_e2e/run_dapo.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_e2e/run_dapo.sh -------------------------------------------------------------------------------- /tests/special_e2e/run_genrm_remote.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_e2e/run_genrm_remote.sh -------------------------------------------------------------------------------- /tests/special_e2e/run_geo3k_fsdp_sgl_multiturn_w_tool.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_e2e/run_geo3k_fsdp_sgl_multiturn_w_tool.sh -------------------------------------------------------------------------------- /tests/special_e2e/run_grpo_lora_with_merge.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_e2e/run_grpo_lora_with_merge.sh -------------------------------------------------------------------------------- /tests/special_e2e/run_gsm8k_fsdp_sgl_multiturn_sf_tool.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_e2e/run_gsm8k_fsdp_sgl_multiturn_sf_tool.sh -------------------------------------------------------------------------------- /tests/special_e2e/run_gsm8k_fsdp_sgl_multiturn_w_tool.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_e2e/run_gsm8k_fsdp_sgl_multiturn_w_tool.sh -------------------------------------------------------------------------------- /tests/special_e2e/run_one_step_off_policy.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_e2e/run_one_step_off_policy.sh -------------------------------------------------------------------------------- /tests/special_e2e/run_ppo_trainer_megatron.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_e2e/run_ppo_trainer_megatron.sh -------------------------------------------------------------------------------- /tests/special_e2e/run_prime.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_e2e/run_prime.sh -------------------------------------------------------------------------------- /tests/special_e2e/run_r1_distill_qwen_aime24_eval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_e2e/run_r1_distill_qwen_aime24_eval.sh -------------------------------------------------------------------------------- /tests/special_e2e/run_spin.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_e2e/run_spin.sh -------------------------------------------------------------------------------- /tests/special_e2e/run_sppo.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_e2e/run_sppo.sh -------------------------------------------------------------------------------- /tests/special_e2e/run_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_e2e/run_test.sh -------------------------------------------------------------------------------- /tests/special_e2e/sft/run_sft.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_e2e/sft/run_sft.sh -------------------------------------------------------------------------------- /tests/special_e2e/sft/test_sp_loss_match.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_e2e/sft/test_sp_loss_match.py -------------------------------------------------------------------------------- /tests/special_npu/run_qwen2_5_05b_dapo.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_npu/run_qwen2_5_05b_dapo.sh -------------------------------------------------------------------------------- /tests/special_npu/run_qwen2_5_05b_grpo.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_npu/run_qwen2_5_05b_grpo.sh -------------------------------------------------------------------------------- /tests/special_npu/run_qwen2_5_05b_grpo_mindspeed.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_npu/run_qwen2_5_05b_grpo_mindspeed.sh -------------------------------------------------------------------------------- /tests/special_npu/run_qwen2_5_05b_sft_peft_sp2.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_npu/run_qwen2_5_05b_sft_peft_sp2.sh -------------------------------------------------------------------------------- /tests/special_npu/run_qwen2_5_vl_3b_npu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_npu/run_qwen2_5_vl_3b_npu.sh -------------------------------------------------------------------------------- /tests/special_sanity/check_api_docs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_sanity/check_api_docs.py -------------------------------------------------------------------------------- /tests/special_sanity/check_device_api_usage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_sanity/check_device_api_usage.py -------------------------------------------------------------------------------- /tests/special_sanity/check_docs_time_info.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_sanity/check_docs_time_info.py -------------------------------------------------------------------------------- /tests/special_sanity/check_docstrings.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_sanity/check_docstrings.py -------------------------------------------------------------------------------- /tests/special_sanity/check_license.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_sanity/check_license.py -------------------------------------------------------------------------------- /tests/special_sanity/check_pr_description.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_sanity/check_pr_description.py -------------------------------------------------------------------------------- /tests/special_sanity/check_pr_title.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_sanity/check_pr_title.py -------------------------------------------------------------------------------- /tests/special_sanity/test_config_docs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_sanity/test_config_docs.py -------------------------------------------------------------------------------- /tests/special_sanity/test_import.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_sanity/test_import.py -------------------------------------------------------------------------------- /tests/special_sanity/type_coverage_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_sanity/type_coverage_check.py -------------------------------------------------------------------------------- /tests/special_sanity/validate_imported_docs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_sanity/validate_imported_docs.py -------------------------------------------------------------------------------- /tests/special_sanity/validate_structure.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_sanity/validate_structure.py -------------------------------------------------------------------------------- /tests/special_standalone/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_standalone/README.md -------------------------------------------------------------------------------- /tests/special_standalone/test_memory_buffers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/special_standalone/test_memory_buffers.py -------------------------------------------------------------------------------- /tests/test_base_config_on_cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/test_base_config_on_cpu.py -------------------------------------------------------------------------------- /tests/test_protocol_on_cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/test_protocol_on_cpu.py -------------------------------------------------------------------------------- /tests/trainer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/trainer/__init__.py -------------------------------------------------------------------------------- /tests/trainer/config/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/trainer/config/__init__.py -------------------------------------------------------------------------------- /tests/trainer/config/legacy_ppo_megatron_trainer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/trainer/config/legacy_ppo_megatron_trainer.yaml -------------------------------------------------------------------------------- /tests/trainer/config/legacy_ppo_trainer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/trainer/config/legacy_ppo_trainer.yaml -------------------------------------------------------------------------------- /tests/trainer/config/test_algo_config_on_cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/trainer/config/test_algo_config_on_cpu.py -------------------------------------------------------------------------------- /tests/trainer/config/test_legacy_config_on_cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/trainer/config/test_legacy_config_on_cpu.py -------------------------------------------------------------------------------- /tests/trainer/ppo/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/trainer/ppo/__init__.py -------------------------------------------------------------------------------- /tests/trainer/ppo/test_core_algos_on_cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/trainer/ppo/test_core_algos_on_cpu.py -------------------------------------------------------------------------------- /tests/trainer/ppo/test_metric_utils_on_cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/trainer/ppo/test_metric_utils_on_cpu.py -------------------------------------------------------------------------------- /tests/utils/_test_module.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/utils/_test_module.py -------------------------------------------------------------------------------- /tests/utils/ckpt/test_esi_save_ckpt_on_cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/utils/ckpt/test_esi_save_ckpt_on_cpu.py -------------------------------------------------------------------------------- /tests/utils/dataset/test_create_rl_sampler_on_cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/utils/dataset/test_create_rl_sampler_on_cpu.py -------------------------------------------------------------------------------- /tests/utils/dataset/test_multiturn_sft_dataset_on_cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/utils/dataset/test_multiturn_sft_dataset_on_cpu.py -------------------------------------------------------------------------------- /tests/utils/dataset/test_rl_collate_fn_on_cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/utils/dataset/test_rl_collate_fn_on_cpu.py -------------------------------------------------------------------------------- /tests/utils/dataset/test_rl_dataset_on_cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/utils/dataset/test_rl_dataset_on_cpu.py -------------------------------------------------------------------------------- /tests/utils/dataset/test_sft_dataset_on_cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/utils/dataset/test_sft_dataset_on_cpu.py -------------------------------------------------------------------------------- /tests/utils/debug/test_metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/utils/debug/test_metrics.py -------------------------------------------------------------------------------- /tests/utils/megatron/test_pipeline_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/utils/megatron/test_pipeline_parallel.py -------------------------------------------------------------------------------- /tests/utils/reward_score/reward_score/test_sandbox_fusion_on_cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/utils/reward_score/reward_score/test_sandbox_fusion_on_cpu.py -------------------------------------------------------------------------------- /tests/utils/reward_score/test_sandbox_on_cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/utils/reward_score/test_sandbox_on_cpu.py -------------------------------------------------------------------------------- /tests/utils/test_activation_offload.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/utils/test_activation_offload.py -------------------------------------------------------------------------------- /tests/utils/test_config_on_cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/utils/test_config_on_cpu.py -------------------------------------------------------------------------------- /tests/utils/test_flops_counter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/utils/test_flops_counter.py -------------------------------------------------------------------------------- /tests/utils/test_fs_on_cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/utils/test_fs_on_cpu.py -------------------------------------------------------------------------------- /tests/utils/test_import_utils_on_cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/utils/test_import_utils_on_cpu.py -------------------------------------------------------------------------------- /tests/utils/test_linear_cross_entropy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/utils/test_linear_cross_entropy.py -------------------------------------------------------------------------------- /tests/utils/test_model_on_cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/utils/test_model_on_cpu.py -------------------------------------------------------------------------------- /tests/utils/test_nvtx_profile.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/utils/test_nvtx_profile.py -------------------------------------------------------------------------------- /tests/utils/test_rollout_skip_on_cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/utils/test_rollout_skip_on_cpu.py -------------------------------------------------------------------------------- /tests/utils/test_rollout_trace_on_cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/utils/test_rollout_trace_on_cpu.py -------------------------------------------------------------------------------- /tests/utils/test_seqlen_balancing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/utils/test_seqlen_balancing.py -------------------------------------------------------------------------------- /tests/utils/test_special_linear_cross_entropy_tp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/utils/test_special_linear_cross_entropy_tp.py -------------------------------------------------------------------------------- /tests/utils/test_special_mstx_profile.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/utils/test_special_mstx_profile.py -------------------------------------------------------------------------------- /tests/utils/test_temp_env_on_cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/utils/test_temp_env_on_cpu.py -------------------------------------------------------------------------------- /tests/utils/test_timeout_decorator_cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/utils/test_timeout_decorator_cpu.py -------------------------------------------------------------------------------- /tests/utils/test_torch_functional.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/utils/test_torch_functional.py -------------------------------------------------------------------------------- /tests/workers/actor/test_special_dp_actor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/workers/actor/test_special_dp_actor.py -------------------------------------------------------------------------------- /tests/workers/config/test_actor_config_on_cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/workers/config/test_actor_config_on_cpu.py -------------------------------------------------------------------------------- /tests/workers/config/test_critic_config_on_cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/workers/config/test_critic_config_on_cpu.py -------------------------------------------------------------------------------- /tests/workers/config/test_engine_config_on_cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/workers/config/test_engine_config_on_cpu.py -------------------------------------------------------------------------------- /tests/workers/config/test_optim_config_on_cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/workers/config/test_optim_config_on_cpu.py -------------------------------------------------------------------------------- /tests/workers/critic/test_special_dp_critic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/workers/critic/test_special_dp_critic.py -------------------------------------------------------------------------------- /tests/workers/engine/test_special_fsdp_engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/workers/engine/test_special_fsdp_engine.py -------------------------------------------------------------------------------- /tests/workers/reward_manager/test_registry_on_cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/workers/reward_manager/test_registry_on_cpu.py -------------------------------------------------------------------------------- /tests/workers/rollout/async_rollout_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/workers/rollout/async_rollout_utils.py -------------------------------------------------------------------------------- /tests/workers/rollout/perf/vllm_async_rollout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/workers/rollout/perf/vllm_async_rollout.py -------------------------------------------------------------------------------- /tests/workers/rollout/resource/tool_configs/mcp_server.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/workers/rollout/resource/tool_configs/mcp_server.json -------------------------------------------------------------------------------- /tests/workers/rollout/resource/tool_configs/mcp_tool_config: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/workers/rollout/resource/tool_configs/mcp_tool_config -------------------------------------------------------------------------------- /tests/workers/rollout/resource/tool_configs/sandbox_fusion_tool_config: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/workers/rollout/resource/tool_configs/sandbox_fusion_tool_config -------------------------------------------------------------------------------- /tests/workers/rollout/resource/tool_configs/search_tool_config: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/workers/rollout/resource/tool_configs/search_tool_config -------------------------------------------------------------------------------- /tests/workers/rollout/rollout_sglang/test_http_server_engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/workers/rollout/rollout_sglang/test_http_server_engine.py -------------------------------------------------------------------------------- /tests/workers/rollout/rollout_vllm/run_fsdp_vllm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/workers/rollout/rollout_vllm/run_fsdp_vllm.py -------------------------------------------------------------------------------- /tests/workers/rollout/rollout_vllm/test_vllm_model_rope_scaling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/workers/rollout/rollout_vllm/test_vllm_model_rope_scaling.py -------------------------------------------------------------------------------- /tests/workers/rollout/rollout_vllm/test_vllm_spmd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/workers/rollout/rollout_vllm/test_vllm_spmd.py -------------------------------------------------------------------------------- /tests/workers/rollout/test_async_sglang_server_on_cpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/workers/rollout/test_async_sglang_server_on_cpu.py -------------------------------------------------------------------------------- /tests/workers/rollout/test_hf_rollout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/workers/rollout/test_hf_rollout.py -------------------------------------------------------------------------------- /tests/workers/rollout/test_sglang_async_rollout_mcp_tools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/workers/rollout/test_sglang_async_rollout_mcp_tools.py -------------------------------------------------------------------------------- /tests/workers/rollout/test_sglang_async_rollout_multimodal_delta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/workers/rollout/test_sglang_async_rollout_multimodal_delta.py -------------------------------------------------------------------------------- /tests/workers/rollout/test_sglang_async_rollout_search_tools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/workers/rollout/test_sglang_async_rollout_search_tools.py -------------------------------------------------------------------------------- /tests/workers/rollout/test_sglang_async_rollout_sf_tools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/workers/rollout/test_sglang_async_rollout_sf_tools.py -------------------------------------------------------------------------------- /tests/workers/rollout/test_sglang_async_rollout_w_interaction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/workers/rollout/test_sglang_async_rollout_w_interaction.py -------------------------------------------------------------------------------- /tests/workers/rollout/test_sglang_async_rollout_w_tools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/workers/rollout/test_sglang_async_rollout_w_tools.py -------------------------------------------------------------------------------- /tests/workers/rollout/test_sglang_multi_interaction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/workers/rollout/test_sglang_multi_interaction.py -------------------------------------------------------------------------------- /tests/workers/rollout/test_sglang_rollout_sharding_manager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/workers/rollout/test_sglang_rollout_sharding_manager.py -------------------------------------------------------------------------------- /tests/workers/rollout/test_sglang_spmd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/workers/rollout/test_sglang_spmd.py -------------------------------------------------------------------------------- /tests/workers/rollout/utils_sglang.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/workers/rollout/utils_sglang.py -------------------------------------------------------------------------------- /tests/workers/test_fsdp_workers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/tests/workers/test_fsdp_workers.py -------------------------------------------------------------------------------- /verl/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/__init__.py -------------------------------------------------------------------------------- /verl/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /verl/__pycache__/__init__.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/__pycache__/__init__.cpython-312.pyc -------------------------------------------------------------------------------- /verl/__pycache__/base_config.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/__pycache__/base_config.cpython-310.pyc -------------------------------------------------------------------------------- /verl/__pycache__/base_config.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/__pycache__/base_config.cpython-312.pyc -------------------------------------------------------------------------------- /verl/__pycache__/protocol.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/__pycache__/protocol.cpython-310.pyc -------------------------------------------------------------------------------- /verl/__pycache__/protocol.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/__pycache__/protocol.cpython-312.pyc -------------------------------------------------------------------------------- /verl/base_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/base_config.py -------------------------------------------------------------------------------- /verl/experimental/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/experimental/__init__.py -------------------------------------------------------------------------------- /verl/experimental/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/experimental/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /verl/experimental/__pycache__/__init__.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/experimental/__pycache__/__init__.cpython-312.pyc -------------------------------------------------------------------------------- /verl/experimental/agent_loop/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/experimental/agent_loop/__init__.py -------------------------------------------------------------------------------- /verl/experimental/agent_loop/agent_loop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/experimental/agent_loop/agent_loop.py -------------------------------------------------------------------------------- /verl/experimental/agent_loop/single_turn_agent_loop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/experimental/agent_loop/single_turn_agent_loop.py -------------------------------------------------------------------------------- /verl/experimental/agent_loop/tool_agent_loop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/experimental/agent_loop/tool_agent_loop.py -------------------------------------------------------------------------------- /verl/experimental/agent_loop/tool_parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/experimental/agent_loop/tool_parser.py -------------------------------------------------------------------------------- /verl/experimental/dataset/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/experimental/dataset/__init__.py -------------------------------------------------------------------------------- /verl/experimental/dataset/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/experimental/dataset/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /verl/experimental/dataset/__pycache__/__init__.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/experimental/dataset/__pycache__/__init__.cpython-312.pyc -------------------------------------------------------------------------------- /verl/experimental/dataset/__pycache__/sampler.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/experimental/dataset/__pycache__/sampler.cpython-310.pyc -------------------------------------------------------------------------------- /verl/experimental/dataset/__pycache__/sampler.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/experimental/dataset/__pycache__/sampler.cpython-312.pyc -------------------------------------------------------------------------------- /verl/experimental/dataset/sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/experimental/dataset/sampler.py -------------------------------------------------------------------------------- /verl/experimental/dynamic_dataset/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/experimental/dynamic_dataset/__init__.py -------------------------------------------------------------------------------- /verl/experimental/dynamic_dataset/dynamicgen_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/experimental/dynamic_dataset/dynamicgen_dataset.py -------------------------------------------------------------------------------- /verl/interactions/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/interactions/__init__.py -------------------------------------------------------------------------------- /verl/interactions/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/interactions/base.py -------------------------------------------------------------------------------- /verl/interactions/gsm8k_interaction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/interactions/gsm8k_interaction.py -------------------------------------------------------------------------------- /verl/interactions/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/interactions/utils/__init__.py -------------------------------------------------------------------------------- /verl/interactions/utils/interaction_registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/interactions/utils/interaction_registry.py -------------------------------------------------------------------------------- /verl/model_merger/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/model_merger/__init__.py -------------------------------------------------------------------------------- /verl/model_merger/__main__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/model_merger/__main__.py -------------------------------------------------------------------------------- /verl/model_merger/base_model_merger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/model_merger/base_model_merger.py -------------------------------------------------------------------------------- /verl/model_merger/fsdp_model_merger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/model_merger/fsdp_model_merger.py -------------------------------------------------------------------------------- /verl/model_merger/megatron_model_merger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/model_merger/megatron_model_merger.py -------------------------------------------------------------------------------- /verl/models/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/README.md -------------------------------------------------------------------------------- /verl/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/__init__.py -------------------------------------------------------------------------------- /verl/models/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /verl/models/__pycache__/__init__.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/__pycache__/__init__.cpython-312.pyc -------------------------------------------------------------------------------- /verl/models/__pycache__/registry.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/__pycache__/registry.cpython-310.pyc -------------------------------------------------------------------------------- /verl/models/__pycache__/registry.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/__pycache__/registry.cpython-312.pyc -------------------------------------------------------------------------------- /verl/models/llama/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/llama/__init__.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/llama/megatron/__init__.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/checkpoint_utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/llama/megatron/checkpoint_utils/__init__.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/checkpoint_utils/llama_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/llama/megatron/checkpoint_utils/llama_loader.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/checkpoint_utils/llama_loader_depracated.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/llama/megatron/checkpoint_utils/llama_loader_depracated.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/checkpoint_utils/llama_saver.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/llama/megatron/checkpoint_utils/llama_saver.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/layers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/llama/megatron/layers/__init__.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/layers/parallel_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/llama/megatron/layers/parallel_attention.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/layers/parallel_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/llama/megatron/layers/parallel_decoder.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/layers/parallel_linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/llama/megatron/layers/parallel_linear.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/layers/parallel_mlp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/llama/megatron/layers/parallel_mlp.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/layers/parallel_rmsnorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/llama/megatron/layers/parallel_rmsnorm.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/modeling_llama_megatron.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/llama/megatron/modeling_llama_megatron.py -------------------------------------------------------------------------------- /verl/models/mcore/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/mcore/__init__.py -------------------------------------------------------------------------------- /verl/models/mcore/config_converter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/mcore/config_converter.py -------------------------------------------------------------------------------- /verl/models/mcore/loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/mcore/loader.py -------------------------------------------------------------------------------- /verl/models/mcore/mbridge.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/mcore/mbridge.py -------------------------------------------------------------------------------- /verl/models/mcore/model_forward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/mcore/model_forward.py -------------------------------------------------------------------------------- /verl/models/mcore/model_forward_fused.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/mcore/model_forward_fused.py -------------------------------------------------------------------------------- /verl/models/mcore/model_initializer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/mcore/model_initializer.py -------------------------------------------------------------------------------- /verl/models/mcore/patch_v012.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/mcore/patch_v012.py -------------------------------------------------------------------------------- /verl/models/mcore/qwen2_5_vl/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/mcore/qwen2_5_vl/__init__.py -------------------------------------------------------------------------------- /verl/models/mcore/qwen2_5_vl/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/mcore/qwen2_5_vl/attention.py -------------------------------------------------------------------------------- /verl/models/mcore/qwen2_5_vl/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/mcore/qwen2_5_vl/model.py -------------------------------------------------------------------------------- /verl/models/mcore/qwen2_5_vl/rope_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/mcore/qwen2_5_vl/rope_utils.py -------------------------------------------------------------------------------- /verl/models/mcore/qwen2_5_vl/vision_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/mcore/qwen2_5_vl/vision_config.py -------------------------------------------------------------------------------- /verl/models/mcore/qwen2_5_vl/vision_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/mcore/qwen2_5_vl/vision_model.py -------------------------------------------------------------------------------- /verl/models/mcore/qwen2_5_vl/vision_transformer_block.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/mcore/qwen2_5_vl/vision_transformer_block.py -------------------------------------------------------------------------------- /verl/models/mcore/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/mcore/readme.md -------------------------------------------------------------------------------- /verl/models/mcore/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/mcore/registry.py -------------------------------------------------------------------------------- /verl/models/mcore/saver.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/mcore/saver.py -------------------------------------------------------------------------------- /verl/models/mcore/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/mcore/util.py -------------------------------------------------------------------------------- /verl/models/mcore/weight_converter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/mcore/weight_converter.py -------------------------------------------------------------------------------- /verl/models/qwen2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/qwen2/__init__.py -------------------------------------------------------------------------------- /verl/models/qwen2/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/qwen2/megatron/__init__.py -------------------------------------------------------------------------------- /verl/models/qwen2/megatron/checkpoint_utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/qwen2/megatron/checkpoint_utils/__init__.py -------------------------------------------------------------------------------- /verl/models/qwen2/megatron/checkpoint_utils/qwen2_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/qwen2/megatron/checkpoint_utils/qwen2_loader.py -------------------------------------------------------------------------------- /verl/models/qwen2/megatron/checkpoint_utils/qwen2_loader_depracated.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/qwen2/megatron/checkpoint_utils/qwen2_loader_depracated.py -------------------------------------------------------------------------------- /verl/models/qwen2/megatron/checkpoint_utils/qwen2_saver.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/qwen2/megatron/checkpoint_utils/qwen2_saver.py -------------------------------------------------------------------------------- /verl/models/qwen2/megatron/layers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/qwen2/megatron/layers/__init__.py -------------------------------------------------------------------------------- /verl/models/qwen2/megatron/layers/parallel_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/qwen2/megatron/layers/parallel_attention.py -------------------------------------------------------------------------------- /verl/models/qwen2/megatron/layers/parallel_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/qwen2/megatron/layers/parallel_decoder.py -------------------------------------------------------------------------------- /verl/models/qwen2/megatron/layers/parallel_linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/qwen2/megatron/layers/parallel_linear.py -------------------------------------------------------------------------------- /verl/models/qwen2/megatron/layers/parallel_mlp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/qwen2/megatron/layers/parallel_mlp.py -------------------------------------------------------------------------------- /verl/models/qwen2/megatron/layers/parallel_rmsnorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/qwen2/megatron/layers/parallel_rmsnorm.py -------------------------------------------------------------------------------- /verl/models/qwen2/megatron/modeling_qwen2_megatron.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/qwen2/megatron/modeling_qwen2_megatron.py -------------------------------------------------------------------------------- /verl/models/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/registry.py -------------------------------------------------------------------------------- /verl/models/transformers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/transformers/__init__.py -------------------------------------------------------------------------------- /verl/models/transformers/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/transformers/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /verl/models/transformers/__pycache__/__init__.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/transformers/__pycache__/__init__.cpython-312.pyc -------------------------------------------------------------------------------- /verl/models/transformers/__pycache__/monkey_patch.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/transformers/__pycache__/monkey_patch.cpython-310.pyc -------------------------------------------------------------------------------- /verl/models/transformers/__pycache__/monkey_patch.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/transformers/__pycache__/monkey_patch.cpython-312.pyc -------------------------------------------------------------------------------- /verl/models/transformers/dense_common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/transformers/dense_common.py -------------------------------------------------------------------------------- /verl/models/transformers/kimi_vl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/transformers/kimi_vl.py -------------------------------------------------------------------------------- /verl/models/transformers/llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/transformers/llama.py -------------------------------------------------------------------------------- /verl/models/transformers/monkey_patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/transformers/monkey_patch.py -------------------------------------------------------------------------------- /verl/models/transformers/npu_patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/transformers/npu_patch.py -------------------------------------------------------------------------------- /verl/models/transformers/qwen2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/transformers/qwen2.py -------------------------------------------------------------------------------- /verl/models/transformers/qwen2_5_vl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/transformers/qwen2_5_vl.py -------------------------------------------------------------------------------- /verl/models/transformers/qwen2_vl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/transformers/qwen2_vl.py -------------------------------------------------------------------------------- /verl/models/weight_loader_registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/models/weight_loader_registry.py -------------------------------------------------------------------------------- /verl/protocol.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/protocol.py -------------------------------------------------------------------------------- /verl/py.typed: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /verl/single_controller/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/single_controller/__init__.py -------------------------------------------------------------------------------- /verl/single_controller/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/single_controller/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /verl/single_controller/__pycache__/__init__.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/single_controller/__pycache__/__init__.cpython-312.pyc -------------------------------------------------------------------------------- /verl/single_controller/base/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/single_controller/base/__init__.py -------------------------------------------------------------------------------- /verl/single_controller/base/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/single_controller/base/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /verl/single_controller/base/__pycache__/__init__.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/single_controller/base/__pycache__/__init__.cpython-312.pyc -------------------------------------------------------------------------------- /verl/single_controller/base/__pycache__/decorator.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/single_controller/base/__pycache__/decorator.cpython-310.pyc -------------------------------------------------------------------------------- /verl/single_controller/base/__pycache__/decorator.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/single_controller/base/__pycache__/decorator.cpython-312.pyc -------------------------------------------------------------------------------- /verl/single_controller/base/__pycache__/worker.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/single_controller/base/__pycache__/worker.cpython-310.pyc -------------------------------------------------------------------------------- /verl/single_controller/base/__pycache__/worker.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/single_controller/base/__pycache__/worker.cpython-312.pyc -------------------------------------------------------------------------------- /verl/single_controller/base/__pycache__/worker_group.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/single_controller/base/__pycache__/worker_group.cpython-310.pyc -------------------------------------------------------------------------------- /verl/single_controller/base/__pycache__/worker_group.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/single_controller/base/__pycache__/worker_group.cpython-312.pyc -------------------------------------------------------------------------------- /verl/single_controller/base/decorator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/single_controller/base/decorator.py -------------------------------------------------------------------------------- /verl/single_controller/base/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/single_controller/base/worker.py -------------------------------------------------------------------------------- /verl/single_controller/base/worker_group.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/single_controller/base/worker_group.py -------------------------------------------------------------------------------- /verl/single_controller/ray/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/single_controller/ray/__init__.py -------------------------------------------------------------------------------- /verl/single_controller/ray/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/single_controller/ray/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /verl/single_controller/ray/__pycache__/__init__.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/single_controller/ray/__pycache__/__init__.cpython-312.pyc -------------------------------------------------------------------------------- /verl/single_controller/ray/__pycache__/base.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/single_controller/ray/__pycache__/base.cpython-310.pyc -------------------------------------------------------------------------------- /verl/single_controller/ray/__pycache__/base.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/single_controller/ray/__pycache__/base.cpython-312.pyc -------------------------------------------------------------------------------- /verl/single_controller/ray/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/single_controller/ray/base.py -------------------------------------------------------------------------------- /verl/third_party/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/third_party/__init__.py -------------------------------------------------------------------------------- /verl/third_party/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/third_party/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /verl/third_party/sglang/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/third_party/sglang/__init__.py -------------------------------------------------------------------------------- /verl/third_party/sglang/parallel_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/third_party/sglang/parallel_state.py -------------------------------------------------------------------------------- /verl/third_party/torch/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/third_party/torch/__init__.py -------------------------------------------------------------------------------- /verl/third_party/torch/distributed/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/third_party/torch/distributed/__init__.py -------------------------------------------------------------------------------- /verl/third_party/torch/distributed/_state_dict_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/third_party/torch/distributed/_state_dict_utils.py -------------------------------------------------------------------------------- /verl/third_party/torch/distributed/checkpoint/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/third_party/torch/distributed/checkpoint/__init__.py -------------------------------------------------------------------------------- /verl/third_party/torch/distributed/checkpoint/state_dict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/third_party/torch/distributed/checkpoint/state_dict.py -------------------------------------------------------------------------------- /verl/third_party/vllm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/third_party/vllm/__init__.py -------------------------------------------------------------------------------- /verl/third_party/vllm/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/third_party/vllm/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /verl/tools/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/tools/__init__.py -------------------------------------------------------------------------------- /verl/tools/base_tool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/tools/base_tool.py -------------------------------------------------------------------------------- /verl/tools/geo3k_tool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/tools/geo3k_tool.py -------------------------------------------------------------------------------- /verl/tools/gsm8k_tool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/tools/gsm8k_tool.py -------------------------------------------------------------------------------- /verl/tools/image_zoom_in_tool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/tools/image_zoom_in_tool.py -------------------------------------------------------------------------------- /verl/tools/mcp_base_tool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/tools/mcp_base_tool.py -------------------------------------------------------------------------------- /verl/tools/mcp_search_tool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/tools/mcp_search_tool.py -------------------------------------------------------------------------------- /verl/tools/sandbox_fusion_tools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/tools/sandbox_fusion_tools.py -------------------------------------------------------------------------------- /verl/tools/schemas.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/tools/schemas.py -------------------------------------------------------------------------------- /verl/tools/search_tool.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/tools/search_tool.py -------------------------------------------------------------------------------- /verl/tools/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/tools/utils/__init__.py -------------------------------------------------------------------------------- /verl/tools/utils/mcp_clients/McpClientManager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/tools/utils/mcp_clients/McpClientManager.py -------------------------------------------------------------------------------- /verl/tools/utils/mcp_clients/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/tools/utils/mcp_clients/utils.py -------------------------------------------------------------------------------- /verl/tools/utils/search_r1_like_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/tools/utils/search_r1_like_utils.py -------------------------------------------------------------------------------- /verl/tools/utils/tool_registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/tools/utils/tool_registry.py -------------------------------------------------------------------------------- /verl/trainer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/__init__.py -------------------------------------------------------------------------------- /verl/trainer/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /verl/trainer/__pycache__/__init__.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/__pycache__/__init__.cpython-312.pyc -------------------------------------------------------------------------------- /verl/trainer/__pycache__/constants_ppo.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/__pycache__/constants_ppo.cpython-310.pyc -------------------------------------------------------------------------------- /verl/trainer/__pycache__/constants_ppo.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/__pycache__/constants_ppo.cpython-312.pyc -------------------------------------------------------------------------------- /verl/trainer/__pycache__/main_ppo.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/__pycache__/main_ppo.cpython-310.pyc -------------------------------------------------------------------------------- /verl/trainer/__pycache__/main_ppo.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/__pycache__/main_ppo.cpython-312.pyc -------------------------------------------------------------------------------- /verl/trainer/__pycache__/main_ppo_debug.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/__pycache__/main_ppo_debug.cpython-310.pyc -------------------------------------------------------------------------------- /verl/trainer/__pycache__/main_ppo_debug.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/__pycache__/main_ppo_debug.cpython-312.pyc -------------------------------------------------------------------------------- /verl/trainer/config/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/config/__init__.py -------------------------------------------------------------------------------- /verl/trainer/config/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/config/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /verl/trainer/config/__pycache__/__init__.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/config/__pycache__/__init__.cpython-312.pyc -------------------------------------------------------------------------------- /verl/trainer/config/__pycache__/algorithm.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/config/__pycache__/algorithm.cpython-310.pyc -------------------------------------------------------------------------------- /verl/trainer/config/__pycache__/algorithm.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/config/__pycache__/algorithm.cpython-312.pyc -------------------------------------------------------------------------------- /verl/trainer/config/__pycache__/config.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/config/__pycache__/config.cpython-310.pyc -------------------------------------------------------------------------------- /verl/trainer/config/__pycache__/config.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/config/__pycache__/config.cpython-312.pyc -------------------------------------------------------------------------------- /verl/trainer/config/_generated_ppo_megatron_trainer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/config/_generated_ppo_megatron_trainer.yaml -------------------------------------------------------------------------------- /verl/trainer/config/_generated_ppo_trainer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/config/_generated_ppo_trainer.yaml -------------------------------------------------------------------------------- /verl/trainer/config/actor/actor.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/config/actor/actor.yaml -------------------------------------------------------------------------------- /verl/trainer/config/actor/dp_actor.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/config/actor/dp_actor.yaml -------------------------------------------------------------------------------- /verl/trainer/config/actor/megatron_actor.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/config/actor/megatron_actor.yaml -------------------------------------------------------------------------------- /verl/trainer/config/algorithm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/config/algorithm.py -------------------------------------------------------------------------------- /verl/trainer/config/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/config/config.py -------------------------------------------------------------------------------- /verl/trainer/config/critic/critic.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/config/critic/critic.yaml -------------------------------------------------------------------------------- /verl/trainer/config/critic/dp_critic.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/config/critic/dp_critic.yaml -------------------------------------------------------------------------------- /verl/trainer/config/critic/megatron_critic.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/config/critic/megatron_critic.yaml -------------------------------------------------------------------------------- /verl/trainer/config/data/legacy_data.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/config/data/legacy_data.yaml -------------------------------------------------------------------------------- /verl/trainer/config/evaluation.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/config/evaluation.yaml -------------------------------------------------------------------------------- /verl/trainer/config/generation.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/config/generation.yaml -------------------------------------------------------------------------------- /verl/trainer/config/npu_profile/npu_profile.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/config/npu_profile/npu_profile.yaml -------------------------------------------------------------------------------- /verl/trainer/config/ppo_megatron_trainer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/config/ppo_megatron_trainer.yaml -------------------------------------------------------------------------------- /verl/trainer/config/ppo_trainer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/config/ppo_trainer.yaml -------------------------------------------------------------------------------- /verl/trainer/config/ref/dp_ref.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/config/ref/dp_ref.yaml -------------------------------------------------------------------------------- /verl/trainer/config/ref/megatron_ref.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/config/ref/megatron_ref.yaml -------------------------------------------------------------------------------- /verl/trainer/config/ref/ref.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/config/ref/ref.yaml -------------------------------------------------------------------------------- /verl/trainer/config/reward_model/dp_reward_model.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/config/reward_model/dp_reward_model.yaml -------------------------------------------------------------------------------- /verl/trainer/config/reward_model/megatron_reward_model.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/config/reward_model/megatron_reward_model.yaml -------------------------------------------------------------------------------- /verl/trainer/config/reward_model/reward_model.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/config/reward_model/reward_model.yaml -------------------------------------------------------------------------------- /verl/trainer/config/rollout/rollout.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/config/rollout/rollout.yaml -------------------------------------------------------------------------------- /verl/trainer/config/sft_trainer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/config/sft_trainer.yaml -------------------------------------------------------------------------------- /verl/trainer/constants_ppo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/constants_ppo.py -------------------------------------------------------------------------------- /verl/trainer/fsdp_sft_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/fsdp_sft_trainer.py -------------------------------------------------------------------------------- /verl/trainer/main_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/main_eval.py -------------------------------------------------------------------------------- /verl/trainer/main_generation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/main_generation.py -------------------------------------------------------------------------------- /verl/trainer/main_ppo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/main_ppo.py -------------------------------------------------------------------------------- /verl/trainer/ppo/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/ppo/__init__.py -------------------------------------------------------------------------------- /verl/trainer/ppo/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/ppo/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /verl/trainer/ppo/__pycache__/__init__.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/ppo/__pycache__/__init__.cpython-312.pyc -------------------------------------------------------------------------------- /verl/trainer/ppo/__pycache__/core_algos.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/ppo/__pycache__/core_algos.cpython-310.pyc -------------------------------------------------------------------------------- /verl/trainer/ppo/__pycache__/core_algos.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/ppo/__pycache__/core_algos.cpython-312.pyc -------------------------------------------------------------------------------- /verl/trainer/ppo/__pycache__/metric_utils.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/ppo/__pycache__/metric_utils.cpython-310.pyc -------------------------------------------------------------------------------- /verl/trainer/ppo/__pycache__/metric_utils.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/ppo/__pycache__/metric_utils.cpython-312.pyc -------------------------------------------------------------------------------- /verl/trainer/ppo/__pycache__/ray_trainer.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/ppo/__pycache__/ray_trainer.cpython-310.pyc -------------------------------------------------------------------------------- /verl/trainer/ppo/__pycache__/ray_trainer.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/ppo/__pycache__/ray_trainer.cpython-312.pyc -------------------------------------------------------------------------------- /verl/trainer/ppo/__pycache__/reward.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/ppo/__pycache__/reward.cpython-310.pyc -------------------------------------------------------------------------------- /verl/trainer/ppo/__pycache__/reward.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/ppo/__pycache__/reward.cpython-312.pyc -------------------------------------------------------------------------------- /verl/trainer/ppo/__pycache__/utils.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/ppo/__pycache__/utils.cpython-310.pyc -------------------------------------------------------------------------------- /verl/trainer/ppo/__pycache__/utils.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/ppo/__pycache__/utils.cpython-312.pyc -------------------------------------------------------------------------------- /verl/trainer/ppo/core_algos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/ppo/core_algos.py -------------------------------------------------------------------------------- /verl/trainer/ppo/metric_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/ppo/metric_utils.py -------------------------------------------------------------------------------- /verl/trainer/ppo/ray_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/ppo/ray_trainer.py -------------------------------------------------------------------------------- /verl/trainer/ppo/reward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/ppo/reward.py -------------------------------------------------------------------------------- /verl/trainer/ppo/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/ppo/utils.py -------------------------------------------------------------------------------- /verl/trainer/runtime_env.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/trainer/runtime_env.yaml -------------------------------------------------------------------------------- /verl/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__init__.py -------------------------------------------------------------------------------- /verl/utils/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/__init__.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/__init__.cpython-312.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/activation_offload.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/activation_offload.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/activation_offload.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/activation_offload.cpython-312.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/config.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/config.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/config.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/config.cpython-312.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/device.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/device.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/device.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/device.cpython-312.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/flops_counter.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/flops_counter.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/flops_counter.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/flops_counter.cpython-312.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/fs.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/fs.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/fs.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/fs.cpython-312.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/fsdp_utils.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/fsdp_utils.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/fsdp_utils.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/fsdp_utils.cpython-312.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/hdfs_io.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/hdfs_io.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/hdfs_io.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/hdfs_io.cpython-312.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/import_utils.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/import_utils.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/import_utils.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/import_utils.cpython-312.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/logging_utils.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/logging_utils.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/logging_utils.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/logging_utils.cpython-312.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/memory_utils.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/memory_utils.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/memory_utils.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/memory_utils.cpython-312.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/model.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/model.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/model.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/model.cpython-312.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/py_functional.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/py_functional.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/py_functional.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/py_functional.cpython-312.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/ray_utils.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/ray_utils.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/ray_utils.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/ray_utils.cpython-312.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/rollout_skip.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/rollout_skip.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/rollout_skip.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/rollout_skip.cpython-312.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/seqlen_balancing.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/seqlen_balancing.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/seqlen_balancing.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/seqlen_balancing.cpython-312.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/tokenizer.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/tokenizer.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/tokenizer.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/tokenizer.cpython-312.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/torch_dtypes.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/torch_dtypes.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/torch_dtypes.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/torch_dtypes.cpython-312.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/torch_functional.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/torch_functional.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/torch_functional.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/torch_functional.cpython-312.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/tracking.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/tracking.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/tracking.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/tracking.cpython-312.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/ulysses.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/ulysses.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/__pycache__/ulysses.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/__pycache__/ulysses.cpython-312.pyc -------------------------------------------------------------------------------- /verl/utils/activation_offload.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/activation_offload.py -------------------------------------------------------------------------------- /verl/utils/checkpoint/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/checkpoint/__init__.py -------------------------------------------------------------------------------- /verl/utils/checkpoint/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/checkpoint/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/checkpoint/__pycache__/__init__.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/checkpoint/__pycache__/__init__.cpython-312.pyc -------------------------------------------------------------------------------- /verl/utils/checkpoint/__pycache__/checkpoint_manager.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/checkpoint/__pycache__/checkpoint_manager.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/checkpoint/__pycache__/checkpoint_manager.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/checkpoint/__pycache__/checkpoint_manager.cpython-312.pyc -------------------------------------------------------------------------------- /verl/utils/checkpoint/__pycache__/fsdp_checkpoint_manager.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/checkpoint/__pycache__/fsdp_checkpoint_manager.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/checkpoint/__pycache__/fsdp_checkpoint_manager.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/checkpoint/__pycache__/fsdp_checkpoint_manager.cpython-312.pyc -------------------------------------------------------------------------------- /verl/utils/checkpoint/checkpoint_manager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/checkpoint/checkpoint_manager.py -------------------------------------------------------------------------------- /verl/utils/checkpoint/fsdp_checkpoint_manager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/checkpoint/fsdp_checkpoint_manager.py -------------------------------------------------------------------------------- /verl/utils/checkpoint/megatron_checkpoint_manager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/checkpoint/megatron_checkpoint_manager.py -------------------------------------------------------------------------------- /verl/utils/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/config.py -------------------------------------------------------------------------------- /verl/utils/dataset/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/dataset/README.md -------------------------------------------------------------------------------- /verl/utils/dataset/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/dataset/__init__.py -------------------------------------------------------------------------------- /verl/utils/dataset/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/dataset/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/dataset/__pycache__/__init__.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/dataset/__pycache__/__init__.cpython-312.pyc -------------------------------------------------------------------------------- /verl/utils/dataset/__pycache__/rl_dataset.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/dataset/__pycache__/rl_dataset.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/dataset/__pycache__/rl_dataset.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/dataset/__pycache__/rl_dataset.cpython-312.pyc -------------------------------------------------------------------------------- /verl/utils/dataset/__pycache__/rm_dataset.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/dataset/__pycache__/rm_dataset.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/dataset/__pycache__/rm_dataset.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/dataset/__pycache__/rm_dataset.cpython-312.pyc -------------------------------------------------------------------------------- /verl/utils/dataset/__pycache__/sft_dataset.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/dataset/__pycache__/sft_dataset.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/dataset/__pycache__/sft_dataset.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/dataset/__pycache__/sft_dataset.cpython-312.pyc -------------------------------------------------------------------------------- /verl/utils/dataset/multiturn_sft_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/dataset/multiturn_sft_dataset.py -------------------------------------------------------------------------------- /verl/utils/dataset/rl_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/dataset/rl_dataset.py -------------------------------------------------------------------------------- /verl/utils/dataset/rm_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/dataset/rm_dataset.py -------------------------------------------------------------------------------- /verl/utils/dataset/sft_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/dataset/sft_dataset.py -------------------------------------------------------------------------------- /verl/utils/dataset/vision_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/dataset/vision_utils.py -------------------------------------------------------------------------------- /verl/utils/debug/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/debug/__init__.py -------------------------------------------------------------------------------- /verl/utils/debug/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/debug/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/debug/__pycache__/__init__.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/debug/__pycache__/__init__.cpython-312.pyc -------------------------------------------------------------------------------- /verl/utils/debug/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/debug/metrics.py -------------------------------------------------------------------------------- /verl/utils/debug/performance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/debug/performance.py -------------------------------------------------------------------------------- /verl/utils/debug/trajectory_tracker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/debug/trajectory_tracker.py -------------------------------------------------------------------------------- /verl/utils/device.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/device.py -------------------------------------------------------------------------------- /verl/utils/distributed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/distributed.py -------------------------------------------------------------------------------- /verl/utils/experimental/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/experimental/__init__.py -------------------------------------------------------------------------------- /verl/utils/experimental/torch_functional.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/experimental/torch_functional.py -------------------------------------------------------------------------------- /verl/utils/flops_counter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/flops_counter.py -------------------------------------------------------------------------------- /verl/utils/fs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/fs.py -------------------------------------------------------------------------------- /verl/utils/fsdp_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/fsdp_utils.py -------------------------------------------------------------------------------- /verl/utils/hdfs_io.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/hdfs_io.py -------------------------------------------------------------------------------- /verl/utils/import_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/import_utils.py -------------------------------------------------------------------------------- /verl/utils/kernel/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/kernel/__init__.py -------------------------------------------------------------------------------- /verl/utils/kernel/kernels.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/kernel/kernels.py -------------------------------------------------------------------------------- /verl/utils/kernel/linear_cross_entropy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/kernel/linear_cross_entropy.py -------------------------------------------------------------------------------- /verl/utils/logger/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/logger/__init__.py -------------------------------------------------------------------------------- /verl/utils/logger/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/logger/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/logger/__pycache__/__init__.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/logger/__pycache__/__init__.cpython-312.pyc -------------------------------------------------------------------------------- /verl/utils/logger/__pycache__/aggregate_logger.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/logger/__pycache__/aggregate_logger.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/logger/__pycache__/aggregate_logger.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/logger/__pycache__/aggregate_logger.cpython-312.pyc -------------------------------------------------------------------------------- /verl/utils/logger/aggregate_logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/logger/aggregate_logger.py -------------------------------------------------------------------------------- /verl/utils/logging_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/logging_utils.py -------------------------------------------------------------------------------- /verl/utils/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/megatron/__init__.py -------------------------------------------------------------------------------- /verl/utils/megatron/dist_checkpointing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/megatron/dist_checkpointing.py -------------------------------------------------------------------------------- /verl/utils/megatron/memory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/megatron/memory.py -------------------------------------------------------------------------------- /verl/utils/megatron/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/megatron/optimizer.py -------------------------------------------------------------------------------- /verl/utils/megatron/pipeline_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/megatron/pipeline_parallel.py -------------------------------------------------------------------------------- /verl/utils/megatron/sequence_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/megatron/sequence_parallel.py -------------------------------------------------------------------------------- /verl/utils/megatron/tensor_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/megatron/tensor_parallel.py -------------------------------------------------------------------------------- /verl/utils/megatron_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/megatron_utils.py -------------------------------------------------------------------------------- /verl/utils/memory_buffer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/memory_buffer.py -------------------------------------------------------------------------------- /verl/utils/memory_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/memory_utils.py -------------------------------------------------------------------------------- /verl/utils/metric/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/metric/__init__.py -------------------------------------------------------------------------------- /verl/utils/metric/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/metric/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/metric/__pycache__/__init__.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/metric/__pycache__/__init__.cpython-312.pyc -------------------------------------------------------------------------------- /verl/utils/metric/__pycache__/utils.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/metric/__pycache__/utils.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/metric/__pycache__/utils.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/metric/__pycache__/utils.cpython-312.pyc -------------------------------------------------------------------------------- /verl/utils/metric/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/metric/utils.py -------------------------------------------------------------------------------- /verl/utils/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/model.py -------------------------------------------------------------------------------- /verl/utils/net_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/net_utils.py -------------------------------------------------------------------------------- /verl/utils/profiler/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/profiler/__init__.py -------------------------------------------------------------------------------- /verl/utils/profiler/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/profiler/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/profiler/__pycache__/__init__.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/profiler/__pycache__/__init__.cpython-312.pyc -------------------------------------------------------------------------------- /verl/utils/profiler/__pycache__/config.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/profiler/__pycache__/config.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/profiler/__pycache__/config.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/profiler/__pycache__/config.cpython-312.pyc -------------------------------------------------------------------------------- /verl/utils/profiler/__pycache__/performance.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/profiler/__pycache__/performance.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/profiler/__pycache__/performance.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/profiler/__pycache__/performance.cpython-312.pyc -------------------------------------------------------------------------------- /verl/utils/profiler/__pycache__/profile.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/profiler/__pycache__/profile.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/profiler/__pycache__/profile.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/profiler/__pycache__/profile.cpython-312.pyc -------------------------------------------------------------------------------- /verl/utils/profiler/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/profiler/config.py -------------------------------------------------------------------------------- /verl/utils/profiler/empty_annotations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/profiler/empty_annotations.py -------------------------------------------------------------------------------- /verl/utils/profiler/mstx_profile.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/profiler/mstx_profile.py -------------------------------------------------------------------------------- /verl/utils/profiler/nvtx_profile.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/profiler/nvtx_profile.py -------------------------------------------------------------------------------- /verl/utils/profiler/performance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/profiler/performance.py -------------------------------------------------------------------------------- /verl/utils/profiler/profile.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/profiler/profile.py -------------------------------------------------------------------------------- /verl/utils/py_functional.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/py_functional.py -------------------------------------------------------------------------------- /verl/utils/ray_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/ray_utils.py -------------------------------------------------------------------------------- /verl/utils/rendezvous/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/rendezvous/__init__.py -------------------------------------------------------------------------------- /verl/utils/rendezvous/ray_backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/rendezvous/ray_backend.py -------------------------------------------------------------------------------- /verl/utils/reward_score/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/reward_score/__init__.py -------------------------------------------------------------------------------- /verl/utils/reward_score/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/reward_score/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/reward_score/__pycache__/__init__.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/reward_score/__pycache__/__init__.cpython-312.pyc -------------------------------------------------------------------------------- /verl/utils/reward_score/__pycache__/math.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/reward_score/__pycache__/math.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/reward_score/__pycache__/math_dapo.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/reward_score/__pycache__/math_dapo.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/reward_score/__pycache__/math_verify.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/reward_score/__pycache__/math_verify.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/reward_score/geo3k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/reward_score/geo3k.py -------------------------------------------------------------------------------- /verl/utils/reward_score/gsm8k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/reward_score/gsm8k.py -------------------------------------------------------------------------------- /verl/utils/reward_score/math.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/reward_score/math.py -------------------------------------------------------------------------------- /verl/utils/reward_score/math_batch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/reward_score/math_batch.py -------------------------------------------------------------------------------- /verl/utils/reward_score/math_dapo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/reward_score/math_dapo.py -------------------------------------------------------------------------------- /verl/utils/reward_score/math_verify.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/reward_score/math_verify.py -------------------------------------------------------------------------------- /verl/utils/reward_score/prime_code/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/reward_score/prime_code/README.md -------------------------------------------------------------------------------- /verl/utils/reward_score/prime_code/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/reward_score/prime_code/__init__.py -------------------------------------------------------------------------------- /verl/utils/reward_score/prime_code/testing_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/reward_score/prime_code/testing_util.py -------------------------------------------------------------------------------- /verl/utils/reward_score/prime_code/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/reward_score/prime_code/utils.py -------------------------------------------------------------------------------- /verl/utils/reward_score/prime_math/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/reward_score/prime_math/__init__.py -------------------------------------------------------------------------------- /verl/utils/reward_score/prime_math/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/reward_score/prime_math/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/reward_score/prime_math/__pycache__/grader.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/reward_score/prime_math/__pycache__/grader.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/reward_score/prime_math/__pycache__/math_normalize.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/reward_score/prime_math/__pycache__/math_normalize.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/reward_score/prime_math/grader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/reward_score/prime_math/grader.py -------------------------------------------------------------------------------- /verl/utils/reward_score/prime_math/math_normalize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/reward_score/prime_math/math_normalize.py -------------------------------------------------------------------------------- /verl/utils/reward_score/sandbox_fusion/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/reward_score/sandbox_fusion/__init__.py -------------------------------------------------------------------------------- /verl/utils/reward_score/sandbox_fusion/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/reward_score/sandbox_fusion/utils.py -------------------------------------------------------------------------------- /verl/utils/reward_score/search_r1_like_qa_em.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/reward_score/search_r1_like_qa_em.py -------------------------------------------------------------------------------- /verl/utils/rollout_skip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/rollout_skip.py -------------------------------------------------------------------------------- /verl/utils/rollout_trace.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/rollout_trace.py -------------------------------------------------------------------------------- /verl/utils/seqlen_balancing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/seqlen_balancing.py -------------------------------------------------------------------------------- /verl/utils/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/tokenizer.py -------------------------------------------------------------------------------- /verl/utils/torch_dtypes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/torch_dtypes.py -------------------------------------------------------------------------------- /verl/utils/torch_functional.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/torch_functional.py -------------------------------------------------------------------------------- /verl/utils/tracking.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/tracking.py -------------------------------------------------------------------------------- /verl/utils/transformers_compat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/transformers_compat.py -------------------------------------------------------------------------------- /verl/utils/ulysses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/ulysses.py -------------------------------------------------------------------------------- /verl/utils/vllm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/vllm/__init__.py -------------------------------------------------------------------------------- /verl/utils/vllm/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/vllm/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/vllm/__pycache__/patch.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/vllm/__pycache__/patch.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/vllm/__pycache__/utils.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/vllm/__pycache__/utils.cpython-310.pyc -------------------------------------------------------------------------------- /verl/utils/vllm/patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/vllm/patch.py -------------------------------------------------------------------------------- /verl/utils/vllm/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/utils/vllm/utils.py -------------------------------------------------------------------------------- /verl/version/version: -------------------------------------------------------------------------------- 1 | 0.5.0.dev 2 | -------------------------------------------------------------------------------- /verl/workers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/__init__.py -------------------------------------------------------------------------------- /verl/workers/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /verl/workers/__pycache__/__init__.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/__pycache__/__init__.cpython-312.pyc -------------------------------------------------------------------------------- /verl/workers/__pycache__/fsdp_workers.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/__pycache__/fsdp_workers.cpython-310.pyc -------------------------------------------------------------------------------- /verl/workers/__pycache__/fsdp_workers.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/__pycache__/fsdp_workers.cpython-312.pyc -------------------------------------------------------------------------------- /verl/workers/actor/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/actor/__init__.py -------------------------------------------------------------------------------- /verl/workers/actor/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/actor/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /verl/workers/actor/__pycache__/__init__.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/actor/__pycache__/__init__.cpython-312.pyc -------------------------------------------------------------------------------- /verl/workers/actor/__pycache__/base.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/actor/__pycache__/base.cpython-310.pyc -------------------------------------------------------------------------------- /verl/workers/actor/__pycache__/base.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/actor/__pycache__/base.cpython-312.pyc -------------------------------------------------------------------------------- /verl/workers/actor/__pycache__/dp_actor.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/actor/__pycache__/dp_actor.cpython-310.pyc -------------------------------------------------------------------------------- /verl/workers/actor/__pycache__/dp_actor.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/actor/__pycache__/dp_actor.cpython-312.pyc -------------------------------------------------------------------------------- /verl/workers/actor/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/actor/base.py -------------------------------------------------------------------------------- /verl/workers/actor/dp_actor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/actor/dp_actor.py -------------------------------------------------------------------------------- /verl/workers/actor/megatron_actor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/actor/megatron_actor.py -------------------------------------------------------------------------------- /verl/workers/config/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/config/__init__.py -------------------------------------------------------------------------------- /verl/workers/config/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/config/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /verl/workers/config/__pycache__/__init__.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/config/__pycache__/__init__.cpython-312.pyc -------------------------------------------------------------------------------- /verl/workers/config/__pycache__/actor.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/config/__pycache__/actor.cpython-310.pyc -------------------------------------------------------------------------------- /verl/workers/config/__pycache__/actor.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/config/__pycache__/actor.cpython-312.pyc -------------------------------------------------------------------------------- /verl/workers/config/__pycache__/critic.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/config/__pycache__/critic.cpython-310.pyc -------------------------------------------------------------------------------- /verl/workers/config/__pycache__/critic.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/config/__pycache__/critic.cpython-312.pyc -------------------------------------------------------------------------------- /verl/workers/config/__pycache__/engine.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/config/__pycache__/engine.cpython-310.pyc -------------------------------------------------------------------------------- /verl/workers/config/__pycache__/engine.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/config/__pycache__/engine.cpython-312.pyc -------------------------------------------------------------------------------- /verl/workers/config/__pycache__/model.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/config/__pycache__/model.cpython-310.pyc -------------------------------------------------------------------------------- /verl/workers/config/__pycache__/model.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/config/__pycache__/model.cpython-312.pyc -------------------------------------------------------------------------------- /verl/workers/config/__pycache__/optimizer.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/config/__pycache__/optimizer.cpython-310.pyc -------------------------------------------------------------------------------- /verl/workers/config/__pycache__/optimizer.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/config/__pycache__/optimizer.cpython-312.pyc -------------------------------------------------------------------------------- /verl/workers/config/__pycache__/rollout.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/config/__pycache__/rollout.cpython-310.pyc -------------------------------------------------------------------------------- /verl/workers/config/__pycache__/rollout.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/config/__pycache__/rollout.cpython-312.pyc -------------------------------------------------------------------------------- /verl/workers/config/actor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/config/actor.py -------------------------------------------------------------------------------- /verl/workers/config/critic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/config/critic.py -------------------------------------------------------------------------------- /verl/workers/config/engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/config/engine.py -------------------------------------------------------------------------------- /verl/workers/config/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/config/model.py -------------------------------------------------------------------------------- /verl/workers/config/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/config/optimizer.py -------------------------------------------------------------------------------- /verl/workers/config/rollout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/config/rollout.py -------------------------------------------------------------------------------- /verl/workers/critic/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/critic/__init__.py -------------------------------------------------------------------------------- /verl/workers/critic/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/critic/base.py -------------------------------------------------------------------------------- /verl/workers/critic/dp_critic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/critic/dp_critic.py -------------------------------------------------------------------------------- /verl/workers/critic/megatron_critic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/critic/megatron_critic.py -------------------------------------------------------------------------------- /verl/workers/engine/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/engine/__init__.py -------------------------------------------------------------------------------- /verl/workers/engine/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/engine/base.py -------------------------------------------------------------------------------- /verl/workers/engine/fsdp/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/engine/fsdp/__init__.py -------------------------------------------------------------------------------- /verl/workers/engine/fsdp/engine_impl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/engine/fsdp/engine_impl.py -------------------------------------------------------------------------------- /verl/workers/engine/fsdp/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/engine/fsdp/utils.py -------------------------------------------------------------------------------- /verl/workers/engine/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/engine/megatron/__init__.py -------------------------------------------------------------------------------- /verl/workers/engine/megatron/engine_impl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/engine/megatron/engine_impl.py -------------------------------------------------------------------------------- /verl/workers/engine/megatron/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/engine/megatron/utils.py -------------------------------------------------------------------------------- /verl/workers/fsdp_workers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/fsdp_workers.py -------------------------------------------------------------------------------- /verl/workers/megatron_workers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/megatron_workers.py -------------------------------------------------------------------------------- /verl/workers/reward_manager/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/reward_manager/__init__.py -------------------------------------------------------------------------------- /verl/workers/reward_manager/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/reward_manager/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /verl/workers/reward_manager/__pycache__/__init__.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/reward_manager/__pycache__/__init__.cpython-312.pyc -------------------------------------------------------------------------------- /verl/workers/reward_manager/__pycache__/abstract.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/reward_manager/__pycache__/abstract.cpython-310.pyc -------------------------------------------------------------------------------- /verl/workers/reward_manager/__pycache__/abstract.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/reward_manager/__pycache__/abstract.cpython-312.pyc -------------------------------------------------------------------------------- /verl/workers/reward_manager/__pycache__/batch.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/reward_manager/__pycache__/batch.cpython-310.pyc -------------------------------------------------------------------------------- /verl/workers/reward_manager/__pycache__/batch.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/reward_manager/__pycache__/batch.cpython-312.pyc -------------------------------------------------------------------------------- /verl/workers/reward_manager/__pycache__/dapo.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/reward_manager/__pycache__/dapo.cpython-310.pyc -------------------------------------------------------------------------------- /verl/workers/reward_manager/__pycache__/dapo.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/reward_manager/__pycache__/dapo.cpython-312.pyc -------------------------------------------------------------------------------- /verl/workers/reward_manager/__pycache__/naive.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/reward_manager/__pycache__/naive.cpython-310.pyc -------------------------------------------------------------------------------- /verl/workers/reward_manager/__pycache__/naive.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/reward_manager/__pycache__/naive.cpython-312.pyc -------------------------------------------------------------------------------- /verl/workers/reward_manager/__pycache__/prime.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/reward_manager/__pycache__/prime.cpython-310.pyc -------------------------------------------------------------------------------- /verl/workers/reward_manager/__pycache__/prime.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/reward_manager/__pycache__/prime.cpython-312.pyc -------------------------------------------------------------------------------- /verl/workers/reward_manager/__pycache__/registry.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/reward_manager/__pycache__/registry.cpython-310.pyc -------------------------------------------------------------------------------- /verl/workers/reward_manager/__pycache__/registry.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/reward_manager/__pycache__/registry.cpython-312.pyc -------------------------------------------------------------------------------- /verl/workers/reward_manager/abstract.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/reward_manager/abstract.py -------------------------------------------------------------------------------- /verl/workers/reward_manager/batch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/reward_manager/batch.py -------------------------------------------------------------------------------- /verl/workers/reward_manager/dapo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/reward_manager/dapo.py -------------------------------------------------------------------------------- /verl/workers/reward_manager/naive.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/reward_manager/naive.py -------------------------------------------------------------------------------- /verl/workers/reward_manager/prime.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/reward_manager/prime.py -------------------------------------------------------------------------------- /verl/workers/reward_manager/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/reward_manager/registry.py -------------------------------------------------------------------------------- /verl/workers/reward_model/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/reward_model/__init__.py -------------------------------------------------------------------------------- /verl/workers/reward_model/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/reward_model/base.py -------------------------------------------------------------------------------- /verl/workers/reward_model/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/reward_model/megatron/__init__.py -------------------------------------------------------------------------------- /verl/workers/reward_model/megatron/reward_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/reward_model/megatron/reward_model.py -------------------------------------------------------------------------------- /verl/workers/roles/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/roles/__init__.py -------------------------------------------------------------------------------- /verl/workers/roles/actor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/roles/actor.py -------------------------------------------------------------------------------- /verl/workers/roles/critic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/roles/critic.py -------------------------------------------------------------------------------- /verl/workers/roles/hybrid_engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/roles/hybrid_engine.py -------------------------------------------------------------------------------- /verl/workers/roles/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/roles/utils/__init__.py -------------------------------------------------------------------------------- /verl/workers/roles/utils/losses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/roles/utils/losses.py -------------------------------------------------------------------------------- /verl/workers/rollout/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/rollout/__init__.py -------------------------------------------------------------------------------- /verl/workers/rollout/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/rollout/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /verl/workers/rollout/__pycache__/__init__.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/rollout/__pycache__/__init__.cpython-312.pyc -------------------------------------------------------------------------------- /verl/workers/rollout/__pycache__/base.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/rollout/__pycache__/base.cpython-310.pyc -------------------------------------------------------------------------------- /verl/workers/rollout/__pycache__/base.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/rollout/__pycache__/base.cpython-312.pyc -------------------------------------------------------------------------------- /verl/workers/rollout/__pycache__/hf_rollout.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/rollout/__pycache__/hf_rollout.cpython-310.pyc -------------------------------------------------------------------------------- /verl/workers/rollout/__pycache__/hf_rollout.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/rollout/__pycache__/hf_rollout.cpython-312.pyc -------------------------------------------------------------------------------- /verl/workers/rollout/__pycache__/rollout_worker.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/rollout/__pycache__/rollout_worker.cpython-310.pyc -------------------------------------------------------------------------------- /verl/workers/rollout/__pycache__/rollout_worker.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/rollout/__pycache__/rollout_worker.cpython-312.pyc -------------------------------------------------------------------------------- /verl/workers/rollout/async_server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/rollout/async_server.py -------------------------------------------------------------------------------- /verl/workers/rollout/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/rollout/base.py -------------------------------------------------------------------------------- /verl/workers/rollout/hf_rollout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/rollout/hf_rollout.py -------------------------------------------------------------------------------- /verl/workers/rollout/naive/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/rollout/naive/__init__.py -------------------------------------------------------------------------------- /verl/workers/rollout/naive/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/rollout/naive/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /verl/workers/rollout/naive/__pycache__/__init__.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/rollout/naive/__pycache__/__init__.cpython-312.pyc -------------------------------------------------------------------------------- /verl/workers/rollout/naive/__pycache__/naive_rollout.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/rollout/naive/__pycache__/naive_rollout.cpython-310.pyc -------------------------------------------------------------------------------- /verl/workers/rollout/naive/__pycache__/naive_rollout.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/rollout/naive/__pycache__/naive_rollout.cpython-312.pyc -------------------------------------------------------------------------------- /verl/workers/rollout/naive/naive_rollout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/rollout/naive/naive_rollout.py -------------------------------------------------------------------------------- /verl/workers/rollout/rollout_worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/rollout/rollout_worker.py -------------------------------------------------------------------------------- /verl/workers/rollout/schemas.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/rollout/schemas.py -------------------------------------------------------------------------------- /verl/workers/rollout/sglang_rollout/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/rollout/sglang_rollout/__init__.py -------------------------------------------------------------------------------- /verl/workers/rollout/sglang_rollout/async_sglang_server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/rollout/sglang_rollout/async_sglang_server.py -------------------------------------------------------------------------------- /verl/workers/rollout/sglang_rollout/http_server_engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/rollout/sglang_rollout/http_server_engine.py -------------------------------------------------------------------------------- /verl/workers/rollout/sglang_rollout/sglang_rollout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/rollout/sglang_rollout/sglang_rollout.py -------------------------------------------------------------------------------- /verl/workers/rollout/sglang_rollout/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/rollout/sglang_rollout/utils.py -------------------------------------------------------------------------------- /verl/workers/rollout/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/rollout/tokenizer.py -------------------------------------------------------------------------------- /verl/workers/rollout/vllm_rollout/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/rollout/vllm_rollout/__init__.py -------------------------------------------------------------------------------- /verl/workers/rollout/vllm_rollout/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/rollout/vllm_rollout/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /verl/workers/rollout/vllm_rollout/__pycache__/__init__.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/rollout/vllm_rollout/__pycache__/__init__.cpython-312.pyc -------------------------------------------------------------------------------- /verl/workers/rollout/vllm_rollout/__pycache__/vllm_rollout_spmd.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/rollout/vllm_rollout/__pycache__/vllm_rollout_spmd.cpython-310.pyc -------------------------------------------------------------------------------- /verl/workers/rollout/vllm_rollout/__pycache__/vllm_rollout_spmd.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/rollout/vllm_rollout/__pycache__/vllm_rollout_spmd.cpython-312.pyc -------------------------------------------------------------------------------- /verl/workers/rollout/vllm_rollout/vllm_async_server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/rollout/vllm_rollout/vllm_async_server.py -------------------------------------------------------------------------------- /verl/workers/rollout/vllm_rollout/vllm_rollout_spmd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/rollout/vllm_rollout/vllm_rollout_spmd.py -------------------------------------------------------------------------------- /verl/workers/sharding_manager/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/sharding_manager/__init__.py -------------------------------------------------------------------------------- /verl/workers/sharding_manager/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/sharding_manager/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /verl/workers/sharding_manager/__pycache__/__init__.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/sharding_manager/__pycache__/__init__.cpython-312.pyc -------------------------------------------------------------------------------- /verl/workers/sharding_manager/__pycache__/base.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/sharding_manager/__pycache__/base.cpython-310.pyc -------------------------------------------------------------------------------- /verl/workers/sharding_manager/__pycache__/base.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/sharding_manager/__pycache__/base.cpython-312.pyc -------------------------------------------------------------------------------- /verl/workers/sharding_manager/__pycache__/fsdp_ulysses.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/sharding_manager/__pycache__/fsdp_ulysses.cpython-310.pyc -------------------------------------------------------------------------------- /verl/workers/sharding_manager/__pycache__/fsdp_ulysses.cpython-312.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/sharding_manager/__pycache__/fsdp_ulysses.cpython-312.pyc -------------------------------------------------------------------------------- /verl/workers/sharding_manager/__pycache__/fsdp_vllm.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/sharding_manager/__pycache__/fsdp_vllm.cpython-310.pyc -------------------------------------------------------------------------------- /verl/workers/sharding_manager/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/sharding_manager/base.py -------------------------------------------------------------------------------- /verl/workers/sharding_manager/fsdp_sglang.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/sharding_manager/fsdp_sglang.py -------------------------------------------------------------------------------- /verl/workers/sharding_manager/fsdp_ulysses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/sharding_manager/fsdp_ulysses.py -------------------------------------------------------------------------------- /verl/workers/sharding_manager/fsdp_vllm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/sharding_manager/fsdp_vllm.py -------------------------------------------------------------------------------- /verl/workers/sharding_manager/megatron_sglang.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/sharding_manager/megatron_sglang.py -------------------------------------------------------------------------------- /verl/workers/sharding_manager/megatron_vllm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MasterVito/SwS/HEAD/verl/workers/sharding_manager/megatron_vllm.py --------------------------------------------------------------------------------