├── .gitignore ├── LICENSE ├── README.md ├── environment_s3.yml ├── generator_llms ├── __init__.py ├── claude_api.py ├── deepinfra.py ├── deepretrieval.sh ├── gpt_azure.py ├── host.sh ├── infererence.sh ├── local.py ├── local_inst.py ├── prev │ ├── local_api.py │ ├── local_ppl.py │ ├── local_seper.py │ └── test_cases_old.py ├── query_rewrite.py ├── qwen_api.py ├── seper │ ├── __init__.py │ ├── calculate.py │ ├── example.ipynb │ ├── models │ │ ├── __init__.py │ │ ├── base_model.py │ │ └── huggingface_models.py │ └── uncertainty_measures │ │ └── semantic_entropy.py ├── test_cases.py ├── test_local_api.py └── together_api.py ├── images ├── framework.png └── performance_overview.png ├── requirements.txt ├── s3 ├── __init__.py ├── llm_agent │ ├── __init__.py │ ├── generation_s3.py │ ├── generation_searchr1.py │ ├── prev │ │ ├── generation.py │ │ ├── generation_perp.py │ │ ├── generation_self.py │ │ ├── generation_v1.py │ │ └── generation_v2.py │ └── tensor_helper.py └── search │ ├── build_index.sh │ ├── index_builder.py │ ├── rerank_server.py │ ├── retrieval.py │ ├── retrieval.sh │ ├── retrieval_request.py │ ├── retrieval_rerank_server.py │ ├── retrieval_server.py │ └── serp_search_server.py ├── scripts ├── __init__.py ├── baselines │ ├── __init__.py │ ├── bm25_retrieval.py │ ├── deepretrieval_deploy.sh │ ├── e5_retrieval.py │ ├── e5_retrieval_cube.py │ ├── ircot.py │ ├── rag.sh │ ├── run_bm25_retrieval.sh │ ├── run_retrieval.sh │ ├── run_retrieval_cube.sh │ ├── run_retrieval_medcorp.sh │ ├── search_o1.py │ ├── search_r1.sh │ ├── search_r1_cube.sh │ └── search_r1_train.sh ├── data_process │ ├── e5_retrieval.py │ ├── preprocess_zeroshot.py │ ├── process_mirage.py │ ├── process_mirage_medcorp.py │ ├── process_mirage_r1.py │ ├── qa_search_test_merge.py │ ├── qa_search_train_merge.py │ ├── sample_rag_results.py │ ├── test.py │ ├── test_base.py │ ├── test_perp.py │ ├── test_progress.py │ ├── test_r1_cube.py │ ├── test_s3.py │ ├── test_s3_cube.py │ ├── test_s3_cube_pre.py │ ├── test_s3_sampled.py │ ├── test_self.py │ ├── test_u1.py │ ├── test_u1_v0.py │ ├── test_u1_v1.py │ ├── test_u1_v2.py │ ├── test_u1_v6.py │ ├── test_u1_v7.py │ ├── test_ug.py │ ├── train.py │ ├── train_base.py │ ├── train_perp.py │ ├── train_s3.py │ ├── train_self.py │ ├── train_u1.py │ ├── train_u1_v0.py │ ├── train_u1_v1.py │ ├── train_u1_v2.py │ ├── train_u1_v6.py │ ├── train_u1_v7.py │ └── train_ug.py ├── dataset_construct │ ├── data_process_r1.sh │ ├── data_process_s3.sh │ ├── data_process_s3_pre.sh │ └── others │ │ ├── data_process_r1_cube.sh │ │ ├── data_process_s3_cube.sh │ │ └── data_process_s3_cube_pre.sh ├── deploy_retriever │ ├── retrieval_launch.sh │ ├── retrieval_launch_bm25.sh │ ├── retrieval_launch_cube.sh │ ├── retrieval_launch_medcorp.sh │ └── retrieval_launch_medcorp_bm25.sh ├── download.py ├── evaluation │ ├── compute_context_stats.py │ ├── context.py │ ├── context_cube.py │ ├── context_ircot.py │ ├── context_ircot_mirage.py │ ├── context_mirage.py │ ├── context_mirage_no_select.py │ ├── context_mirage_test.py │ ├── context_no_both.py │ ├── context_no_init.py │ ├── context_no_select.py │ ├── context_searcho1_general.py │ ├── context_searcho1_mirage.py │ ├── cot.py │ ├── cot_mirage.py │ ├── eval_only.py │ ├── eval_only_r1.py │ ├── readme.md │ ├── run.sh │ ├── run_ablation.sh │ ├── run_cube.sh │ ├── run_mirage.sh │ ├── run_rag_cache.sh │ ├── zeroshot.py │ └── zeroshot_mirage.py ├── index_build │ ├── build_index.sh │ └── build_index_cube.sh ├── precompute.sh ├── s3_inference │ ├── evaluate-3-3-3.sh │ ├── evaluate-3-3-4.sh │ ├── evaluate-5-3-3.sh │ ├── evaluate-5-3-4.sh │ ├── evaluate-8-3-3.sh │ ├── evaluate.sh │ └── others │ │ └── evaluate-cube.sh ├── test │ └── test_rag_2.py ├── train │ ├── others │ │ ├── train_grpo.sh │ │ ├── train_grpo_40e5_7b.sh │ │ ├── train_grpo_7b.sh │ │ ├── train_ppo copy 2.sh │ │ ├── train_ppo copy.sh │ │ ├── train_ppo.sh │ │ ├── train_ppo_40.sh │ │ ├── train_ppo_40e5.sh │ │ ├── train_ppo_40e5_7b.sh │ │ ├── train_ppo_7b.sh │ │ ├── train_ppo_7b_5gpu.sh │ │ ├── train_ppo_e5.sh │ │ ├── train_ppo_self.sh │ │ └── train_s3_1.5b.sh │ ├── train_s3.sh │ └── train_searchr1.sh └── train_sft.py ├── setup.py ├── utils ├── __init__.py └── java_init.py └── verl ├── __init__.py ├── models ├── README.md ├── __init__.py ├── llama │ ├── __init__.py │ └── megatron │ │ ├── __init__.py │ │ ├── checkpoint_utils │ │ ├── __init__.py │ │ ├── llama_loader.py │ │ └── llama_saver.py │ │ ├── layers │ │ ├── __init__.py │ │ ├── parallel_attention.py │ │ ├── parallel_decoder.py │ │ ├── parallel_linear.py │ │ ├── parallel_mlp.py │ │ └── parallel_rmsnorm.py │ │ └── modeling_llama_megatron.py ├── registry.py ├── transformers │ ├── __init__.py │ ├── llama.py │ ├── monkey_patch.py │ └── qwen2.py └── weight_loader_registry.py ├── protocol.py ├── single_controller ├── __init__.py ├── base │ ├── __init__.py │ ├── decorator.py │ ├── megatron │ │ ├── __init__.py │ │ ├── worker.py │ │ └── worker_group.py │ ├── register_center │ │ ├── __init__.py │ │ └── ray.py │ ├── worker.py │ └── worker_group.py ├── ray │ ├── __init__.py │ ├── base.py │ └── megatron.py └── version │ └── version ├── third_party ├── __init__.py └── vllm │ ├── __init__.py │ ├── vllm_v_0_3_1 │ ├── __init__.py │ ├── arg_utils.py │ ├── config.py │ ├── llm.py │ ├── llm_engine_sp.py │ ├── model_loader.py │ ├── model_runner.py │ ├── parallel_state.py │ ├── tokenizer.py │ ├── weight_loaders.py │ └── worker.py │ ├── vllm_v_0_4_2 │ ├── __init__.py │ ├── arg_utils.py │ ├── config.py │ ├── dtensor_weight_loaders.py │ ├── hf_weight_loader.py │ ├── llm.py │ ├── llm_engine_sp.py │ ├── megatron_weight_loaders.py │ ├── model_loader.py │ ├── model_runner.py │ ├── parallel_state.py │ ├── spmd_gpu_executor.py │ ├── tokenizer.py │ └── worker.py │ ├── vllm_v_0_5_4 │ ├── __init__.py │ ├── arg_utils.py │ ├── config.py │ ├── dtensor_weight_loaders.py │ ├── hf_weight_loader.py │ ├── llm.py │ ├── llm_engine_sp.py │ ├── megatron_weight_loaders.py │ ├── model_loader.py │ ├── model_runner.py │ ├── parallel_state.py │ ├── spmd_gpu_executor.py │ ├── tokenizer.py │ └── worker.py │ └── vllm_v_0_6_3 │ ├── __init__.py │ ├── arg_utils.py │ ├── config.py │ ├── dtensor_weight_loaders.py │ ├── hf_weight_loader.py │ ├── llm.py │ ├── llm_engine_sp.py │ ├── megatron_weight_loaders.py │ ├── model_loader.py │ ├── model_runner.py │ ├── parallel_state.py │ ├── spmd_gpu_executor.py │ ├── tokenizer.py │ └── worker.py ├── trainer ├── __init__.py ├── config │ ├── evaluation.yaml │ ├── generation.yaml │ ├── ppo_megatron_trainer.yaml │ ├── ppo_trainer.yaml │ └── sft_trainer.yaml ├── fsdp_sft_trainer.py ├── main_eval.py ├── main_generation.py ├── main_ppo.py ├── main_ppo_r1.py ├── ppo │ ├── __init__.py │ ├── core_algos.py │ ├── ray_trainer.py │ └── ray_trainer_r1.py └── runtime_env.yaml ├── utils ├── __init__.py ├── config.py ├── dataset │ ├── README.md │ ├── __init__.py │ ├── rl_dataset.py │ └── rm_dataset.py ├── debug │ ├── __init__.py │ ├── performance.py │ └── trajectory_tracker.py ├── distributed.py ├── flops_counter.py ├── fs.py ├── fsdp_utils.py ├── hdfs_io.py ├── import_utils.py ├── logger │ ├── __init__.py │ └── aggregate_logger.py ├── logging_utils.py ├── megatron │ ├── __init__.py │ ├── memory.py │ ├── optimizer.py │ ├── optimizer_config.py │ ├── pipeline_parallel.py │ ├── sequence_parallel.py │ └── tensor_parallel.py ├── megatron_utils.py ├── memory_buffer.py ├── model.py ├── py_functional.py ├── ray_utils.py ├── rendezvous │ ├── __init__.py │ └── ray_backend.py ├── reward_score │ ├── __init__.py │ ├── countdown.py │ ├── extract.py │ ├── gsm8k.py │ ├── math.py │ ├── multiply.py │ ├── ppl.py │ ├── qa_em.py │ ├── rag.py │ ├── rag_2.py │ ├── rag_new.py │ └── ret.py ├── seqlen_balancing.py ├── tokenizer.py ├── torch_dtypes.py ├── torch_functional.py ├── tracking.py └── ulysses.py ├── version └── version └── workers ├── __init__.py ├── actor ├── __init__.py ├── base.py ├── dp_actor.py └── megatron_actor.py ├── critic ├── __init__.py ├── base.py ├── dp_critic.py └── megatron_critic.py ├── fsdp_workers.py ├── megatron_workers.py ├── retriever_workers.py ├── reward_model ├── __init__.py ├── base.py └── megatron │ ├── __init__.py │ └── reward_model.py ├── rollout ├── __init__.py ├── base.py ├── hf_rollout.py ├── naive │ ├── __init__.py │ └── naive_rollout.py ├── tokenizer.py └── vllm_rollout │ ├── __init__.py │ └── vllm_rollout.py └── sharding_manager ├── __init__.py ├── base.py ├── fsdp_ulysses.py ├── fsdp_vllm.py └── megatron_vllm.py /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/.gitignore -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/README.md -------------------------------------------------------------------------------- /environment_s3.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/environment_s3.yml -------------------------------------------------------------------------------- /generator_llms/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/generator_llms/__init__.py -------------------------------------------------------------------------------- /generator_llms/claude_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/generator_llms/claude_api.py -------------------------------------------------------------------------------- /generator_llms/deepinfra.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/generator_llms/deepinfra.py -------------------------------------------------------------------------------- /generator_llms/deepretrieval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/generator_llms/deepretrieval.sh -------------------------------------------------------------------------------- /generator_llms/gpt_azure.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/generator_llms/gpt_azure.py -------------------------------------------------------------------------------- /generator_llms/host.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/generator_llms/host.sh -------------------------------------------------------------------------------- /generator_llms/infererence.sh: -------------------------------------------------------------------------------- 1 | python local.py -------------------------------------------------------------------------------- /generator_llms/local.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/generator_llms/local.py -------------------------------------------------------------------------------- /generator_llms/local_inst.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/generator_llms/local_inst.py -------------------------------------------------------------------------------- /generator_llms/prev/local_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/generator_llms/prev/local_api.py -------------------------------------------------------------------------------- /generator_llms/prev/local_ppl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/generator_llms/prev/local_ppl.py -------------------------------------------------------------------------------- /generator_llms/prev/local_seper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/generator_llms/prev/local_seper.py -------------------------------------------------------------------------------- /generator_llms/prev/test_cases_old.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/generator_llms/prev/test_cases_old.py -------------------------------------------------------------------------------- /generator_llms/query_rewrite.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/generator_llms/query_rewrite.py -------------------------------------------------------------------------------- /generator_llms/qwen_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/generator_llms/qwen_api.py -------------------------------------------------------------------------------- /generator_llms/seper/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /generator_llms/seper/calculate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/generator_llms/seper/calculate.py -------------------------------------------------------------------------------- /generator_llms/seper/example.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/generator_llms/seper/example.ipynb -------------------------------------------------------------------------------- /generator_llms/seper/models/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /generator_llms/seper/models/base_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/generator_llms/seper/models/base_model.py -------------------------------------------------------------------------------- /generator_llms/seper/models/huggingface_models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/generator_llms/seper/models/huggingface_models.py -------------------------------------------------------------------------------- /generator_llms/seper/uncertainty_measures/semantic_entropy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/generator_llms/seper/uncertainty_measures/semantic_entropy.py -------------------------------------------------------------------------------- /generator_llms/test_cases.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/generator_llms/test_cases.py -------------------------------------------------------------------------------- /generator_llms/test_local_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/generator_llms/test_local_api.py -------------------------------------------------------------------------------- /generator_llms/together_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/generator_llms/together_api.py -------------------------------------------------------------------------------- /images/framework.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/images/framework.png -------------------------------------------------------------------------------- /images/performance_overview.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/images/performance_overview.png -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/requirements.txt -------------------------------------------------------------------------------- /s3/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /s3/llm_agent/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /s3/llm_agent/generation_s3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/s3/llm_agent/generation_s3.py -------------------------------------------------------------------------------- /s3/llm_agent/generation_searchr1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/s3/llm_agent/generation_searchr1.py -------------------------------------------------------------------------------- /s3/llm_agent/prev/generation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/s3/llm_agent/prev/generation.py -------------------------------------------------------------------------------- /s3/llm_agent/prev/generation_perp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/s3/llm_agent/prev/generation_perp.py -------------------------------------------------------------------------------- /s3/llm_agent/prev/generation_self.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/s3/llm_agent/prev/generation_self.py -------------------------------------------------------------------------------- /s3/llm_agent/prev/generation_v1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/s3/llm_agent/prev/generation_v1.py -------------------------------------------------------------------------------- /s3/llm_agent/prev/generation_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/s3/llm_agent/prev/generation_v2.py -------------------------------------------------------------------------------- /s3/llm_agent/tensor_helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/s3/llm_agent/tensor_helper.py -------------------------------------------------------------------------------- /s3/search/build_index.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/s3/search/build_index.sh -------------------------------------------------------------------------------- /s3/search/index_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/s3/search/index_builder.py -------------------------------------------------------------------------------- /s3/search/rerank_server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/s3/search/rerank_server.py -------------------------------------------------------------------------------- /s3/search/retrieval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/s3/search/retrieval.py -------------------------------------------------------------------------------- /s3/search/retrieval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/s3/search/retrieval.sh -------------------------------------------------------------------------------- /s3/search/retrieval_request.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/s3/search/retrieval_request.py -------------------------------------------------------------------------------- /s3/search/retrieval_rerank_server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/s3/search/retrieval_rerank_server.py -------------------------------------------------------------------------------- /s3/search/retrieval_server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/s3/search/retrieval_server.py -------------------------------------------------------------------------------- /s3/search/serp_search_server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/s3/search/serp_search_server.py -------------------------------------------------------------------------------- /scripts/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /scripts/baselines/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /scripts/baselines/bm25_retrieval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/baselines/bm25_retrieval.py -------------------------------------------------------------------------------- /scripts/baselines/deepretrieval_deploy.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/baselines/deepretrieval_deploy.sh -------------------------------------------------------------------------------- /scripts/baselines/e5_retrieval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/baselines/e5_retrieval.py -------------------------------------------------------------------------------- /scripts/baselines/e5_retrieval_cube.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/baselines/e5_retrieval_cube.py -------------------------------------------------------------------------------- /scripts/baselines/ircot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/baselines/ircot.py -------------------------------------------------------------------------------- /scripts/baselines/rag.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/baselines/rag.sh -------------------------------------------------------------------------------- /scripts/baselines/run_bm25_retrieval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/baselines/run_bm25_retrieval.sh -------------------------------------------------------------------------------- /scripts/baselines/run_retrieval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/baselines/run_retrieval.sh -------------------------------------------------------------------------------- /scripts/baselines/run_retrieval_cube.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/baselines/run_retrieval_cube.sh -------------------------------------------------------------------------------- /scripts/baselines/run_retrieval_medcorp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/baselines/run_retrieval_medcorp.sh -------------------------------------------------------------------------------- /scripts/baselines/search_o1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/baselines/search_o1.py -------------------------------------------------------------------------------- /scripts/baselines/search_r1.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/baselines/search_r1.sh -------------------------------------------------------------------------------- /scripts/baselines/search_r1_cube.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/baselines/search_r1_cube.sh -------------------------------------------------------------------------------- /scripts/baselines/search_r1_train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/baselines/search_r1_train.sh -------------------------------------------------------------------------------- /scripts/data_process/e5_retrieval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/data_process/e5_retrieval.py -------------------------------------------------------------------------------- /scripts/data_process/preprocess_zeroshot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/data_process/preprocess_zeroshot.py -------------------------------------------------------------------------------- /scripts/data_process/process_mirage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/data_process/process_mirage.py -------------------------------------------------------------------------------- /scripts/data_process/process_mirage_medcorp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/data_process/process_mirage_medcorp.py -------------------------------------------------------------------------------- /scripts/data_process/process_mirage_r1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/data_process/process_mirage_r1.py -------------------------------------------------------------------------------- /scripts/data_process/qa_search_test_merge.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/data_process/qa_search_test_merge.py -------------------------------------------------------------------------------- /scripts/data_process/qa_search_train_merge.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/data_process/qa_search_train_merge.py -------------------------------------------------------------------------------- /scripts/data_process/sample_rag_results.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/data_process/sample_rag_results.py -------------------------------------------------------------------------------- /scripts/data_process/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/data_process/test.py -------------------------------------------------------------------------------- /scripts/data_process/test_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/data_process/test_base.py -------------------------------------------------------------------------------- /scripts/data_process/test_perp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/data_process/test_perp.py -------------------------------------------------------------------------------- /scripts/data_process/test_progress.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/data_process/test_progress.py -------------------------------------------------------------------------------- /scripts/data_process/test_r1_cube.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/data_process/test_r1_cube.py -------------------------------------------------------------------------------- /scripts/data_process/test_s3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/data_process/test_s3.py -------------------------------------------------------------------------------- /scripts/data_process/test_s3_cube.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/data_process/test_s3_cube.py -------------------------------------------------------------------------------- /scripts/data_process/test_s3_cube_pre.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/data_process/test_s3_cube_pre.py -------------------------------------------------------------------------------- /scripts/data_process/test_s3_sampled.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/data_process/test_s3_sampled.py -------------------------------------------------------------------------------- /scripts/data_process/test_self.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/data_process/test_self.py -------------------------------------------------------------------------------- /scripts/data_process/test_u1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/data_process/test_u1.py -------------------------------------------------------------------------------- /scripts/data_process/test_u1_v0.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/data_process/test_u1_v0.py -------------------------------------------------------------------------------- /scripts/data_process/test_u1_v1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/data_process/test_u1_v1.py -------------------------------------------------------------------------------- /scripts/data_process/test_u1_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/data_process/test_u1_v2.py -------------------------------------------------------------------------------- /scripts/data_process/test_u1_v6.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/data_process/test_u1_v6.py -------------------------------------------------------------------------------- /scripts/data_process/test_u1_v7.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/data_process/test_u1_v7.py -------------------------------------------------------------------------------- /scripts/data_process/test_ug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/data_process/test_ug.py -------------------------------------------------------------------------------- /scripts/data_process/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/data_process/train.py -------------------------------------------------------------------------------- /scripts/data_process/train_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/data_process/train_base.py -------------------------------------------------------------------------------- /scripts/data_process/train_perp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/data_process/train_perp.py -------------------------------------------------------------------------------- /scripts/data_process/train_s3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/data_process/train_s3.py -------------------------------------------------------------------------------- /scripts/data_process/train_self.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/data_process/train_self.py -------------------------------------------------------------------------------- /scripts/data_process/train_u1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/data_process/train_u1.py -------------------------------------------------------------------------------- /scripts/data_process/train_u1_v0.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/data_process/train_u1_v0.py -------------------------------------------------------------------------------- /scripts/data_process/train_u1_v1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/data_process/train_u1_v1.py -------------------------------------------------------------------------------- /scripts/data_process/train_u1_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/data_process/train_u1_v2.py -------------------------------------------------------------------------------- /scripts/data_process/train_u1_v6.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/data_process/train_u1_v6.py -------------------------------------------------------------------------------- /scripts/data_process/train_u1_v7.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/data_process/train_u1_v7.py -------------------------------------------------------------------------------- /scripts/data_process/train_ug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/data_process/train_ug.py -------------------------------------------------------------------------------- /scripts/dataset_construct/data_process_r1.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/dataset_construct/data_process_r1.sh -------------------------------------------------------------------------------- /scripts/dataset_construct/data_process_s3.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/dataset_construct/data_process_s3.sh -------------------------------------------------------------------------------- /scripts/dataset_construct/data_process_s3_pre.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/dataset_construct/data_process_s3_pre.sh -------------------------------------------------------------------------------- /scripts/dataset_construct/others/data_process_r1_cube.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/dataset_construct/others/data_process_r1_cube.sh -------------------------------------------------------------------------------- /scripts/dataset_construct/others/data_process_s3_cube.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/dataset_construct/others/data_process_s3_cube.sh -------------------------------------------------------------------------------- /scripts/dataset_construct/others/data_process_s3_cube_pre.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/dataset_construct/others/data_process_s3_cube_pre.sh -------------------------------------------------------------------------------- /scripts/deploy_retriever/retrieval_launch.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/deploy_retriever/retrieval_launch.sh -------------------------------------------------------------------------------- /scripts/deploy_retriever/retrieval_launch_bm25.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/deploy_retriever/retrieval_launch_bm25.sh -------------------------------------------------------------------------------- /scripts/deploy_retriever/retrieval_launch_cube.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/deploy_retriever/retrieval_launch_cube.sh -------------------------------------------------------------------------------- /scripts/deploy_retriever/retrieval_launch_medcorp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/deploy_retriever/retrieval_launch_medcorp.sh -------------------------------------------------------------------------------- /scripts/deploy_retriever/retrieval_launch_medcorp_bm25.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/deploy_retriever/retrieval_launch_medcorp_bm25.sh -------------------------------------------------------------------------------- /scripts/download.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/download.py -------------------------------------------------------------------------------- /scripts/evaluation/compute_context_stats.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/evaluation/compute_context_stats.py -------------------------------------------------------------------------------- /scripts/evaluation/context.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/evaluation/context.py -------------------------------------------------------------------------------- /scripts/evaluation/context_cube.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/evaluation/context_cube.py -------------------------------------------------------------------------------- /scripts/evaluation/context_ircot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/evaluation/context_ircot.py -------------------------------------------------------------------------------- /scripts/evaluation/context_ircot_mirage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/evaluation/context_ircot_mirage.py -------------------------------------------------------------------------------- /scripts/evaluation/context_mirage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/evaluation/context_mirage.py -------------------------------------------------------------------------------- /scripts/evaluation/context_mirage_no_select.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/evaluation/context_mirage_no_select.py -------------------------------------------------------------------------------- /scripts/evaluation/context_mirage_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/evaluation/context_mirage_test.py -------------------------------------------------------------------------------- /scripts/evaluation/context_no_both.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/evaluation/context_no_both.py -------------------------------------------------------------------------------- /scripts/evaluation/context_no_init.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/evaluation/context_no_init.py -------------------------------------------------------------------------------- /scripts/evaluation/context_no_select.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/evaluation/context_no_select.py -------------------------------------------------------------------------------- /scripts/evaluation/context_searcho1_general.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/evaluation/context_searcho1_general.py -------------------------------------------------------------------------------- /scripts/evaluation/context_searcho1_mirage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/evaluation/context_searcho1_mirage.py -------------------------------------------------------------------------------- /scripts/evaluation/cot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/evaluation/cot.py -------------------------------------------------------------------------------- /scripts/evaluation/cot_mirage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/evaluation/cot_mirage.py -------------------------------------------------------------------------------- /scripts/evaluation/eval_only.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/evaluation/eval_only.py -------------------------------------------------------------------------------- /scripts/evaluation/eval_only_r1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/evaluation/eval_only_r1.py -------------------------------------------------------------------------------- /scripts/evaluation/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/evaluation/readme.md -------------------------------------------------------------------------------- /scripts/evaluation/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/evaluation/run.sh -------------------------------------------------------------------------------- /scripts/evaluation/run_ablation.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/evaluation/run_ablation.sh -------------------------------------------------------------------------------- /scripts/evaluation/run_cube.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/evaluation/run_cube.sh -------------------------------------------------------------------------------- /scripts/evaluation/run_mirage.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/evaluation/run_mirage.sh -------------------------------------------------------------------------------- /scripts/evaluation/run_rag_cache.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/evaluation/run_rag_cache.sh -------------------------------------------------------------------------------- /scripts/evaluation/zeroshot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/evaluation/zeroshot.py -------------------------------------------------------------------------------- /scripts/evaluation/zeroshot_mirage.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/evaluation/zeroshot_mirage.py -------------------------------------------------------------------------------- /scripts/index_build/build_index.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/index_build/build_index.sh -------------------------------------------------------------------------------- /scripts/index_build/build_index_cube.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/index_build/build_index_cube.sh -------------------------------------------------------------------------------- /scripts/precompute.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/precompute.sh -------------------------------------------------------------------------------- /scripts/s3_inference/evaluate-3-3-3.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/s3_inference/evaluate-3-3-3.sh -------------------------------------------------------------------------------- /scripts/s3_inference/evaluate-3-3-4.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/s3_inference/evaluate-3-3-4.sh -------------------------------------------------------------------------------- /scripts/s3_inference/evaluate-5-3-3.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/s3_inference/evaluate-5-3-3.sh -------------------------------------------------------------------------------- /scripts/s3_inference/evaluate-5-3-4.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/s3_inference/evaluate-5-3-4.sh -------------------------------------------------------------------------------- /scripts/s3_inference/evaluate-8-3-3.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/s3_inference/evaluate-8-3-3.sh -------------------------------------------------------------------------------- /scripts/s3_inference/evaluate.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/s3_inference/evaluate.sh -------------------------------------------------------------------------------- /scripts/s3_inference/others/evaluate-cube.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/s3_inference/others/evaluate-cube.sh -------------------------------------------------------------------------------- /scripts/test/test_rag_2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/test/test_rag_2.py -------------------------------------------------------------------------------- /scripts/train/others/train_grpo.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/train/others/train_grpo.sh -------------------------------------------------------------------------------- /scripts/train/others/train_grpo_40e5_7b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/train/others/train_grpo_40e5_7b.sh -------------------------------------------------------------------------------- /scripts/train/others/train_grpo_7b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/train/others/train_grpo_7b.sh -------------------------------------------------------------------------------- /scripts/train/others/train_ppo copy 2.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/train/others/train_ppo copy 2.sh -------------------------------------------------------------------------------- /scripts/train/others/train_ppo copy.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/train/others/train_ppo copy.sh -------------------------------------------------------------------------------- /scripts/train/others/train_ppo.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/train/others/train_ppo.sh -------------------------------------------------------------------------------- /scripts/train/others/train_ppo_40.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/train/others/train_ppo_40.sh -------------------------------------------------------------------------------- /scripts/train/others/train_ppo_40e5.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/train/others/train_ppo_40e5.sh -------------------------------------------------------------------------------- /scripts/train/others/train_ppo_40e5_7b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/train/others/train_ppo_40e5_7b.sh -------------------------------------------------------------------------------- /scripts/train/others/train_ppo_7b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/train/others/train_ppo_7b.sh -------------------------------------------------------------------------------- /scripts/train/others/train_ppo_7b_5gpu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/train/others/train_ppo_7b_5gpu.sh -------------------------------------------------------------------------------- /scripts/train/others/train_ppo_e5.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/train/others/train_ppo_e5.sh -------------------------------------------------------------------------------- /scripts/train/others/train_ppo_self.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/train/others/train_ppo_self.sh -------------------------------------------------------------------------------- /scripts/train/others/train_s3_1.5b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/train/others/train_s3_1.5b.sh -------------------------------------------------------------------------------- /scripts/train/train_s3.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/train/train_s3.sh -------------------------------------------------------------------------------- /scripts/train/train_searchr1.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/train/train_searchr1.sh -------------------------------------------------------------------------------- /scripts/train_sft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/scripts/train_sft.py -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/setup.py -------------------------------------------------------------------------------- /utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /utils/java_init.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/utils/java_init.py -------------------------------------------------------------------------------- /verl/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/__init__.py -------------------------------------------------------------------------------- /verl/models/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/models/README.md -------------------------------------------------------------------------------- /verl/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/models/__init__.py -------------------------------------------------------------------------------- /verl/models/llama/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/models/llama/__init__.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/models/llama/megatron/__init__.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/checkpoint_utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/models/llama/megatron/checkpoint_utils/__init__.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/checkpoint_utils/llama_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/models/llama/megatron/checkpoint_utils/llama_loader.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/checkpoint_utils/llama_saver.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/models/llama/megatron/checkpoint_utils/llama_saver.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/layers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/models/llama/megatron/layers/__init__.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/layers/parallel_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/models/llama/megatron/layers/parallel_attention.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/layers/parallel_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/models/llama/megatron/layers/parallel_decoder.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/layers/parallel_linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/models/llama/megatron/layers/parallel_linear.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/layers/parallel_mlp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/models/llama/megatron/layers/parallel_mlp.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/layers/parallel_rmsnorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/models/llama/megatron/layers/parallel_rmsnorm.py -------------------------------------------------------------------------------- /verl/models/llama/megatron/modeling_llama_megatron.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/models/llama/megatron/modeling_llama_megatron.py -------------------------------------------------------------------------------- /verl/models/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/models/registry.py -------------------------------------------------------------------------------- /verl/models/transformers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/models/transformers/__init__.py -------------------------------------------------------------------------------- /verl/models/transformers/llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/models/transformers/llama.py -------------------------------------------------------------------------------- /verl/models/transformers/monkey_patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/models/transformers/monkey_patch.py -------------------------------------------------------------------------------- /verl/models/transformers/qwen2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/models/transformers/qwen2.py -------------------------------------------------------------------------------- /verl/models/weight_loader_registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/models/weight_loader_registry.py -------------------------------------------------------------------------------- /verl/protocol.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/protocol.py -------------------------------------------------------------------------------- /verl/single_controller/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/single_controller/__init__.py -------------------------------------------------------------------------------- /verl/single_controller/base/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/single_controller/base/__init__.py -------------------------------------------------------------------------------- /verl/single_controller/base/decorator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/single_controller/base/decorator.py -------------------------------------------------------------------------------- /verl/single_controller/base/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/single_controller/base/megatron/__init__.py -------------------------------------------------------------------------------- /verl/single_controller/base/megatron/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/single_controller/base/megatron/worker.py -------------------------------------------------------------------------------- /verl/single_controller/base/megatron/worker_group.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/single_controller/base/megatron/worker_group.py -------------------------------------------------------------------------------- /verl/single_controller/base/register_center/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/single_controller/base/register_center/__init__.py -------------------------------------------------------------------------------- /verl/single_controller/base/register_center/ray.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/single_controller/base/register_center/ray.py -------------------------------------------------------------------------------- /verl/single_controller/base/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/single_controller/base/worker.py -------------------------------------------------------------------------------- /verl/single_controller/base/worker_group.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/single_controller/base/worker_group.py -------------------------------------------------------------------------------- /verl/single_controller/ray/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/single_controller/ray/__init__.py -------------------------------------------------------------------------------- /verl/single_controller/ray/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/single_controller/ray/base.py -------------------------------------------------------------------------------- /verl/single_controller/ray/megatron.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/single_controller/ray/megatron.py -------------------------------------------------------------------------------- /verl/single_controller/version/version: -------------------------------------------------------------------------------- 1 | 0.0.2 -------------------------------------------------------------------------------- /verl/third_party/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/__init__.py -------------------------------------------------------------------------------- /verl/third_party/vllm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/__init__.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_3_1/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_3_1/__init__.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_3_1/arg_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_3_1/arg_utils.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_3_1/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_3_1/config.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_3_1/llm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_3_1/llm.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_3_1/llm_engine_sp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_3_1/llm_engine_sp.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_3_1/model_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_3_1/model_loader.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_3_1/model_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_3_1/model_runner.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_3_1/parallel_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_3_1/parallel_state.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_3_1/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_3_1/tokenizer.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_3_1/weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_3_1/weight_loaders.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_3_1/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_3_1/worker.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_4_2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_4_2/__init__.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_4_2/arg_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_4_2/arg_utils.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_4_2/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_4_2/config.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_4_2/dtensor_weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_4_2/dtensor_weight_loaders.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_4_2/hf_weight_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_4_2/hf_weight_loader.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_4_2/llm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_4_2/llm.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_4_2/llm_engine_sp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_4_2/llm_engine_sp.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_4_2/megatron_weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_4_2/megatron_weight_loaders.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_4_2/model_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_4_2/model_loader.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_4_2/model_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_4_2/model_runner.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_4_2/parallel_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_4_2/parallel_state.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_4_2/spmd_gpu_executor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_4_2/spmd_gpu_executor.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_4_2/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_4_2/tokenizer.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_4_2/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_4_2/worker.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_5_4/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_5_4/__init__.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_5_4/arg_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_5_4/arg_utils.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_5_4/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_5_4/config.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_5_4/dtensor_weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_5_4/dtensor_weight_loaders.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_5_4/hf_weight_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_5_4/hf_weight_loader.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_5_4/llm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_5_4/llm.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_5_4/llm_engine_sp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_5_4/llm_engine_sp.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_5_4/megatron_weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_5_4/megatron_weight_loaders.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_5_4/model_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_5_4/model_loader.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_5_4/model_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_5_4/model_runner.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_5_4/parallel_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_5_4/parallel_state.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_5_4/spmd_gpu_executor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_5_4/spmd_gpu_executor.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_5_4/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_5_4/tokenizer.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_5_4/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_5_4/worker.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_6_3/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_6_3/__init__.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_6_3/arg_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_6_3/arg_utils.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_6_3/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_6_3/config.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_6_3/dtensor_weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_6_3/dtensor_weight_loaders.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_6_3/hf_weight_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_6_3/hf_weight_loader.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_6_3/llm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_6_3/llm.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_6_3/llm_engine_sp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_6_3/llm_engine_sp.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_6_3/megatron_weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_6_3/megatron_weight_loaders.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_6_3/model_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_6_3/model_loader.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_6_3/model_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_6_3/model_runner.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_6_3/parallel_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_6_3/parallel_state.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_6_3/spmd_gpu_executor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_6_3/spmd_gpu_executor.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_6_3/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_6_3/tokenizer.py -------------------------------------------------------------------------------- /verl/third_party/vllm/vllm_v_0_6_3/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/third_party/vllm/vllm_v_0_6_3/worker.py -------------------------------------------------------------------------------- /verl/trainer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/trainer/__init__.py -------------------------------------------------------------------------------- /verl/trainer/config/evaluation.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/trainer/config/evaluation.yaml -------------------------------------------------------------------------------- /verl/trainer/config/generation.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/trainer/config/generation.yaml -------------------------------------------------------------------------------- /verl/trainer/config/ppo_megatron_trainer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/trainer/config/ppo_megatron_trainer.yaml -------------------------------------------------------------------------------- /verl/trainer/config/ppo_trainer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/trainer/config/ppo_trainer.yaml -------------------------------------------------------------------------------- /verl/trainer/config/sft_trainer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/trainer/config/sft_trainer.yaml -------------------------------------------------------------------------------- /verl/trainer/fsdp_sft_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/trainer/fsdp_sft_trainer.py -------------------------------------------------------------------------------- /verl/trainer/main_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/trainer/main_eval.py -------------------------------------------------------------------------------- /verl/trainer/main_generation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/trainer/main_generation.py -------------------------------------------------------------------------------- /verl/trainer/main_ppo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/trainer/main_ppo.py -------------------------------------------------------------------------------- /verl/trainer/main_ppo_r1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/trainer/main_ppo_r1.py -------------------------------------------------------------------------------- /verl/trainer/ppo/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/trainer/ppo/__init__.py -------------------------------------------------------------------------------- /verl/trainer/ppo/core_algos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/trainer/ppo/core_algos.py -------------------------------------------------------------------------------- /verl/trainer/ppo/ray_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/trainer/ppo/ray_trainer.py -------------------------------------------------------------------------------- /verl/trainer/ppo/ray_trainer_r1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/trainer/ppo/ray_trainer_r1.py -------------------------------------------------------------------------------- /verl/trainer/runtime_env.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/trainer/runtime_env.yaml -------------------------------------------------------------------------------- /verl/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/__init__.py -------------------------------------------------------------------------------- /verl/utils/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/config.py -------------------------------------------------------------------------------- /verl/utils/dataset/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/dataset/README.md -------------------------------------------------------------------------------- /verl/utils/dataset/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/dataset/__init__.py -------------------------------------------------------------------------------- /verl/utils/dataset/rl_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/dataset/rl_dataset.py -------------------------------------------------------------------------------- /verl/utils/dataset/rm_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/dataset/rm_dataset.py -------------------------------------------------------------------------------- /verl/utils/debug/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/debug/__init__.py -------------------------------------------------------------------------------- /verl/utils/debug/performance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/debug/performance.py -------------------------------------------------------------------------------- /verl/utils/debug/trajectory_tracker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/debug/trajectory_tracker.py -------------------------------------------------------------------------------- /verl/utils/distributed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/distributed.py -------------------------------------------------------------------------------- /verl/utils/flops_counter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/flops_counter.py -------------------------------------------------------------------------------- /verl/utils/fs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/fs.py -------------------------------------------------------------------------------- /verl/utils/fsdp_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/fsdp_utils.py -------------------------------------------------------------------------------- /verl/utils/hdfs_io.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/hdfs_io.py -------------------------------------------------------------------------------- /verl/utils/import_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/import_utils.py -------------------------------------------------------------------------------- /verl/utils/logger/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/logger/__init__.py -------------------------------------------------------------------------------- /verl/utils/logger/aggregate_logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/logger/aggregate_logger.py -------------------------------------------------------------------------------- /verl/utils/logging_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/logging_utils.py -------------------------------------------------------------------------------- /verl/utils/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/megatron/__init__.py -------------------------------------------------------------------------------- /verl/utils/megatron/memory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/megatron/memory.py -------------------------------------------------------------------------------- /verl/utils/megatron/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/megatron/optimizer.py -------------------------------------------------------------------------------- /verl/utils/megatron/optimizer_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/megatron/optimizer_config.py -------------------------------------------------------------------------------- /verl/utils/megatron/pipeline_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/megatron/pipeline_parallel.py -------------------------------------------------------------------------------- /verl/utils/megatron/sequence_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/megatron/sequence_parallel.py -------------------------------------------------------------------------------- /verl/utils/megatron/tensor_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/megatron/tensor_parallel.py -------------------------------------------------------------------------------- /verl/utils/megatron_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/megatron_utils.py -------------------------------------------------------------------------------- /verl/utils/memory_buffer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/memory_buffer.py -------------------------------------------------------------------------------- /verl/utils/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/model.py -------------------------------------------------------------------------------- /verl/utils/py_functional.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/py_functional.py -------------------------------------------------------------------------------- /verl/utils/ray_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/ray_utils.py -------------------------------------------------------------------------------- /verl/utils/rendezvous/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/rendezvous/__init__.py -------------------------------------------------------------------------------- /verl/utils/rendezvous/ray_backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/rendezvous/ray_backend.py -------------------------------------------------------------------------------- /verl/utils/reward_score/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/reward_score/__init__.py -------------------------------------------------------------------------------- /verl/utils/reward_score/countdown.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/reward_score/countdown.py -------------------------------------------------------------------------------- /verl/utils/reward_score/extract.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/reward_score/extract.py -------------------------------------------------------------------------------- /verl/utils/reward_score/gsm8k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/reward_score/gsm8k.py -------------------------------------------------------------------------------- /verl/utils/reward_score/math.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/reward_score/math.py -------------------------------------------------------------------------------- /verl/utils/reward_score/multiply.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/reward_score/multiply.py -------------------------------------------------------------------------------- /verl/utils/reward_score/ppl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/reward_score/ppl.py -------------------------------------------------------------------------------- /verl/utils/reward_score/qa_em.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/reward_score/qa_em.py -------------------------------------------------------------------------------- /verl/utils/reward_score/rag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/reward_score/rag.py -------------------------------------------------------------------------------- /verl/utils/reward_score/rag_2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/reward_score/rag_2.py -------------------------------------------------------------------------------- /verl/utils/reward_score/rag_new.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/reward_score/rag_new.py -------------------------------------------------------------------------------- /verl/utils/reward_score/ret.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/reward_score/ret.py -------------------------------------------------------------------------------- /verl/utils/seqlen_balancing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/seqlen_balancing.py -------------------------------------------------------------------------------- /verl/utils/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/tokenizer.py -------------------------------------------------------------------------------- /verl/utils/torch_dtypes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/torch_dtypes.py -------------------------------------------------------------------------------- /verl/utils/torch_functional.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/torch_functional.py -------------------------------------------------------------------------------- /verl/utils/tracking.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/tracking.py -------------------------------------------------------------------------------- /verl/utils/ulysses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/utils/ulysses.py -------------------------------------------------------------------------------- /verl/version/version: -------------------------------------------------------------------------------- 1 | 0.1 -------------------------------------------------------------------------------- /verl/workers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/workers/__init__.py -------------------------------------------------------------------------------- /verl/workers/actor/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/workers/actor/__init__.py -------------------------------------------------------------------------------- /verl/workers/actor/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/workers/actor/base.py -------------------------------------------------------------------------------- /verl/workers/actor/dp_actor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/workers/actor/dp_actor.py -------------------------------------------------------------------------------- /verl/workers/actor/megatron_actor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/workers/actor/megatron_actor.py -------------------------------------------------------------------------------- /verl/workers/critic/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/workers/critic/__init__.py -------------------------------------------------------------------------------- /verl/workers/critic/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/workers/critic/base.py -------------------------------------------------------------------------------- /verl/workers/critic/dp_critic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/workers/critic/dp_critic.py -------------------------------------------------------------------------------- /verl/workers/critic/megatron_critic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/workers/critic/megatron_critic.py -------------------------------------------------------------------------------- /verl/workers/fsdp_workers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/workers/fsdp_workers.py -------------------------------------------------------------------------------- /verl/workers/megatron_workers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/workers/megatron_workers.py -------------------------------------------------------------------------------- /verl/workers/retriever_workers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/workers/retriever_workers.py -------------------------------------------------------------------------------- /verl/workers/reward_model/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/workers/reward_model/__init__.py -------------------------------------------------------------------------------- /verl/workers/reward_model/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/workers/reward_model/base.py -------------------------------------------------------------------------------- /verl/workers/reward_model/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/workers/reward_model/megatron/__init__.py -------------------------------------------------------------------------------- /verl/workers/reward_model/megatron/reward_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/workers/reward_model/megatron/reward_model.py -------------------------------------------------------------------------------- /verl/workers/rollout/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/workers/rollout/__init__.py -------------------------------------------------------------------------------- /verl/workers/rollout/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/workers/rollout/base.py -------------------------------------------------------------------------------- /verl/workers/rollout/hf_rollout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/workers/rollout/hf_rollout.py -------------------------------------------------------------------------------- /verl/workers/rollout/naive/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/workers/rollout/naive/__init__.py -------------------------------------------------------------------------------- /verl/workers/rollout/naive/naive_rollout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/workers/rollout/naive/naive_rollout.py -------------------------------------------------------------------------------- /verl/workers/rollout/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/workers/rollout/tokenizer.py -------------------------------------------------------------------------------- /verl/workers/rollout/vllm_rollout/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/workers/rollout/vllm_rollout/__init__.py -------------------------------------------------------------------------------- /verl/workers/rollout/vllm_rollout/vllm_rollout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/workers/rollout/vllm_rollout/vllm_rollout.py -------------------------------------------------------------------------------- /verl/workers/sharding_manager/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/workers/sharding_manager/__init__.py -------------------------------------------------------------------------------- /verl/workers/sharding_manager/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/workers/sharding_manager/base.py -------------------------------------------------------------------------------- /verl/workers/sharding_manager/fsdp_ulysses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/workers/sharding_manager/fsdp_ulysses.py -------------------------------------------------------------------------------- /verl/workers/sharding_manager/fsdp_vllm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/workers/sharding_manager/fsdp_vllm.py -------------------------------------------------------------------------------- /verl/workers/sharding_manager/megatron_vllm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/pat-jj/s3/HEAD/verl/workers/sharding_manager/megatron_vllm.py --------------------------------------------------------------------------------