├── .gitignore ├── LICENSE ├── README.md ├── analysis_tool ├── draw │ ├── TinyV Draw.pptx │ ├── fn.png │ ├── fn_tinyv_combine.png │ └── tingv.png └── verl_reward_score │ ├── math.py │ ├── math_verify.py │ └── prime_math │ ├── __init__.py │ ├── grader.py │ └── math_normalize.py ├── benchmarks ├── HardVerify-Math.json ├── tinyv_test_v1.sh ├── tinyv_test_v2.sh ├── tinyv_v1.py └── tinyv_v2.py ├── llama_factory ├── .dockerignore ├── .env.local ├── .gitattributes ├── .github │ ├── CODE_OF_CONDUCT.md │ ├── CONTRIBUTING.md │ ├── ISSUE_TEMPLATE │ │ ├── 1-bug-report.yml │ │ ├── 2-feature-request.yml │ │ └── config.yml │ ├── PULL_REQUEST_TEMPLATE.md │ ├── SECURITY.md │ └── workflows │ │ ├── label_issue.yml │ │ ├── publish.yml │ │ └── tests.yml ├── .gitignore ├── .pre-commit-config.yaml ├── CITATION.cff ├── LICENSE ├── MANIFEST.in ├── Makefile ├── README.md ├── README_zh.md ├── assets │ ├── benchmark.svg │ ├── logo.png │ ├── wechat.jpg │ └── wechat_npu.jpg ├── data │ ├── README.md │ ├── README_zh.md │ ├── alpaca_en_demo.json │ ├── alpaca_zh_demo.json │ ├── belle_multiturn │ │ └── belle_multiturn.py │ ├── c4_demo.json │ ├── dataset_info.json │ ├── dpo_en_demo.json │ ├── dpo_zh_demo.json │ ├── glaive_toolcall_en_demo.json │ ├── glaive_toolcall_zh_demo.json │ ├── hh_rlhf_en │ │ └── hh_rlhf_en.py │ ├── identity.json │ ├── kto_en_demo.json │ ├── mllm_audio_demo.json │ ├── mllm_demo.json │ ├── mllm_demo_data │ │ ├── 1.jpg │ │ ├── 1.mp3 │ │ ├── 1.mp4 │ │ ├── 2.avi │ │ ├── 2.jpg │ │ ├── 2.wav │ │ ├── 3.flac │ │ ├── 3.jpg │ │ └── 3.mp4 │ ├── mllm_video_demo.json │ ├── ultra_chat │ │ └── ultra_chat.py │ └── wiki_demo.txt ├── docker │ ├── docker-cuda │ │ ├── Dockerfile │ │ └── docker-compose.yml │ ├── docker-npu │ │ ├── Dockerfile │ │ └── docker-compose.yml │ └── docker-rocm │ │ ├── Dockerfile │ │ └── docker-compose.yml ├── evaluation │ ├── ceval │ │ ├── ceval.py │ │ ├── ceval.zip │ │ └── mapping.json │ ├── cmmlu │ │ ├── cmmlu.py │ │ ├── cmmlu.zip │ │ └── mapping.json │ └── mmlu │ │ ├── mapping.json │ │ ├── mmlu.py │ │ └── mmlu.zip ├── examples │ ├── README.md │ ├── README_zh.md │ ├── accelerate │ │ └── fsdp_config.yaml │ ├── deepspeed │ │ ├── ds_z0_config.json │ │ ├── ds_z2_config.json │ │ ├── ds_z2_offload_config.json │ │ ├── ds_z3_config.json │ │ └── ds_z3_offload_config.json │ ├── extras │ │ ├── adam_mini │ │ │ └── qwen2_full_sft.yaml │ │ ├── apollo │ │ │ └── llama3_full_sft.yaml │ │ ├── badam │ │ │ └── llama3_full_sft.yaml │ │ ├── fsdp_qlora │ │ │ ├── llama3_lora_sft.yaml │ │ │ └── train.sh │ │ ├── galore │ │ │ └── llama3_full_sft.yaml │ │ ├── llama_pro │ │ │ ├── expand.sh │ │ │ └── llama3_freeze_sft.yaml │ │ ├── loraplus │ │ │ └── llama3_lora_sft.yaml │ │ ├── mod │ │ │ └── llama3_full_sft.yaml │ │ ├── nlg_eval │ │ │ └── llama3_lora_predict.yaml │ │ └── pissa │ │ │ ├── init.sh │ │ │ └── llama3_lora_sft.yaml │ ├── inference │ │ ├── llama3.yaml │ │ ├── llama3_full_sft.yaml │ │ ├── llama3_lora_sft.yaml │ │ ├── llama3_vllm.yaml │ │ ├── llava1_5.yaml │ │ └── qwen2_vl.yaml │ ├── merge_lora │ │ ├── llama3_full_sft.yaml │ │ ├── llama3_gptq.yaml │ │ ├── llama3_lora_sft.yaml │ │ └── qwen2vl_lora_sft.yaml │ ├── train_full │ │ ├── llama3_full_sft.yaml │ │ └── qwen2vl_full_sft.yaml │ ├── train_lora │ │ ├── llama3_lora_dpo.yaml │ │ ├── llama3_lora_eval.yaml │ │ ├── llama3_lora_kto.yaml │ │ ├── llama3_lora_ppo.yaml │ │ ├── llama3_lora_pretrain.yaml │ │ ├── llama3_lora_reward.yaml │ │ ├── llama3_lora_sft.yaml │ │ ├── llama3_lora_sft_ds3.yaml │ │ ├── llama3_lora_sft_ray.yaml │ │ ├── llama3_preprocess.yaml │ │ ├── llava1_5_lora_sft.yaml │ │ ├── qwen2vl_lora_dpo.yaml │ │ └── qwen2vl_lora_sft.yaml │ └── train_qlora │ │ ├── llama3_lora_sft_aqlm.yaml │ │ ├── llama3_lora_sft_awq.yaml │ │ ├── llama3_lora_sft_bnb_npu.yaml │ │ ├── llama3_lora_sft_gptq.yaml │ │ └── llama3_lora_sft_otfq.yaml ├── pyproject.toml ├── requirements.txt ├── scripts │ ├── api_example │ │ ├── test_image.py │ │ └── test_toolcall.py │ ├── convert_ckpt │ │ ├── llamafy_baichuan2.py │ │ └── llamafy_qwen.py │ ├── llama_pro.py │ ├── loftq_init.py │ ├── pissa_init.py │ ├── stat_utils │ │ ├── cal_flops.py │ │ ├── cal_lr.py │ │ ├── cal_mfu.py │ │ ├── cal_ppl.py │ │ └── length_cdf.py │ └── vllm_infer.py ├── setup.py ├── src │ ├── api.py │ ├── llamafactory │ │ ├── __init__.py │ │ ├── api │ │ │ ├── __init__.py │ │ │ ├── app.py │ │ │ ├── chat.py │ │ │ ├── common.py │ │ │ └── protocol.py │ │ ├── chat │ │ │ ├── __init__.py │ │ │ ├── base_engine.py │ │ │ ├── chat_model.py │ │ │ ├── hf_engine.py │ │ │ └── vllm_engine.py │ │ ├── cli.py │ │ ├── data │ │ │ ├── __init__.py │ │ │ ├── collator.py │ │ │ ├── converter.py │ │ │ ├── data_utils.py │ │ │ ├── formatter.py │ │ │ ├── loader.py │ │ │ ├── mm_plugin.py │ │ │ ├── parser.py │ │ │ ├── processor │ │ │ │ ├── __init__.py │ │ │ │ ├── feedback.py │ │ │ │ ├── pairwise.py │ │ │ │ ├── pretrain.py │ │ │ │ ├── processor_utils.py │ │ │ │ ├── supervised.py │ │ │ │ └── unsupervised.py │ │ │ ├── template.py │ │ │ └── tool_utils.py │ │ ├── eval │ │ │ ├── __init__.py │ │ │ ├── evaluator.py │ │ │ └── template.py │ │ ├── extras │ │ │ ├── __init__.py │ │ │ ├── constants.py │ │ │ ├── env.py │ │ │ ├── logging.py │ │ │ ├── misc.py │ │ │ ├── packages.py │ │ │ └── ploting.py │ │ ├── hparams │ │ │ ├── __init__.py │ │ │ ├── data_args.py │ │ │ ├── evaluation_args.py │ │ │ ├── finetuning_args.py │ │ │ ├── generating_args.py │ │ │ ├── model_args.py │ │ │ ├── parser.py │ │ │ └── training_args.py │ │ ├── launcher.py │ │ ├── model │ │ │ ├── __init__.py │ │ │ ├── adapter.py │ │ │ ├── loader.py │ │ │ ├── model_utils │ │ │ │ ├── __init__.py │ │ │ │ ├── attention.py │ │ │ │ ├── checkpointing.py │ │ │ │ ├── embedding.py │ │ │ │ ├── liger_kernel.py │ │ │ │ ├── longlora.py │ │ │ │ ├── misc.py │ │ │ │ ├── mod.py │ │ │ │ ├── moe.py │ │ │ │ ├── packing.py │ │ │ │ ├── quantization.py │ │ │ │ ├── rope.py │ │ │ │ ├── unsloth.py │ │ │ │ ├── valuehead.py │ │ │ │ └── visual.py │ │ │ └── patcher.py │ │ ├── train │ │ │ ├── __init__.py │ │ │ ├── callbacks.py │ │ │ ├── dpo │ │ │ │ ├── __init__.py │ │ │ │ ├── trainer.py │ │ │ │ └── workflow.py │ │ │ ├── kto │ │ │ │ ├── __init__.py │ │ │ │ ├── trainer.py │ │ │ │ └── workflow.py │ │ │ ├── ppo │ │ │ │ ├── __init__.py │ │ │ │ ├── ppo_utils.py │ │ │ │ ├── trainer.py │ │ │ │ └── workflow.py │ │ │ ├── pt │ │ │ │ ├── __init__.py │ │ │ │ ├── trainer.py │ │ │ │ └── workflow.py │ │ │ ├── rm │ │ │ │ ├── __init__.py │ │ │ │ ├── metric.py │ │ │ │ ├── trainer.py │ │ │ │ └── workflow.py │ │ │ ├── sft │ │ │ │ ├── __init__.py │ │ │ │ ├── metric.py │ │ │ │ ├── trainer.py │ │ │ │ └── workflow.py │ │ │ ├── test_utils.py │ │ │ ├── trainer_utils.py │ │ │ └── tuner.py │ │ └── webui │ │ │ ├── __init__.py │ │ │ ├── chatter.py │ │ │ ├── common.py │ │ │ ├── components │ │ │ ├── __init__.py │ │ │ ├── chatbot.py │ │ │ ├── data.py │ │ │ ├── eval.py │ │ │ ├── export.py │ │ │ ├── infer.py │ │ │ ├── top.py │ │ │ └── train.py │ │ │ ├── control.py │ │ │ ├── css.py │ │ │ ├── engine.py │ │ │ ├── interface.py │ │ │ ├── locales.py │ │ │ ├── manager.py │ │ │ └── runner.py │ ├── train.py │ └── webui.py └── tests │ ├── data │ ├── processor │ │ ├── test_feedback.py │ │ ├── test_pairwise.py │ │ ├── test_processor_utils.py │ │ ├── test_supervised.py │ │ └── test_unsupervised.py │ ├── test_collator.py │ ├── test_converter.py │ ├── test_formatter.py │ ├── test_loader.py │ ├── test_mm_plugin.py │ └── test_template.py │ ├── e2e │ ├── test_chat.py │ └── test_train.py │ ├── eval │ └── test_eval_template.py │ ├── model │ ├── model_utils │ │ ├── test_attention.py │ │ ├── test_checkpointing.py │ │ ├── test_misc.py │ │ ├── test_packing.py │ │ └── test_visual.py │ ├── test_base.py │ ├── test_freeze.py │ ├── test_full.py │ ├── test_lora.py │ └── test_pissa.py │ └── train │ └── test_sft_trainer.py ├── run_grpo_tinyv.sh ├── tagging ├── classification_grok.py ├── prompts │ ├── classification.md │ ├── gen_fn_analysis.md │ └── gen_synthetic.md ├── unitag_grok.py ├── unitag_rollouts.py ├── unitag_vllm.py └── utils.py ├── tinyv_model_training_sft.sh └── verl ├── LICENSE ├── Notice.txt ├── README.md ├── data ├── bigmath_rl_prime │ └── train.parquet ├── bigmath_rl_tinyv │ └── train.parquet ├── hardverify_math │ └── test.parquet └── math_eval │ ├── aime.parquet │ ├── amc.parquet │ ├── math.parquet │ ├── math_benchmarks_aammo.parquet │ ├── minerva.parquet │ ├── olympiad.parquet │ └── olympiad_bench.parquet ├── docker ├── Dockerfile.megatron ├── Dockerfile.ngc.vllm ├── Dockerfile.ngc.vllm0.8 ├── Dockerfile.ngc.vllm0.8.sagemaker ├── Dockerfile.rocm └── Dockerfile.vemlp.vllm.te ├── docs ├── Makefile ├── README.md ├── README_vllm0.7.md ├── README_vllm0.8.md ├── _static │ └── logo.png ├── advance │ ├── checkpoint.rst │ ├── dpo_extension.rst │ ├── fsdp_extension.rst │ ├── megatron_extension.rst │ └── placement.rst ├── amd_tutorial │ └── amd_build_dockerfile_page.rst ├── conf.py ├── data.rst ├── examples │ ├── config.rst │ ├── gsm8k_example.rst │ └── ppo_code_architecture.rst ├── experiment │ └── ppo.rst ├── faq │ └── faq.rst ├── hybrid_flow.rst ├── index.rst ├── perf │ └── perf_tuning.rst ├── preparation │ ├── prepare_data.rst │ └── reward_function.rst ├── requirements-docs.txt ├── start │ ├── install.rst │ ├── multinode.rst │ └── quickstart.rst └── workers │ ├── fsdp_workers.rst │ ├── megatron_workers.rst │ └── ray_trainer.rst ├── examples ├── checkpoint │ ├── run_deepseek_megatron_ckpt.sh │ └── run_qwen_megatron_ckpt.sh ├── data_preprocess │ ├── full_hh_rlhf.py │ ├── geo3k.py │ ├── gsm8k.py │ ├── hellaswag.py │ ├── math_dataset.py │ └── tinyv │ │ ├── bigmath_rl_mathverify.py │ │ ├── bigmath_rl_prime.py │ │ ├── bigmath_rl_tinyv.py │ │ └── hardverify_math.py ├── generation │ └── run_deepseek_v2_lite_math.sh ├── grpo_trainer │ ├── run_deepseek7b_llm.sh │ ├── run_deepseek7b_llm_math.sh │ ├── run_deepseek7b_llm_math_megatron.sh │ ├── run_deepseek7b_llm_megatron.sh │ ├── run_deepseek7b_llm_seq_balance.sh │ ├── run_qwen2-7b.sh │ ├── run_qwen2-7b_math.sh │ ├── run_qwen2-7b_math_megatron.sh │ ├── run_qwen2-7b_megatron.sh │ ├── run_qwen2-7b_seq_balance.sh │ └── run_qwen2_5_vl-7b.sh ├── ppo_trainer │ ├── run_deepseek7b_llm.sh │ ├── run_deepseek7b_llm_modelscope.sh │ ├── run_deepseek7b_llm_sp2.sh │ ├── run_deepseek_full_hh_rlhf.sh │ ├── run_deepseek_math_gsm8k_megatron.sh │ ├── run_deepseek_megatron.sh │ ├── run_gemma.sh │ ├── run_qwen2-7b_math_gsm8k_megatron.sh │ ├── run_qwen2-7b_megatron.sh │ ├── run_qwen2-7b_rm.sh │ ├── run_qwen2-7b_rm_seq_balance.sh │ ├── run_qwen2-7b_seq_balance.sh │ ├── run_qwen2.5-32b.sh │ └── verl_getting_started.ipynb ├── ray │ └── tutorial.ipynb ├── remax_trainer │ ├── run_qwen2.5-3b_seq_balance.sh │ └── run_qwen2.5-7b_seq_balance.sh ├── rloo_trainer │ └── run_qwen2-7b.sh ├── sft │ └── gsm8k │ │ ├── run_deepseek_6b7.sh │ │ ├── run_gemma_2b.sh │ │ ├── run_gemma_7b.sh │ │ ├── run_qwen_05_peft.sh │ │ ├── run_qwen_05_sp2.sh │ │ └── run_qwen_05_sp2_liger.sh ├── slurm │ └── ray_on_slurm.slurm └── split_placement │ ├── README.md │ ├── config │ └── ppo_trainer_split.yaml │ ├── main_ppo_split.py │ ├── run_deepseek7b_llm.sh │ └── split_monkey_patch.py ├── outputs └── 2025-05-23 │ ├── 17-06-16 │ └── .hydra │ │ ├── config.yaml │ │ ├── hydra.yaml │ │ └── overrides.yaml │ ├── 17-11-10 │ └── .hydra │ │ ├── config.yaml │ │ ├── hydra.yaml │ │ └── overrides.yaml │ └── 17-13-48 │ └── .hydra │ ├── config.yaml │ ├── hydra.yaml │ └── overrides.yaml ├── patches └── megatron_v4.patch ├── pyproject.toml ├── recipe └── prime │ ├── __init__.py │ ├── config │ └── prime_trainer.yaml │ ├── main_prime.py │ ├── prime_core_algos.py │ ├── prime_dp_rm.py │ ├── prime_fsdp_workers.py │ ├── prime_ray_trainer.py │ └── run_prime_qwen.sh ├── requirements.txt ├── requirements_sglang.txt ├── scripts ├── format.sh └── model_merger.py ├── setup.py ├── tests ├── __init__.py ├── checkpoint │ ├── run_deepseek_megatron_ckpt.sh │ ├── run_qwen_megatron_ckpt.sh │ └── test_fsdp_ckpt.py ├── distributed │ ├── run_all.sh │ └── test_tensor_dict.py ├── e2e │ ├── __init__.py │ ├── arithmetic_sequence │ │ ├── data │ │ │ ├── create_dataset.py │ │ │ ├── test.parquet │ │ │ └── train.parquet │ │ ├── model │ │ │ ├── config.json │ │ │ ├── create_model_tokenizer.py │ │ │ ├── generation_config.json │ │ │ ├── model.safetensors │ │ │ └── tokenizer_config.json │ │ └── rl │ │ │ ├── README.md │ │ │ └── main_trainer.py │ ├── check_custom_rwd_fn.py │ ├── check_results.py │ ├── envs │ │ ├── __init__.py │ │ └── digit_completion │ │ │ ├── __init__.py │ │ │ ├── task.py │ │ │ └── tokenizer.py │ ├── run_deepseek_grpo.sh │ ├── run_deepseek_grpo_megatron.sh │ ├── run_deepseek_megatron.sh │ ├── run_deepseek_megatron_parallelism.sh │ ├── run_qwen2vl_geo3k_function_rm.sh │ ├── run_qwen_grpo.sh │ ├── run_qwen_grpo_megatron.sh │ ├── run_qwen_gsm8k_custom_function_rm.sh │ ├── run_qwen_gsm8k_function_rm.sh │ ├── run_qwen_gsm8k_function_rm_grpo.sh │ ├── run_qwen_gsm8k_function_rm_no_rmpad.sh │ ├── run_qwen_gsm8k_function_rm_remax.sh │ ├── run_qwen_gsm8k_model_rm.sh │ ├── run_qwen_gsm8k_model_rm_liger_kernel.sh │ ├── run_qwen_gsm8k_model_rm_no_rmpad.sh │ ├── run_qwen_gsm8k_model_rm_seq_balance.sh │ ├── run_qwen_gsm8k_model_rm_ulysses.sh │ ├── run_qwen_gsm8k_prime.sh │ ├── run_qwen_megatron.sh │ ├── run_qwen_megatron_parallelism.sh │ ├── run_ray_trainer.sh │ ├── run_ray_trainer_fire_sampling.sh │ └── run_ray_trainer_rmpad.sh ├── generation │ └── run_gen_qwen05.sh ├── gpu_utility │ ├── test_memory_buffers.py │ ├── test_ops.py │ └── test_torch_functional.py ├── kill_github_tests.sh ├── model │ ├── test_transformer.py │ └── test_transformers_ulysses.py ├── ray │ ├── check_worker_alive │ │ └── main.py │ ├── detached_worker │ │ ├── README.md │ │ ├── client.py │ │ ├── run.sh │ │ └── server.py │ ├── test_check_worker_alive.py │ ├── test_colocated_workers.py │ ├── test_data_transfer.py │ ├── test_driverfunc_to_worker.py │ ├── test_high_level_scheduling_api.py │ ├── test_ray_local_envs.py │ ├── test_rvdz.py │ ├── test_worker_group_basics.py │ └── test_worker_group_torch.py ├── rollout │ ├── run_fsdp_vllm.py │ ├── test_sglang_spmd.py │ ├── test_vllm_hf_loader.py │ └── test_vllm_spmd.py ├── sandbox │ └── test_sandbox.py ├── sanity │ ├── check_license.py │ └── test_import.py ├── sft │ ├── run_sft.sh │ ├── run_sft_qwen05_peft.sh │ ├── run_sft_qwen05_sp2_liger.sh │ ├── run_sft_sp_loss_match.sh │ └── test_sp_loss_match.py ├── utility │ └── test_tensor_dict_utilities.py └── verl │ └── utils │ └── dataset │ ├── test_rl_dataset.py │ ├── test_rm_dataset.py │ └── test_sft_dataset.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 │ ├── qwen2 │ │ ├── __init__.py │ │ └── megatron │ │ │ ├── __init__.py │ │ │ ├── checkpoint_utils │ │ │ ├── __init__.py │ │ │ ├── qwen2_loader.py │ │ │ └── qwen2_saver.py │ │ │ ├── layers │ │ │ ├── __init__.py │ │ │ ├── parallel_attention.py │ │ │ ├── parallel_decoder.py │ │ │ ├── parallel_linear.py │ │ │ ├── parallel_mlp.py │ │ │ └── parallel_rmsnorm.py │ │ │ └── modeling_qwen2_megatron.py │ ├── registry.py │ ├── transformers │ │ ├── __init__.py │ │ ├── llama.py │ │ ├── monkey_patch.py │ │ ├── qwen2.py │ │ └── qwen2_vl.py │ └── weight_loader_registry.py ├── protocol.py ├── single_controller │ ├── __init__.py │ ├── base │ │ ├── __init__.py │ │ ├── decorator.py │ │ ├── megatron │ │ │ ├── __init__.py │ │ │ ├── worker.py │ │ │ └── worker_group.py │ │ ├── register_center │ │ │ ├── __init__.py │ │ │ └── ray.py │ │ ├── worker.py │ │ └── worker_group.py │ └── ray │ │ ├── __init__.py │ │ ├── base.py │ │ └── megatron.py ├── third_party │ ├── __init__.py │ ├── sglang │ │ ├── __init__.py │ │ └── parallel_state.py │ └── vllm │ │ ├── __init__.py │ │ ├── vllm_v_0_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 │ ├── ppo │ │ ├── __init__.py │ │ ├── core_algos.py │ │ ├── metric_utils.py │ │ └── ray_trainer.py │ └── runtime_env.yaml ├── utils │ ├── __init__.py │ ├── checkpoint │ │ ├── __init__.py │ │ ├── checkpoint_manager.py │ │ ├── fsdp_checkpoint_manager.py │ │ └── megatron_checkpoint_manager.py │ ├── config.py │ ├── dataset │ │ ├── README.md │ │ ├── __init__.py │ │ ├── rl_dataset.py │ │ ├── rm_dataset.py │ │ └── sft_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 │ │ ├── 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 │ │ ├── geo3k.py │ │ ├── gsm8k.py │ │ ├── math.py │ │ ├── math_verify.py │ │ ├── prime_code │ │ │ ├── __init__.py │ │ │ ├── testing_util.py │ │ │ └── utils.py │ │ ├── prime_math │ │ │ ├── __init__.py │ │ │ ├── grader.py │ │ │ └── math_normalize.py │ │ ├── tinyv.py │ │ └── tinyv_config.json │ ├── 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 │ ├── reward_manager │ ├── __init__.py │ ├── naive.py │ └── prime.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 │ ├── sglang_rollout │ │ ├── __init__.py │ │ └── sglang_rollout.py │ ├── tokenizer.py │ └── vllm_rollout │ │ ├── __init__.py │ │ ├── fire_vllm_rollout.py │ │ ├── vllm_rollout.py │ │ └── vllm_rollout_spmd.py │ └── sharding_manager │ ├── __init__.py │ ├── base.py │ ├── fsdp_sglang.py │ ├── fsdp_ulysses.py │ ├── fsdp_vllm.py │ └── megatron_vllm.py └── wandb ├── latest-run └── run-20250523_171514-9duf5k7w ├── files ├── config.yaml ├── requirements.txt ├── wandb-metadata.json └── wandb-summary.json └── run-9duf5k7w.wandb /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/.gitignore -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/README.md -------------------------------------------------------------------------------- /analysis_tool/draw/TinyV Draw.pptx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/analysis_tool/draw/TinyV Draw.pptx -------------------------------------------------------------------------------- /analysis_tool/draw/fn.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/analysis_tool/draw/fn.png -------------------------------------------------------------------------------- /analysis_tool/draw/fn_tinyv_combine.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/analysis_tool/draw/fn_tinyv_combine.png -------------------------------------------------------------------------------- /analysis_tool/draw/tingv.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/analysis_tool/draw/tingv.png -------------------------------------------------------------------------------- /analysis_tool/verl_reward_score/math.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/analysis_tool/verl_reward_score/math.py -------------------------------------------------------------------------------- /analysis_tool/verl_reward_score/math_verify.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/analysis_tool/verl_reward_score/math_verify.py -------------------------------------------------------------------------------- /analysis_tool/verl_reward_score/prime_math/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/analysis_tool/verl_reward_score/prime_math/__init__.py -------------------------------------------------------------------------------- /analysis_tool/verl_reward_score/prime_math/grader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/analysis_tool/verl_reward_score/prime_math/grader.py -------------------------------------------------------------------------------- /analysis_tool/verl_reward_score/prime_math/math_normalize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/analysis_tool/verl_reward_score/prime_math/math_normalize.py -------------------------------------------------------------------------------- /benchmarks/HardVerify-Math.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/benchmarks/HardVerify-Math.json -------------------------------------------------------------------------------- /benchmarks/tinyv_test_v1.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/benchmarks/tinyv_test_v1.sh -------------------------------------------------------------------------------- /benchmarks/tinyv_test_v2.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/benchmarks/tinyv_test_v2.sh -------------------------------------------------------------------------------- /benchmarks/tinyv_v1.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/benchmarks/tinyv_v1.py -------------------------------------------------------------------------------- /benchmarks/tinyv_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/benchmarks/tinyv_v2.py -------------------------------------------------------------------------------- /llama_factory/.dockerignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/.dockerignore -------------------------------------------------------------------------------- /llama_factory/.env.local: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/.env.local -------------------------------------------------------------------------------- /llama_factory/.gitattributes: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/.gitattributes -------------------------------------------------------------------------------- /llama_factory/.github/CODE_OF_CONDUCT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/.github/CODE_OF_CONDUCT.md -------------------------------------------------------------------------------- /llama_factory/.github/CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/.github/CONTRIBUTING.md -------------------------------------------------------------------------------- /llama_factory/.github/ISSUE_TEMPLATE/1-bug-report.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/.github/ISSUE_TEMPLATE/1-bug-report.yml -------------------------------------------------------------------------------- /llama_factory/.github/ISSUE_TEMPLATE/2-feature-request.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/.github/ISSUE_TEMPLATE/2-feature-request.yml -------------------------------------------------------------------------------- /llama_factory/.github/ISSUE_TEMPLATE/config.yml: -------------------------------------------------------------------------------- 1 | blank_issues_enabled: false 2 | -------------------------------------------------------------------------------- /llama_factory/.github/PULL_REQUEST_TEMPLATE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/.github/PULL_REQUEST_TEMPLATE.md -------------------------------------------------------------------------------- /llama_factory/.github/SECURITY.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/.github/SECURITY.md -------------------------------------------------------------------------------- /llama_factory/.github/workflows/label_issue.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/.github/workflows/label_issue.yml -------------------------------------------------------------------------------- /llama_factory/.github/workflows/publish.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/.github/workflows/publish.yml -------------------------------------------------------------------------------- /llama_factory/.github/workflows/tests.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/.github/workflows/tests.yml -------------------------------------------------------------------------------- /llama_factory/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/.gitignore -------------------------------------------------------------------------------- /llama_factory/.pre-commit-config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/.pre-commit-config.yaml -------------------------------------------------------------------------------- /llama_factory/CITATION.cff: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/CITATION.cff -------------------------------------------------------------------------------- /llama_factory/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/LICENSE -------------------------------------------------------------------------------- /llama_factory/MANIFEST.in: -------------------------------------------------------------------------------- 1 | include LICENSE requirements.txt 2 | -------------------------------------------------------------------------------- /llama_factory/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/Makefile -------------------------------------------------------------------------------- /llama_factory/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/README.md -------------------------------------------------------------------------------- /llama_factory/README_zh.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/README_zh.md -------------------------------------------------------------------------------- /llama_factory/assets/benchmark.svg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/assets/benchmark.svg -------------------------------------------------------------------------------- /llama_factory/assets/logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/assets/logo.png -------------------------------------------------------------------------------- /llama_factory/assets/wechat.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/assets/wechat.jpg -------------------------------------------------------------------------------- /llama_factory/assets/wechat_npu.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/assets/wechat_npu.jpg -------------------------------------------------------------------------------- /llama_factory/data/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/data/README.md -------------------------------------------------------------------------------- /llama_factory/data/README_zh.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/data/README_zh.md -------------------------------------------------------------------------------- /llama_factory/data/alpaca_en_demo.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/data/alpaca_en_demo.json -------------------------------------------------------------------------------- /llama_factory/data/alpaca_zh_demo.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/data/alpaca_zh_demo.json -------------------------------------------------------------------------------- /llama_factory/data/belle_multiturn/belle_multiturn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/data/belle_multiturn/belle_multiturn.py -------------------------------------------------------------------------------- /llama_factory/data/c4_demo.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/data/c4_demo.json -------------------------------------------------------------------------------- /llama_factory/data/dataset_info.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/data/dataset_info.json -------------------------------------------------------------------------------- /llama_factory/data/dpo_en_demo.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/data/dpo_en_demo.json -------------------------------------------------------------------------------- /llama_factory/data/dpo_zh_demo.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/data/dpo_zh_demo.json -------------------------------------------------------------------------------- /llama_factory/data/glaive_toolcall_en_demo.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/data/glaive_toolcall_en_demo.json -------------------------------------------------------------------------------- /llama_factory/data/glaive_toolcall_zh_demo.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/data/glaive_toolcall_zh_demo.json -------------------------------------------------------------------------------- /llama_factory/data/hh_rlhf_en/hh_rlhf_en.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/data/hh_rlhf_en/hh_rlhf_en.py -------------------------------------------------------------------------------- /llama_factory/data/identity.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/data/identity.json -------------------------------------------------------------------------------- /llama_factory/data/kto_en_demo.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/data/kto_en_demo.json -------------------------------------------------------------------------------- /llama_factory/data/mllm_audio_demo.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/data/mllm_audio_demo.json -------------------------------------------------------------------------------- /llama_factory/data/mllm_demo.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/data/mllm_demo.json -------------------------------------------------------------------------------- /llama_factory/data/mllm_demo_data/1.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/data/mllm_demo_data/1.jpg -------------------------------------------------------------------------------- /llama_factory/data/mllm_demo_data/1.mp3: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/data/mllm_demo_data/1.mp3 -------------------------------------------------------------------------------- /llama_factory/data/mllm_demo_data/1.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/data/mllm_demo_data/1.mp4 -------------------------------------------------------------------------------- /llama_factory/data/mllm_demo_data/2.avi: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/data/mllm_demo_data/2.avi -------------------------------------------------------------------------------- /llama_factory/data/mllm_demo_data/2.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/data/mllm_demo_data/2.jpg -------------------------------------------------------------------------------- /llama_factory/data/mllm_demo_data/2.wav: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/data/mllm_demo_data/2.wav -------------------------------------------------------------------------------- /llama_factory/data/mllm_demo_data/3.flac: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/data/mllm_demo_data/3.flac -------------------------------------------------------------------------------- /llama_factory/data/mllm_demo_data/3.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/data/mllm_demo_data/3.jpg -------------------------------------------------------------------------------- /llama_factory/data/mllm_demo_data/3.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/data/mllm_demo_data/3.mp4 -------------------------------------------------------------------------------- /llama_factory/data/mllm_video_demo.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/data/mllm_video_demo.json -------------------------------------------------------------------------------- /llama_factory/data/ultra_chat/ultra_chat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/data/ultra_chat/ultra_chat.py -------------------------------------------------------------------------------- /llama_factory/data/wiki_demo.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/data/wiki_demo.txt -------------------------------------------------------------------------------- /llama_factory/docker/docker-cuda/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/docker/docker-cuda/Dockerfile -------------------------------------------------------------------------------- /llama_factory/docker/docker-cuda/docker-compose.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/docker/docker-cuda/docker-compose.yml -------------------------------------------------------------------------------- /llama_factory/docker/docker-npu/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/docker/docker-npu/Dockerfile -------------------------------------------------------------------------------- /llama_factory/docker/docker-npu/docker-compose.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/docker/docker-npu/docker-compose.yml -------------------------------------------------------------------------------- /llama_factory/docker/docker-rocm/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/docker/docker-rocm/Dockerfile -------------------------------------------------------------------------------- /llama_factory/docker/docker-rocm/docker-compose.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/docker/docker-rocm/docker-compose.yml -------------------------------------------------------------------------------- /llama_factory/evaluation/ceval/ceval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/evaluation/ceval/ceval.py -------------------------------------------------------------------------------- /llama_factory/evaluation/ceval/ceval.zip: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/evaluation/ceval/ceval.zip -------------------------------------------------------------------------------- /llama_factory/evaluation/ceval/mapping.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/evaluation/ceval/mapping.json -------------------------------------------------------------------------------- /llama_factory/evaluation/cmmlu/cmmlu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/evaluation/cmmlu/cmmlu.py -------------------------------------------------------------------------------- /llama_factory/evaluation/cmmlu/cmmlu.zip: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/evaluation/cmmlu/cmmlu.zip -------------------------------------------------------------------------------- /llama_factory/evaluation/cmmlu/mapping.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/evaluation/cmmlu/mapping.json -------------------------------------------------------------------------------- /llama_factory/evaluation/mmlu/mapping.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/evaluation/mmlu/mapping.json -------------------------------------------------------------------------------- /llama_factory/evaluation/mmlu/mmlu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/evaluation/mmlu/mmlu.py -------------------------------------------------------------------------------- /llama_factory/evaluation/mmlu/mmlu.zip: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/evaluation/mmlu/mmlu.zip -------------------------------------------------------------------------------- /llama_factory/examples/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/README.md -------------------------------------------------------------------------------- /llama_factory/examples/README_zh.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/README_zh.md -------------------------------------------------------------------------------- /llama_factory/examples/accelerate/fsdp_config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/accelerate/fsdp_config.yaml -------------------------------------------------------------------------------- /llama_factory/examples/deepspeed/ds_z0_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/deepspeed/ds_z0_config.json -------------------------------------------------------------------------------- /llama_factory/examples/deepspeed/ds_z2_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/deepspeed/ds_z2_config.json -------------------------------------------------------------------------------- /llama_factory/examples/deepspeed/ds_z2_offload_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/deepspeed/ds_z2_offload_config.json -------------------------------------------------------------------------------- /llama_factory/examples/deepspeed/ds_z3_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/deepspeed/ds_z3_config.json -------------------------------------------------------------------------------- /llama_factory/examples/deepspeed/ds_z3_offload_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/deepspeed/ds_z3_offload_config.json -------------------------------------------------------------------------------- /llama_factory/examples/extras/adam_mini/qwen2_full_sft.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/extras/adam_mini/qwen2_full_sft.yaml -------------------------------------------------------------------------------- /llama_factory/examples/extras/apollo/llama3_full_sft.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/extras/apollo/llama3_full_sft.yaml -------------------------------------------------------------------------------- /llama_factory/examples/extras/badam/llama3_full_sft.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/extras/badam/llama3_full_sft.yaml -------------------------------------------------------------------------------- /llama_factory/examples/extras/fsdp_qlora/llama3_lora_sft.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/extras/fsdp_qlora/llama3_lora_sft.yaml -------------------------------------------------------------------------------- /llama_factory/examples/extras/fsdp_qlora/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/extras/fsdp_qlora/train.sh -------------------------------------------------------------------------------- /llama_factory/examples/extras/galore/llama3_full_sft.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/extras/galore/llama3_full_sft.yaml -------------------------------------------------------------------------------- /llama_factory/examples/extras/llama_pro/expand.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/extras/llama_pro/expand.sh -------------------------------------------------------------------------------- /llama_factory/examples/extras/llama_pro/llama3_freeze_sft.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/extras/llama_pro/llama3_freeze_sft.yaml -------------------------------------------------------------------------------- /llama_factory/examples/extras/loraplus/llama3_lora_sft.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/extras/loraplus/llama3_lora_sft.yaml -------------------------------------------------------------------------------- /llama_factory/examples/extras/mod/llama3_full_sft.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/extras/mod/llama3_full_sft.yaml -------------------------------------------------------------------------------- /llama_factory/examples/extras/nlg_eval/llama3_lora_predict.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/extras/nlg_eval/llama3_lora_predict.yaml -------------------------------------------------------------------------------- /llama_factory/examples/extras/pissa/init.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/extras/pissa/init.sh -------------------------------------------------------------------------------- /llama_factory/examples/extras/pissa/llama3_lora_sft.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/extras/pissa/llama3_lora_sft.yaml -------------------------------------------------------------------------------- /llama_factory/examples/inference/llama3.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/inference/llama3.yaml -------------------------------------------------------------------------------- /llama_factory/examples/inference/llama3_full_sft.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/inference/llama3_full_sft.yaml -------------------------------------------------------------------------------- /llama_factory/examples/inference/llama3_lora_sft.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/inference/llama3_lora_sft.yaml -------------------------------------------------------------------------------- /llama_factory/examples/inference/llama3_vllm.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/inference/llama3_vllm.yaml -------------------------------------------------------------------------------- /llama_factory/examples/inference/llava1_5.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/inference/llava1_5.yaml -------------------------------------------------------------------------------- /llama_factory/examples/inference/qwen2_vl.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/inference/qwen2_vl.yaml -------------------------------------------------------------------------------- /llama_factory/examples/merge_lora/llama3_full_sft.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/merge_lora/llama3_full_sft.yaml -------------------------------------------------------------------------------- /llama_factory/examples/merge_lora/llama3_gptq.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/merge_lora/llama3_gptq.yaml -------------------------------------------------------------------------------- /llama_factory/examples/merge_lora/llama3_lora_sft.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/merge_lora/llama3_lora_sft.yaml -------------------------------------------------------------------------------- /llama_factory/examples/merge_lora/qwen2vl_lora_sft.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/merge_lora/qwen2vl_lora_sft.yaml -------------------------------------------------------------------------------- /llama_factory/examples/train_full/llama3_full_sft.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/train_full/llama3_full_sft.yaml -------------------------------------------------------------------------------- /llama_factory/examples/train_full/qwen2vl_full_sft.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/train_full/qwen2vl_full_sft.yaml -------------------------------------------------------------------------------- /llama_factory/examples/train_lora/llama3_lora_dpo.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/train_lora/llama3_lora_dpo.yaml -------------------------------------------------------------------------------- /llama_factory/examples/train_lora/llama3_lora_eval.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/train_lora/llama3_lora_eval.yaml -------------------------------------------------------------------------------- /llama_factory/examples/train_lora/llama3_lora_kto.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/train_lora/llama3_lora_kto.yaml -------------------------------------------------------------------------------- /llama_factory/examples/train_lora/llama3_lora_ppo.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/train_lora/llama3_lora_ppo.yaml -------------------------------------------------------------------------------- /llama_factory/examples/train_lora/llama3_lora_pretrain.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/train_lora/llama3_lora_pretrain.yaml -------------------------------------------------------------------------------- /llama_factory/examples/train_lora/llama3_lora_reward.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/train_lora/llama3_lora_reward.yaml -------------------------------------------------------------------------------- /llama_factory/examples/train_lora/llama3_lora_sft.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/train_lora/llama3_lora_sft.yaml -------------------------------------------------------------------------------- /llama_factory/examples/train_lora/llama3_lora_sft_ds3.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/train_lora/llama3_lora_sft_ds3.yaml -------------------------------------------------------------------------------- /llama_factory/examples/train_lora/llama3_lora_sft_ray.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/train_lora/llama3_lora_sft_ray.yaml -------------------------------------------------------------------------------- /llama_factory/examples/train_lora/llama3_preprocess.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/train_lora/llama3_preprocess.yaml -------------------------------------------------------------------------------- /llama_factory/examples/train_lora/llava1_5_lora_sft.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/train_lora/llava1_5_lora_sft.yaml -------------------------------------------------------------------------------- /llama_factory/examples/train_lora/qwen2vl_lora_dpo.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/train_lora/qwen2vl_lora_dpo.yaml -------------------------------------------------------------------------------- /llama_factory/examples/train_lora/qwen2vl_lora_sft.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/train_lora/qwen2vl_lora_sft.yaml -------------------------------------------------------------------------------- /llama_factory/examples/train_qlora/llama3_lora_sft_aqlm.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/train_qlora/llama3_lora_sft_aqlm.yaml -------------------------------------------------------------------------------- /llama_factory/examples/train_qlora/llama3_lora_sft_awq.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/train_qlora/llama3_lora_sft_awq.yaml -------------------------------------------------------------------------------- /llama_factory/examples/train_qlora/llama3_lora_sft_bnb_npu.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/train_qlora/llama3_lora_sft_bnb_npu.yaml -------------------------------------------------------------------------------- /llama_factory/examples/train_qlora/llama3_lora_sft_gptq.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/train_qlora/llama3_lora_sft_gptq.yaml -------------------------------------------------------------------------------- /llama_factory/examples/train_qlora/llama3_lora_sft_otfq.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/examples/train_qlora/llama3_lora_sft_otfq.yaml -------------------------------------------------------------------------------- /llama_factory/pyproject.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/pyproject.toml -------------------------------------------------------------------------------- /llama_factory/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/requirements.txt -------------------------------------------------------------------------------- /llama_factory/scripts/api_example/test_image.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/scripts/api_example/test_image.py -------------------------------------------------------------------------------- /llama_factory/scripts/api_example/test_toolcall.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/scripts/api_example/test_toolcall.py -------------------------------------------------------------------------------- /llama_factory/scripts/convert_ckpt/llamafy_baichuan2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/scripts/convert_ckpt/llamafy_baichuan2.py -------------------------------------------------------------------------------- /llama_factory/scripts/convert_ckpt/llamafy_qwen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/scripts/convert_ckpt/llamafy_qwen.py -------------------------------------------------------------------------------- /llama_factory/scripts/llama_pro.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/scripts/llama_pro.py -------------------------------------------------------------------------------- /llama_factory/scripts/loftq_init.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/scripts/loftq_init.py -------------------------------------------------------------------------------- /llama_factory/scripts/pissa_init.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/scripts/pissa_init.py -------------------------------------------------------------------------------- /llama_factory/scripts/stat_utils/cal_flops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/scripts/stat_utils/cal_flops.py -------------------------------------------------------------------------------- /llama_factory/scripts/stat_utils/cal_lr.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/scripts/stat_utils/cal_lr.py -------------------------------------------------------------------------------- /llama_factory/scripts/stat_utils/cal_mfu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/scripts/stat_utils/cal_mfu.py -------------------------------------------------------------------------------- /llama_factory/scripts/stat_utils/cal_ppl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/scripts/stat_utils/cal_ppl.py -------------------------------------------------------------------------------- /llama_factory/scripts/stat_utils/length_cdf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/scripts/stat_utils/length_cdf.py -------------------------------------------------------------------------------- /llama_factory/scripts/vllm_infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/scripts/vllm_infer.py -------------------------------------------------------------------------------- /llama_factory/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/setup.py -------------------------------------------------------------------------------- /llama_factory/src/api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/api.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/__init__.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/api/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/api/app.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/api/app.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/api/chat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/api/chat.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/api/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/api/common.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/api/protocol.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/api/protocol.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/chat/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/chat/__init__.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/chat/base_engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/chat/base_engine.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/chat/chat_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/chat/chat_model.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/chat/hf_engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/chat/hf_engine.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/chat/vllm_engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/chat/vllm_engine.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/cli.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/cli.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/data/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/data/__init__.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/data/collator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/data/collator.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/data/converter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/data/converter.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/data/data_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/data/data_utils.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/data/formatter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/data/formatter.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/data/loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/data/loader.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/data/mm_plugin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/data/mm_plugin.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/data/parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/data/parser.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/data/processor/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/data/processor/__init__.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/data/processor/feedback.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/data/processor/feedback.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/data/processor/pairwise.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/data/processor/pairwise.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/data/processor/pretrain.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/data/processor/pretrain.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/data/processor/processor_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/data/processor/processor_utils.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/data/processor/supervised.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/data/processor/supervised.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/data/processor/unsupervised.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/data/processor/unsupervised.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/data/template.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/data/template.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/data/tool_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/data/tool_utils.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/eval/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/eval/evaluator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/eval/evaluator.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/eval/template.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/eval/template.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/extras/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/extras/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/extras/constants.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/extras/env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/extras/env.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/extras/logging.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/extras/logging.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/extras/misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/extras/misc.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/extras/packages.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/extras/packages.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/extras/ploting.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/extras/ploting.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/hparams/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/hparams/__init__.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/hparams/data_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/hparams/data_args.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/hparams/evaluation_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/hparams/evaluation_args.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/hparams/finetuning_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/hparams/finetuning_args.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/hparams/generating_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/hparams/generating_args.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/hparams/model_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/hparams/model_args.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/hparams/parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/hparams/parser.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/hparams/training_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/hparams/training_args.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/launcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/launcher.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/model/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/model/__init__.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/model/adapter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/model/adapter.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/model/loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/model/loader.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/model/model_utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/model/model_utils/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/model/model_utils/attention.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/model/model_utils/checkpointing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/model/model_utils/checkpointing.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/model/model_utils/embedding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/model/model_utils/embedding.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/model/model_utils/liger_kernel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/model/model_utils/liger_kernel.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/model/model_utils/longlora.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/model/model_utils/longlora.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/model/model_utils/misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/model/model_utils/misc.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/model/model_utils/mod.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/model/model_utils/mod.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/model/model_utils/moe.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/model/model_utils/moe.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/model/model_utils/packing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/model/model_utils/packing.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/model/model_utils/quantization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/model/model_utils/quantization.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/model/model_utils/rope.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/model/model_utils/rope.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/model/model_utils/unsloth.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/model/model_utils/unsloth.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/model/model_utils/valuehead.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/model/model_utils/valuehead.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/model/model_utils/visual.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/model/model_utils/visual.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/model/patcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/model/patcher.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/train/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/train/callbacks.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/train/callbacks.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/train/dpo/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/train/dpo/__init__.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/train/dpo/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/train/dpo/trainer.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/train/dpo/workflow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/train/dpo/workflow.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/train/kto/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/train/kto/__init__.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/train/kto/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/train/kto/trainer.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/train/kto/workflow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/train/kto/workflow.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/train/ppo/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/train/ppo/__init__.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/train/ppo/ppo_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/train/ppo/ppo_utils.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/train/ppo/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/train/ppo/trainer.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/train/ppo/workflow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/train/ppo/workflow.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/train/pt/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/train/pt/__init__.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/train/pt/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/train/pt/trainer.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/train/pt/workflow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/train/pt/workflow.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/train/rm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/train/rm/__init__.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/train/rm/metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/train/rm/metric.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/train/rm/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/train/rm/trainer.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/train/rm/workflow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/train/rm/workflow.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/train/sft/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/train/sft/__init__.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/train/sft/metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/train/sft/metric.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/train/sft/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/train/sft/trainer.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/train/sft/workflow.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/train/sft/workflow.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/train/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/train/test_utils.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/train/trainer_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/train/trainer_utils.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/train/tuner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/train/tuner.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/webui/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/webui/chatter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/webui/chatter.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/webui/common.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/webui/common.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/webui/components/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/webui/components/__init__.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/webui/components/chatbot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/webui/components/chatbot.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/webui/components/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/webui/components/data.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/webui/components/eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/webui/components/eval.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/webui/components/export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/webui/components/export.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/webui/components/infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/webui/components/infer.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/webui/components/top.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/webui/components/top.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/webui/components/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/webui/components/train.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/webui/control.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/webui/control.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/webui/css.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/webui/css.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/webui/engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/webui/engine.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/webui/interface.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/webui/interface.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/webui/locales.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/webui/locales.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/webui/manager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/webui/manager.py -------------------------------------------------------------------------------- /llama_factory/src/llamafactory/webui/runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/llamafactory/webui/runner.py -------------------------------------------------------------------------------- /llama_factory/src/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/train.py -------------------------------------------------------------------------------- /llama_factory/src/webui.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/src/webui.py -------------------------------------------------------------------------------- /llama_factory/tests/data/processor/test_feedback.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/tests/data/processor/test_feedback.py -------------------------------------------------------------------------------- /llama_factory/tests/data/processor/test_pairwise.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/tests/data/processor/test_pairwise.py -------------------------------------------------------------------------------- /llama_factory/tests/data/processor/test_processor_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/tests/data/processor/test_processor_utils.py -------------------------------------------------------------------------------- /llama_factory/tests/data/processor/test_supervised.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/tests/data/processor/test_supervised.py -------------------------------------------------------------------------------- /llama_factory/tests/data/processor/test_unsupervised.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/tests/data/processor/test_unsupervised.py -------------------------------------------------------------------------------- /llama_factory/tests/data/test_collator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/tests/data/test_collator.py -------------------------------------------------------------------------------- /llama_factory/tests/data/test_converter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/tests/data/test_converter.py -------------------------------------------------------------------------------- /llama_factory/tests/data/test_formatter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/tests/data/test_formatter.py -------------------------------------------------------------------------------- /llama_factory/tests/data/test_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/tests/data/test_loader.py -------------------------------------------------------------------------------- /llama_factory/tests/data/test_mm_plugin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/tests/data/test_mm_plugin.py -------------------------------------------------------------------------------- /llama_factory/tests/data/test_template.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/tests/data/test_template.py -------------------------------------------------------------------------------- /llama_factory/tests/e2e/test_chat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/tests/e2e/test_chat.py -------------------------------------------------------------------------------- /llama_factory/tests/e2e/test_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/tests/e2e/test_train.py -------------------------------------------------------------------------------- /llama_factory/tests/eval/test_eval_template.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/tests/eval/test_eval_template.py -------------------------------------------------------------------------------- /llama_factory/tests/model/model_utils/test_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/tests/model/model_utils/test_attention.py -------------------------------------------------------------------------------- /llama_factory/tests/model/model_utils/test_checkpointing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/tests/model/model_utils/test_checkpointing.py -------------------------------------------------------------------------------- /llama_factory/tests/model/model_utils/test_misc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/tests/model/model_utils/test_misc.py -------------------------------------------------------------------------------- /llama_factory/tests/model/model_utils/test_packing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/tests/model/model_utils/test_packing.py -------------------------------------------------------------------------------- /llama_factory/tests/model/model_utils/test_visual.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/tests/model/model_utils/test_visual.py -------------------------------------------------------------------------------- /llama_factory/tests/model/test_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/tests/model/test_base.py -------------------------------------------------------------------------------- /llama_factory/tests/model/test_freeze.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/tests/model/test_freeze.py -------------------------------------------------------------------------------- /llama_factory/tests/model/test_full.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/tests/model/test_full.py -------------------------------------------------------------------------------- /llama_factory/tests/model/test_lora.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/tests/model/test_lora.py -------------------------------------------------------------------------------- /llama_factory/tests/model/test_pissa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/tests/model/test_pissa.py -------------------------------------------------------------------------------- /llama_factory/tests/train/test_sft_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/llama_factory/tests/train/test_sft_trainer.py -------------------------------------------------------------------------------- /run_grpo_tinyv.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/run_grpo_tinyv.sh -------------------------------------------------------------------------------- /tagging/classification_grok.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/tagging/classification_grok.py -------------------------------------------------------------------------------- /tagging/prompts/classification.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/tagging/prompts/classification.md -------------------------------------------------------------------------------- /tagging/prompts/gen_fn_analysis.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/tagging/prompts/gen_fn_analysis.md -------------------------------------------------------------------------------- /tagging/prompts/gen_synthetic.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/tagging/prompts/gen_synthetic.md -------------------------------------------------------------------------------- /tagging/unitag_grok.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/tagging/unitag_grok.py -------------------------------------------------------------------------------- /tagging/unitag_rollouts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/tagging/unitag_rollouts.py -------------------------------------------------------------------------------- /tagging/unitag_vllm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/tagging/unitag_vllm.py -------------------------------------------------------------------------------- /tagging/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/tagging/utils.py -------------------------------------------------------------------------------- /tinyv_model_training_sft.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/tinyv_model_training_sft.sh -------------------------------------------------------------------------------- /verl/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/LICENSE -------------------------------------------------------------------------------- /verl/Notice.txt: -------------------------------------------------------------------------------- 1 | Copyright 2023-2024 Bytedance Ltd. and/or its affiliates -------------------------------------------------------------------------------- /verl/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/README.md -------------------------------------------------------------------------------- /verl/data/bigmath_rl_prime/train.parquet: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/data/bigmath_rl_prime/train.parquet -------------------------------------------------------------------------------- /verl/data/bigmath_rl_tinyv/train.parquet: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/data/bigmath_rl_tinyv/train.parquet -------------------------------------------------------------------------------- /verl/data/hardverify_math/test.parquet: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/data/hardverify_math/test.parquet -------------------------------------------------------------------------------- /verl/data/math_eval/aime.parquet: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/data/math_eval/aime.parquet -------------------------------------------------------------------------------- /verl/data/math_eval/amc.parquet: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/data/math_eval/amc.parquet -------------------------------------------------------------------------------- /verl/data/math_eval/math.parquet: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/data/math_eval/math.parquet -------------------------------------------------------------------------------- /verl/data/math_eval/math_benchmarks_aammo.parquet: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/data/math_eval/math_benchmarks_aammo.parquet -------------------------------------------------------------------------------- /verl/data/math_eval/minerva.parquet: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/data/math_eval/minerva.parquet -------------------------------------------------------------------------------- /verl/data/math_eval/olympiad.parquet: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/data/math_eval/olympiad.parquet -------------------------------------------------------------------------------- /verl/data/math_eval/olympiad_bench.parquet: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/data/math_eval/olympiad_bench.parquet -------------------------------------------------------------------------------- /verl/docker/Dockerfile.megatron: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/docker/Dockerfile.megatron -------------------------------------------------------------------------------- /verl/docker/Dockerfile.ngc.vllm: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/docker/Dockerfile.ngc.vllm -------------------------------------------------------------------------------- /verl/docker/Dockerfile.ngc.vllm0.8: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/docker/Dockerfile.ngc.vllm0.8 -------------------------------------------------------------------------------- /verl/docker/Dockerfile.ngc.vllm0.8.sagemaker: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/docker/Dockerfile.ngc.vllm0.8.sagemaker -------------------------------------------------------------------------------- /verl/docker/Dockerfile.rocm: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/docker/Dockerfile.rocm -------------------------------------------------------------------------------- /verl/docker/Dockerfile.vemlp.vllm.te: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/docker/Dockerfile.vemlp.vllm.te -------------------------------------------------------------------------------- /verl/docs/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/docs/Makefile -------------------------------------------------------------------------------- /verl/docs/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/docs/README.md -------------------------------------------------------------------------------- /verl/docs/README_vllm0.7.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/docs/README_vllm0.7.md -------------------------------------------------------------------------------- /verl/docs/README_vllm0.8.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/docs/README_vllm0.8.md -------------------------------------------------------------------------------- /verl/docs/_static/logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/docs/_static/logo.png -------------------------------------------------------------------------------- /verl/docs/advance/checkpoint.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/docs/advance/checkpoint.rst -------------------------------------------------------------------------------- /verl/docs/advance/dpo_extension.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/docs/advance/dpo_extension.rst -------------------------------------------------------------------------------- /verl/docs/advance/fsdp_extension.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/docs/advance/fsdp_extension.rst -------------------------------------------------------------------------------- /verl/docs/advance/megatron_extension.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/docs/advance/megatron_extension.rst -------------------------------------------------------------------------------- /verl/docs/advance/placement.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/docs/advance/placement.rst -------------------------------------------------------------------------------- /verl/docs/amd_tutorial/amd_build_dockerfile_page.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/docs/amd_tutorial/amd_build_dockerfile_page.rst -------------------------------------------------------------------------------- /verl/docs/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/docs/conf.py -------------------------------------------------------------------------------- /verl/docs/data.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/docs/data.rst -------------------------------------------------------------------------------- /verl/docs/examples/config.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/docs/examples/config.rst -------------------------------------------------------------------------------- /verl/docs/examples/gsm8k_example.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/docs/examples/gsm8k_example.rst -------------------------------------------------------------------------------- /verl/docs/examples/ppo_code_architecture.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/docs/examples/ppo_code_architecture.rst -------------------------------------------------------------------------------- /verl/docs/experiment/ppo.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/docs/experiment/ppo.rst -------------------------------------------------------------------------------- /verl/docs/faq/faq.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/docs/faq/faq.rst -------------------------------------------------------------------------------- /verl/docs/hybrid_flow.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/docs/hybrid_flow.rst -------------------------------------------------------------------------------- /verl/docs/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/docs/index.rst -------------------------------------------------------------------------------- /verl/docs/perf/perf_tuning.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/docs/perf/perf_tuning.rst -------------------------------------------------------------------------------- /verl/docs/preparation/prepare_data.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/docs/preparation/prepare_data.rst -------------------------------------------------------------------------------- /verl/docs/preparation/reward_function.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/docs/preparation/reward_function.rst -------------------------------------------------------------------------------- /verl/docs/requirements-docs.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/docs/requirements-docs.txt -------------------------------------------------------------------------------- /verl/docs/start/install.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/docs/start/install.rst -------------------------------------------------------------------------------- /verl/docs/start/multinode.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/docs/start/multinode.rst -------------------------------------------------------------------------------- /verl/docs/start/quickstart.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/docs/start/quickstart.rst -------------------------------------------------------------------------------- /verl/docs/workers/fsdp_workers.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/docs/workers/fsdp_workers.rst -------------------------------------------------------------------------------- /verl/docs/workers/megatron_workers.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/docs/workers/megatron_workers.rst -------------------------------------------------------------------------------- /verl/docs/workers/ray_trainer.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/docs/workers/ray_trainer.rst -------------------------------------------------------------------------------- /verl/examples/checkpoint/run_deepseek_megatron_ckpt.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/checkpoint/run_deepseek_megatron_ckpt.sh -------------------------------------------------------------------------------- /verl/examples/checkpoint/run_qwen_megatron_ckpt.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/checkpoint/run_qwen_megatron_ckpt.sh -------------------------------------------------------------------------------- /verl/examples/data_preprocess/full_hh_rlhf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/data_preprocess/full_hh_rlhf.py -------------------------------------------------------------------------------- /verl/examples/data_preprocess/geo3k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/data_preprocess/geo3k.py -------------------------------------------------------------------------------- /verl/examples/data_preprocess/gsm8k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/data_preprocess/gsm8k.py -------------------------------------------------------------------------------- /verl/examples/data_preprocess/hellaswag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/data_preprocess/hellaswag.py -------------------------------------------------------------------------------- /verl/examples/data_preprocess/math_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/data_preprocess/math_dataset.py -------------------------------------------------------------------------------- /verl/examples/data_preprocess/tinyv/bigmath_rl_mathverify.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/data_preprocess/tinyv/bigmath_rl_mathverify.py -------------------------------------------------------------------------------- /verl/examples/data_preprocess/tinyv/bigmath_rl_prime.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/data_preprocess/tinyv/bigmath_rl_prime.py -------------------------------------------------------------------------------- /verl/examples/data_preprocess/tinyv/bigmath_rl_tinyv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/data_preprocess/tinyv/bigmath_rl_tinyv.py -------------------------------------------------------------------------------- /verl/examples/data_preprocess/tinyv/hardverify_math.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/data_preprocess/tinyv/hardverify_math.py -------------------------------------------------------------------------------- /verl/examples/generation/run_deepseek_v2_lite_math.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/generation/run_deepseek_v2_lite_math.sh -------------------------------------------------------------------------------- /verl/examples/grpo_trainer/run_deepseek7b_llm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/grpo_trainer/run_deepseek7b_llm.sh -------------------------------------------------------------------------------- /verl/examples/grpo_trainer/run_deepseek7b_llm_math.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/grpo_trainer/run_deepseek7b_llm_math.sh -------------------------------------------------------------------------------- /verl/examples/grpo_trainer/run_deepseek7b_llm_math_megatron.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/grpo_trainer/run_deepseek7b_llm_math_megatron.sh -------------------------------------------------------------------------------- /verl/examples/grpo_trainer/run_deepseek7b_llm_megatron.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/grpo_trainer/run_deepseek7b_llm_megatron.sh -------------------------------------------------------------------------------- /verl/examples/grpo_trainer/run_deepseek7b_llm_seq_balance.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/grpo_trainer/run_deepseek7b_llm_seq_balance.sh -------------------------------------------------------------------------------- /verl/examples/grpo_trainer/run_qwen2-7b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/grpo_trainer/run_qwen2-7b.sh -------------------------------------------------------------------------------- /verl/examples/grpo_trainer/run_qwen2-7b_math.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/grpo_trainer/run_qwen2-7b_math.sh -------------------------------------------------------------------------------- /verl/examples/grpo_trainer/run_qwen2-7b_math_megatron.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/grpo_trainer/run_qwen2-7b_math_megatron.sh -------------------------------------------------------------------------------- /verl/examples/grpo_trainer/run_qwen2-7b_megatron.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/grpo_trainer/run_qwen2-7b_megatron.sh -------------------------------------------------------------------------------- /verl/examples/grpo_trainer/run_qwen2-7b_seq_balance.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/grpo_trainer/run_qwen2-7b_seq_balance.sh -------------------------------------------------------------------------------- /verl/examples/grpo_trainer/run_qwen2_5_vl-7b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/grpo_trainer/run_qwen2_5_vl-7b.sh -------------------------------------------------------------------------------- /verl/examples/ppo_trainer/run_deepseek7b_llm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/ppo_trainer/run_deepseek7b_llm.sh -------------------------------------------------------------------------------- /verl/examples/ppo_trainer/run_deepseek7b_llm_modelscope.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/ppo_trainer/run_deepseek7b_llm_modelscope.sh -------------------------------------------------------------------------------- /verl/examples/ppo_trainer/run_deepseek7b_llm_sp2.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/ppo_trainer/run_deepseek7b_llm_sp2.sh -------------------------------------------------------------------------------- /verl/examples/ppo_trainer/run_deepseek_full_hh_rlhf.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/ppo_trainer/run_deepseek_full_hh_rlhf.sh -------------------------------------------------------------------------------- /verl/examples/ppo_trainer/run_deepseek_math_gsm8k_megatron.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/ppo_trainer/run_deepseek_math_gsm8k_megatron.sh -------------------------------------------------------------------------------- /verl/examples/ppo_trainer/run_deepseek_megatron.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/ppo_trainer/run_deepseek_megatron.sh -------------------------------------------------------------------------------- /verl/examples/ppo_trainer/run_gemma.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/ppo_trainer/run_gemma.sh -------------------------------------------------------------------------------- /verl/examples/ppo_trainer/run_qwen2-7b_math_gsm8k_megatron.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/ppo_trainer/run_qwen2-7b_math_gsm8k_megatron.sh -------------------------------------------------------------------------------- /verl/examples/ppo_trainer/run_qwen2-7b_megatron.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/ppo_trainer/run_qwen2-7b_megatron.sh -------------------------------------------------------------------------------- /verl/examples/ppo_trainer/run_qwen2-7b_rm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/ppo_trainer/run_qwen2-7b_rm.sh -------------------------------------------------------------------------------- /verl/examples/ppo_trainer/run_qwen2-7b_rm_seq_balance.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/ppo_trainer/run_qwen2-7b_rm_seq_balance.sh -------------------------------------------------------------------------------- /verl/examples/ppo_trainer/run_qwen2-7b_seq_balance.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/ppo_trainer/run_qwen2-7b_seq_balance.sh -------------------------------------------------------------------------------- /verl/examples/ppo_trainer/run_qwen2.5-32b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/ppo_trainer/run_qwen2.5-32b.sh -------------------------------------------------------------------------------- /verl/examples/ppo_trainer/verl_getting_started.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/ppo_trainer/verl_getting_started.ipynb -------------------------------------------------------------------------------- /verl/examples/ray/tutorial.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/ray/tutorial.ipynb -------------------------------------------------------------------------------- /verl/examples/remax_trainer/run_qwen2.5-3b_seq_balance.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/remax_trainer/run_qwen2.5-3b_seq_balance.sh -------------------------------------------------------------------------------- /verl/examples/remax_trainer/run_qwen2.5-7b_seq_balance.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/remax_trainer/run_qwen2.5-7b_seq_balance.sh -------------------------------------------------------------------------------- /verl/examples/rloo_trainer/run_qwen2-7b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/rloo_trainer/run_qwen2-7b.sh -------------------------------------------------------------------------------- /verl/examples/sft/gsm8k/run_deepseek_6b7.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/sft/gsm8k/run_deepseek_6b7.sh -------------------------------------------------------------------------------- /verl/examples/sft/gsm8k/run_gemma_2b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/sft/gsm8k/run_gemma_2b.sh -------------------------------------------------------------------------------- /verl/examples/sft/gsm8k/run_gemma_7b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/sft/gsm8k/run_gemma_7b.sh -------------------------------------------------------------------------------- /verl/examples/sft/gsm8k/run_qwen_05_peft.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/sft/gsm8k/run_qwen_05_peft.sh -------------------------------------------------------------------------------- /verl/examples/sft/gsm8k/run_qwen_05_sp2.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/sft/gsm8k/run_qwen_05_sp2.sh -------------------------------------------------------------------------------- /verl/examples/sft/gsm8k/run_qwen_05_sp2_liger.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/sft/gsm8k/run_qwen_05_sp2_liger.sh -------------------------------------------------------------------------------- /verl/examples/slurm/ray_on_slurm.slurm: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/slurm/ray_on_slurm.slurm -------------------------------------------------------------------------------- /verl/examples/split_placement/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/split_placement/README.md -------------------------------------------------------------------------------- /verl/examples/split_placement/config/ppo_trainer_split.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/split_placement/config/ppo_trainer_split.yaml -------------------------------------------------------------------------------- /verl/examples/split_placement/main_ppo_split.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/split_placement/main_ppo_split.py -------------------------------------------------------------------------------- /verl/examples/split_placement/run_deepseek7b_llm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/split_placement/run_deepseek7b_llm.sh -------------------------------------------------------------------------------- /verl/examples/split_placement/split_monkey_patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/examples/split_placement/split_monkey_patch.py -------------------------------------------------------------------------------- /verl/outputs/2025-05-23/17-06-16/.hydra/config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/outputs/2025-05-23/17-06-16/.hydra/config.yaml -------------------------------------------------------------------------------- /verl/outputs/2025-05-23/17-06-16/.hydra/hydra.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/outputs/2025-05-23/17-06-16/.hydra/hydra.yaml -------------------------------------------------------------------------------- /verl/outputs/2025-05-23/17-06-16/.hydra/overrides.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/outputs/2025-05-23/17-06-16/.hydra/overrides.yaml -------------------------------------------------------------------------------- /verl/outputs/2025-05-23/17-11-10/.hydra/config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/outputs/2025-05-23/17-11-10/.hydra/config.yaml -------------------------------------------------------------------------------- /verl/outputs/2025-05-23/17-11-10/.hydra/hydra.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/outputs/2025-05-23/17-11-10/.hydra/hydra.yaml -------------------------------------------------------------------------------- /verl/outputs/2025-05-23/17-11-10/.hydra/overrides.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/outputs/2025-05-23/17-11-10/.hydra/overrides.yaml -------------------------------------------------------------------------------- /verl/outputs/2025-05-23/17-13-48/.hydra/config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/outputs/2025-05-23/17-13-48/.hydra/config.yaml -------------------------------------------------------------------------------- /verl/outputs/2025-05-23/17-13-48/.hydra/hydra.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/outputs/2025-05-23/17-13-48/.hydra/hydra.yaml -------------------------------------------------------------------------------- /verl/outputs/2025-05-23/17-13-48/.hydra/overrides.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/outputs/2025-05-23/17-13-48/.hydra/overrides.yaml -------------------------------------------------------------------------------- /verl/patches/megatron_v4.patch: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/patches/megatron_v4.patch -------------------------------------------------------------------------------- /verl/pyproject.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/pyproject.toml -------------------------------------------------------------------------------- /verl/recipe/prime/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/recipe/prime/__init__.py -------------------------------------------------------------------------------- /verl/recipe/prime/config/prime_trainer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/recipe/prime/config/prime_trainer.yaml -------------------------------------------------------------------------------- /verl/recipe/prime/main_prime.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/recipe/prime/main_prime.py -------------------------------------------------------------------------------- /verl/recipe/prime/prime_core_algos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/recipe/prime/prime_core_algos.py -------------------------------------------------------------------------------- /verl/recipe/prime/prime_dp_rm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/recipe/prime/prime_dp_rm.py -------------------------------------------------------------------------------- /verl/recipe/prime/prime_fsdp_workers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/recipe/prime/prime_fsdp_workers.py -------------------------------------------------------------------------------- /verl/recipe/prime/prime_ray_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/recipe/prime/prime_ray_trainer.py -------------------------------------------------------------------------------- /verl/recipe/prime/run_prime_qwen.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/recipe/prime/run_prime_qwen.sh -------------------------------------------------------------------------------- /verl/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/requirements.txt -------------------------------------------------------------------------------- /verl/requirements_sglang.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/requirements_sglang.txt -------------------------------------------------------------------------------- /verl/scripts/format.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/scripts/format.sh -------------------------------------------------------------------------------- /verl/scripts/model_merger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/scripts/model_merger.py -------------------------------------------------------------------------------- /verl/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/setup.py -------------------------------------------------------------------------------- /verl/tests/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/__init__.py -------------------------------------------------------------------------------- /verl/tests/checkpoint/run_deepseek_megatron_ckpt.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/checkpoint/run_deepseek_megatron_ckpt.sh -------------------------------------------------------------------------------- /verl/tests/checkpoint/run_qwen_megatron_ckpt.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/checkpoint/run_qwen_megatron_ckpt.sh -------------------------------------------------------------------------------- /verl/tests/checkpoint/test_fsdp_ckpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/checkpoint/test_fsdp_ckpt.py -------------------------------------------------------------------------------- /verl/tests/distributed/run_all.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/distributed/run_all.sh -------------------------------------------------------------------------------- /verl/tests/distributed/test_tensor_dict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/distributed/test_tensor_dict.py -------------------------------------------------------------------------------- /verl/tests/e2e/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/__init__.py -------------------------------------------------------------------------------- /verl/tests/e2e/arithmetic_sequence/data/create_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/arithmetic_sequence/data/create_dataset.py -------------------------------------------------------------------------------- /verl/tests/e2e/arithmetic_sequence/data/test.parquet: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/arithmetic_sequence/data/test.parquet -------------------------------------------------------------------------------- /verl/tests/e2e/arithmetic_sequence/data/train.parquet: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/arithmetic_sequence/data/train.parquet -------------------------------------------------------------------------------- /verl/tests/e2e/arithmetic_sequence/model/config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/arithmetic_sequence/model/config.json -------------------------------------------------------------------------------- /verl/tests/e2e/arithmetic_sequence/model/create_model_tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/arithmetic_sequence/model/create_model_tokenizer.py -------------------------------------------------------------------------------- /verl/tests/e2e/arithmetic_sequence/model/generation_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/arithmetic_sequence/model/generation_config.json -------------------------------------------------------------------------------- /verl/tests/e2e/arithmetic_sequence/model/model.safetensors: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/arithmetic_sequence/model/model.safetensors -------------------------------------------------------------------------------- /verl/tests/e2e/arithmetic_sequence/model/tokenizer_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/arithmetic_sequence/model/tokenizer_config.json -------------------------------------------------------------------------------- /verl/tests/e2e/arithmetic_sequence/rl/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/arithmetic_sequence/rl/README.md -------------------------------------------------------------------------------- /verl/tests/e2e/arithmetic_sequence/rl/main_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/arithmetic_sequence/rl/main_trainer.py -------------------------------------------------------------------------------- /verl/tests/e2e/check_custom_rwd_fn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/check_custom_rwd_fn.py -------------------------------------------------------------------------------- /verl/tests/e2e/check_results.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/check_results.py -------------------------------------------------------------------------------- /verl/tests/e2e/envs/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/envs/__init__.py -------------------------------------------------------------------------------- /verl/tests/e2e/envs/digit_completion/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/envs/digit_completion/__init__.py -------------------------------------------------------------------------------- /verl/tests/e2e/envs/digit_completion/task.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/envs/digit_completion/task.py -------------------------------------------------------------------------------- /verl/tests/e2e/envs/digit_completion/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/envs/digit_completion/tokenizer.py -------------------------------------------------------------------------------- /verl/tests/e2e/run_deepseek_grpo.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/run_deepseek_grpo.sh -------------------------------------------------------------------------------- /verl/tests/e2e/run_deepseek_grpo_megatron.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/run_deepseek_grpo_megatron.sh -------------------------------------------------------------------------------- /verl/tests/e2e/run_deepseek_megatron.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/run_deepseek_megatron.sh -------------------------------------------------------------------------------- /verl/tests/e2e/run_deepseek_megatron_parallelism.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/run_deepseek_megatron_parallelism.sh -------------------------------------------------------------------------------- /verl/tests/e2e/run_qwen2vl_geo3k_function_rm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/run_qwen2vl_geo3k_function_rm.sh -------------------------------------------------------------------------------- /verl/tests/e2e/run_qwen_grpo.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/run_qwen_grpo.sh -------------------------------------------------------------------------------- /verl/tests/e2e/run_qwen_grpo_megatron.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/run_qwen_grpo_megatron.sh -------------------------------------------------------------------------------- /verl/tests/e2e/run_qwen_gsm8k_custom_function_rm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/run_qwen_gsm8k_custom_function_rm.sh -------------------------------------------------------------------------------- /verl/tests/e2e/run_qwen_gsm8k_function_rm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/run_qwen_gsm8k_function_rm.sh -------------------------------------------------------------------------------- /verl/tests/e2e/run_qwen_gsm8k_function_rm_grpo.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/run_qwen_gsm8k_function_rm_grpo.sh -------------------------------------------------------------------------------- /verl/tests/e2e/run_qwen_gsm8k_function_rm_no_rmpad.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/run_qwen_gsm8k_function_rm_no_rmpad.sh -------------------------------------------------------------------------------- /verl/tests/e2e/run_qwen_gsm8k_function_rm_remax.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/run_qwen_gsm8k_function_rm_remax.sh -------------------------------------------------------------------------------- /verl/tests/e2e/run_qwen_gsm8k_model_rm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/run_qwen_gsm8k_model_rm.sh -------------------------------------------------------------------------------- /verl/tests/e2e/run_qwen_gsm8k_model_rm_liger_kernel.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/run_qwen_gsm8k_model_rm_liger_kernel.sh -------------------------------------------------------------------------------- /verl/tests/e2e/run_qwen_gsm8k_model_rm_no_rmpad.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/run_qwen_gsm8k_model_rm_no_rmpad.sh -------------------------------------------------------------------------------- /verl/tests/e2e/run_qwen_gsm8k_model_rm_seq_balance.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/run_qwen_gsm8k_model_rm_seq_balance.sh -------------------------------------------------------------------------------- /verl/tests/e2e/run_qwen_gsm8k_model_rm_ulysses.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/run_qwen_gsm8k_model_rm_ulysses.sh -------------------------------------------------------------------------------- /verl/tests/e2e/run_qwen_gsm8k_prime.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/run_qwen_gsm8k_prime.sh -------------------------------------------------------------------------------- /verl/tests/e2e/run_qwen_megatron.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/run_qwen_megatron.sh -------------------------------------------------------------------------------- /verl/tests/e2e/run_qwen_megatron_parallelism.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/run_qwen_megatron_parallelism.sh -------------------------------------------------------------------------------- /verl/tests/e2e/run_ray_trainer.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/run_ray_trainer.sh -------------------------------------------------------------------------------- /verl/tests/e2e/run_ray_trainer_fire_sampling.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/run_ray_trainer_fire_sampling.sh -------------------------------------------------------------------------------- /verl/tests/e2e/run_ray_trainer_rmpad.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/e2e/run_ray_trainer_rmpad.sh -------------------------------------------------------------------------------- /verl/tests/generation/run_gen_qwen05.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/generation/run_gen_qwen05.sh -------------------------------------------------------------------------------- /verl/tests/gpu_utility/test_memory_buffers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/gpu_utility/test_memory_buffers.py -------------------------------------------------------------------------------- /verl/tests/gpu_utility/test_ops.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/gpu_utility/test_ops.py -------------------------------------------------------------------------------- /verl/tests/gpu_utility/test_torch_functional.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/gpu_utility/test_torch_functional.py -------------------------------------------------------------------------------- /verl/tests/kill_github_tests.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/kill_github_tests.sh -------------------------------------------------------------------------------- /verl/tests/model/test_transformer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/model/test_transformer.py -------------------------------------------------------------------------------- /verl/tests/model/test_transformers_ulysses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/model/test_transformers_ulysses.py -------------------------------------------------------------------------------- /verl/tests/ray/check_worker_alive/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/ray/check_worker_alive/main.py -------------------------------------------------------------------------------- /verl/tests/ray/detached_worker/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/ray/detached_worker/README.md -------------------------------------------------------------------------------- /verl/tests/ray/detached_worker/client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/ray/detached_worker/client.py -------------------------------------------------------------------------------- /verl/tests/ray/detached_worker/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/ray/detached_worker/run.sh -------------------------------------------------------------------------------- /verl/tests/ray/detached_worker/server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/ray/detached_worker/server.py -------------------------------------------------------------------------------- /verl/tests/ray/test_check_worker_alive.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/ray/test_check_worker_alive.py -------------------------------------------------------------------------------- /verl/tests/ray/test_colocated_workers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/ray/test_colocated_workers.py -------------------------------------------------------------------------------- /verl/tests/ray/test_data_transfer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/ray/test_data_transfer.py -------------------------------------------------------------------------------- /verl/tests/ray/test_driverfunc_to_worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/ray/test_driverfunc_to_worker.py -------------------------------------------------------------------------------- /verl/tests/ray/test_high_level_scheduling_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/ray/test_high_level_scheduling_api.py -------------------------------------------------------------------------------- /verl/tests/ray/test_ray_local_envs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/ray/test_ray_local_envs.py -------------------------------------------------------------------------------- /verl/tests/ray/test_rvdz.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/ray/test_rvdz.py -------------------------------------------------------------------------------- /verl/tests/ray/test_worker_group_basics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/ray/test_worker_group_basics.py -------------------------------------------------------------------------------- /verl/tests/ray/test_worker_group_torch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/ray/test_worker_group_torch.py -------------------------------------------------------------------------------- /verl/tests/rollout/run_fsdp_vllm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/rollout/run_fsdp_vllm.py -------------------------------------------------------------------------------- /verl/tests/rollout/test_sglang_spmd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/rollout/test_sglang_spmd.py -------------------------------------------------------------------------------- /verl/tests/rollout/test_vllm_hf_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/rollout/test_vllm_hf_loader.py -------------------------------------------------------------------------------- /verl/tests/rollout/test_vllm_spmd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/rollout/test_vllm_spmd.py -------------------------------------------------------------------------------- /verl/tests/sandbox/test_sandbox.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/sandbox/test_sandbox.py -------------------------------------------------------------------------------- /verl/tests/sanity/check_license.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/sanity/check_license.py -------------------------------------------------------------------------------- /verl/tests/sanity/test_import.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/sanity/test_import.py -------------------------------------------------------------------------------- /verl/tests/sft/run_sft.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/sft/run_sft.sh -------------------------------------------------------------------------------- /verl/tests/sft/run_sft_qwen05_peft.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/sft/run_sft_qwen05_peft.sh -------------------------------------------------------------------------------- /verl/tests/sft/run_sft_qwen05_sp2_liger.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/sft/run_sft_qwen05_sp2_liger.sh -------------------------------------------------------------------------------- /verl/tests/sft/run_sft_sp_loss_match.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/sft/run_sft_sp_loss_match.sh -------------------------------------------------------------------------------- /verl/tests/sft/test_sp_loss_match.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/sft/test_sp_loss_match.py -------------------------------------------------------------------------------- /verl/tests/utility/test_tensor_dict_utilities.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/utility/test_tensor_dict_utilities.py -------------------------------------------------------------------------------- /verl/tests/verl/utils/dataset/test_rl_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/verl/utils/dataset/test_rl_dataset.py -------------------------------------------------------------------------------- /verl/tests/verl/utils/dataset/test_rm_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/verl/utils/dataset/test_rm_dataset.py -------------------------------------------------------------------------------- /verl/tests/verl/utils/dataset/test_sft_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/tests/verl/utils/dataset/test_sft_dataset.py -------------------------------------------------------------------------------- /verl/verl/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/__init__.py -------------------------------------------------------------------------------- /verl/verl/models/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/models/README.md -------------------------------------------------------------------------------- /verl/verl/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/models/__init__.py -------------------------------------------------------------------------------- /verl/verl/models/llama/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/models/llama/__init__.py -------------------------------------------------------------------------------- /verl/verl/models/llama/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/models/llama/megatron/__init__.py -------------------------------------------------------------------------------- /verl/verl/models/llama/megatron/checkpoint_utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/models/llama/megatron/checkpoint_utils/__init__.py -------------------------------------------------------------------------------- /verl/verl/models/llama/megatron/checkpoint_utils/llama_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/models/llama/megatron/checkpoint_utils/llama_loader.py -------------------------------------------------------------------------------- /verl/verl/models/llama/megatron/checkpoint_utils/llama_saver.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/models/llama/megatron/checkpoint_utils/llama_saver.py -------------------------------------------------------------------------------- /verl/verl/models/llama/megatron/layers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/models/llama/megatron/layers/__init__.py -------------------------------------------------------------------------------- /verl/verl/models/llama/megatron/layers/parallel_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/models/llama/megatron/layers/parallel_attention.py -------------------------------------------------------------------------------- /verl/verl/models/llama/megatron/layers/parallel_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/models/llama/megatron/layers/parallel_decoder.py -------------------------------------------------------------------------------- /verl/verl/models/llama/megatron/layers/parallel_linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/models/llama/megatron/layers/parallel_linear.py -------------------------------------------------------------------------------- /verl/verl/models/llama/megatron/layers/parallel_mlp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/models/llama/megatron/layers/parallel_mlp.py -------------------------------------------------------------------------------- /verl/verl/models/llama/megatron/layers/parallel_rmsnorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/models/llama/megatron/layers/parallel_rmsnorm.py -------------------------------------------------------------------------------- /verl/verl/models/llama/megatron/modeling_llama_megatron.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/models/llama/megatron/modeling_llama_megatron.py -------------------------------------------------------------------------------- /verl/verl/models/qwen2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/models/qwen2/__init__.py -------------------------------------------------------------------------------- /verl/verl/models/qwen2/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/models/qwen2/megatron/__init__.py -------------------------------------------------------------------------------- /verl/verl/models/qwen2/megatron/checkpoint_utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/models/qwen2/megatron/checkpoint_utils/__init__.py -------------------------------------------------------------------------------- /verl/verl/models/qwen2/megatron/checkpoint_utils/qwen2_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/models/qwen2/megatron/checkpoint_utils/qwen2_loader.py -------------------------------------------------------------------------------- /verl/verl/models/qwen2/megatron/checkpoint_utils/qwen2_saver.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/models/qwen2/megatron/checkpoint_utils/qwen2_saver.py -------------------------------------------------------------------------------- /verl/verl/models/qwen2/megatron/layers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/models/qwen2/megatron/layers/__init__.py -------------------------------------------------------------------------------- /verl/verl/models/qwen2/megatron/layers/parallel_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/models/qwen2/megatron/layers/parallel_attention.py -------------------------------------------------------------------------------- /verl/verl/models/qwen2/megatron/layers/parallel_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/models/qwen2/megatron/layers/parallel_decoder.py -------------------------------------------------------------------------------- /verl/verl/models/qwen2/megatron/layers/parallel_linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/models/qwen2/megatron/layers/parallel_linear.py -------------------------------------------------------------------------------- /verl/verl/models/qwen2/megatron/layers/parallel_mlp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/models/qwen2/megatron/layers/parallel_mlp.py -------------------------------------------------------------------------------- /verl/verl/models/qwen2/megatron/layers/parallel_rmsnorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/models/qwen2/megatron/layers/parallel_rmsnorm.py -------------------------------------------------------------------------------- /verl/verl/models/qwen2/megatron/modeling_qwen2_megatron.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/models/qwen2/megatron/modeling_qwen2_megatron.py -------------------------------------------------------------------------------- /verl/verl/models/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/models/registry.py -------------------------------------------------------------------------------- /verl/verl/models/transformers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/models/transformers/__init__.py -------------------------------------------------------------------------------- /verl/verl/models/transformers/llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/models/transformers/llama.py -------------------------------------------------------------------------------- /verl/verl/models/transformers/monkey_patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/models/transformers/monkey_patch.py -------------------------------------------------------------------------------- /verl/verl/models/transformers/qwen2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/models/transformers/qwen2.py -------------------------------------------------------------------------------- /verl/verl/models/transformers/qwen2_vl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/models/transformers/qwen2_vl.py -------------------------------------------------------------------------------- /verl/verl/models/weight_loader_registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/models/weight_loader_registry.py -------------------------------------------------------------------------------- /verl/verl/protocol.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/protocol.py -------------------------------------------------------------------------------- /verl/verl/single_controller/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/single_controller/__init__.py -------------------------------------------------------------------------------- /verl/verl/single_controller/base/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/single_controller/base/__init__.py -------------------------------------------------------------------------------- /verl/verl/single_controller/base/decorator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/single_controller/base/decorator.py -------------------------------------------------------------------------------- /verl/verl/single_controller/base/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/single_controller/base/megatron/__init__.py -------------------------------------------------------------------------------- /verl/verl/single_controller/base/megatron/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/single_controller/base/megatron/worker.py -------------------------------------------------------------------------------- /verl/verl/single_controller/base/megatron/worker_group.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/single_controller/base/megatron/worker_group.py -------------------------------------------------------------------------------- /verl/verl/single_controller/base/register_center/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/single_controller/base/register_center/__init__.py -------------------------------------------------------------------------------- /verl/verl/single_controller/base/register_center/ray.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/single_controller/base/register_center/ray.py -------------------------------------------------------------------------------- /verl/verl/single_controller/base/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/single_controller/base/worker.py -------------------------------------------------------------------------------- /verl/verl/single_controller/base/worker_group.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/single_controller/base/worker_group.py -------------------------------------------------------------------------------- /verl/verl/single_controller/ray/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/single_controller/ray/__init__.py -------------------------------------------------------------------------------- /verl/verl/single_controller/ray/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/single_controller/ray/base.py -------------------------------------------------------------------------------- /verl/verl/single_controller/ray/megatron.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/single_controller/ray/megatron.py -------------------------------------------------------------------------------- /verl/verl/third_party/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/__init__.py -------------------------------------------------------------------------------- /verl/verl/third_party/sglang/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/sglang/__init__.py -------------------------------------------------------------------------------- /verl/verl/third_party/sglang/parallel_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/sglang/parallel_state.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/__init__.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_3_1/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_3_1/__init__.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_3_1/arg_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_3_1/arg_utils.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_3_1/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_3_1/config.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_3_1/llm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_3_1/llm.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_3_1/llm_engine_sp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_3_1/llm_engine_sp.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_3_1/model_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_3_1/model_loader.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_3_1/model_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_3_1/model_runner.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_3_1/parallel_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_3_1/parallel_state.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_3_1/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_3_1/tokenizer.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_3_1/weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_3_1/weight_loaders.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_3_1/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_3_1/worker.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_4_2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_4_2/__init__.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_4_2/arg_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_4_2/arg_utils.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_4_2/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_4_2/config.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_4_2/dtensor_weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_4_2/dtensor_weight_loaders.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_4_2/hf_weight_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_4_2/hf_weight_loader.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_4_2/llm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_4_2/llm.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_4_2/llm_engine_sp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_4_2/llm_engine_sp.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_4_2/megatron_weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_4_2/megatron_weight_loaders.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_4_2/model_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_4_2/model_loader.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_4_2/model_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_4_2/model_runner.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_4_2/parallel_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_4_2/parallel_state.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_4_2/spmd_gpu_executor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_4_2/spmd_gpu_executor.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_4_2/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_4_2/tokenizer.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_4_2/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_4_2/worker.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_5_4/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_5_4/__init__.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_5_4/arg_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_5_4/arg_utils.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_5_4/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_5_4/config.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_5_4/dtensor_weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_5_4/dtensor_weight_loaders.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_5_4/hf_weight_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_5_4/hf_weight_loader.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_5_4/llm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_5_4/llm.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_5_4/llm_engine_sp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_5_4/llm_engine_sp.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_5_4/megatron_weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_5_4/megatron_weight_loaders.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_5_4/model_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_5_4/model_loader.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_5_4/model_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_5_4/model_runner.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_5_4/parallel_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_5_4/parallel_state.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_5_4/spmd_gpu_executor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_5_4/spmd_gpu_executor.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_5_4/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_5_4/tokenizer.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_5_4/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_5_4/worker.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_6_3/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_6_3/__init__.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_6_3/arg_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_6_3/arg_utils.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_6_3/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_6_3/config.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_6_3/dtensor_weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_6_3/dtensor_weight_loaders.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_6_3/hf_weight_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_6_3/hf_weight_loader.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_6_3/llm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_6_3/llm.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_6_3/llm_engine_sp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_6_3/llm_engine_sp.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_6_3/megatron_weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_6_3/megatron_weight_loaders.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_6_3/model_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_6_3/model_loader.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_6_3/model_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_6_3/model_runner.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_6_3/parallel_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_6_3/parallel_state.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_6_3/spmd_gpu_executor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_6_3/spmd_gpu_executor.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_6_3/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_6_3/tokenizer.py -------------------------------------------------------------------------------- /verl/verl/third_party/vllm/vllm_v_0_6_3/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/third_party/vllm/vllm_v_0_6_3/worker.py -------------------------------------------------------------------------------- /verl/verl/trainer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/trainer/__init__.py -------------------------------------------------------------------------------- /verl/verl/trainer/config/evaluation.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/trainer/config/evaluation.yaml -------------------------------------------------------------------------------- /verl/verl/trainer/config/generation.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/trainer/config/generation.yaml -------------------------------------------------------------------------------- /verl/verl/trainer/config/ppo_megatron_trainer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/trainer/config/ppo_megatron_trainer.yaml -------------------------------------------------------------------------------- /verl/verl/trainer/config/ppo_trainer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/trainer/config/ppo_trainer.yaml -------------------------------------------------------------------------------- /verl/verl/trainer/config/sft_trainer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/trainer/config/sft_trainer.yaml -------------------------------------------------------------------------------- /verl/verl/trainer/fsdp_sft_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/trainer/fsdp_sft_trainer.py -------------------------------------------------------------------------------- /verl/verl/trainer/main_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/trainer/main_eval.py -------------------------------------------------------------------------------- /verl/verl/trainer/main_generation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/trainer/main_generation.py -------------------------------------------------------------------------------- /verl/verl/trainer/main_ppo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/trainer/main_ppo.py -------------------------------------------------------------------------------- /verl/verl/trainer/ppo/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/trainer/ppo/__init__.py -------------------------------------------------------------------------------- /verl/verl/trainer/ppo/core_algos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/trainer/ppo/core_algos.py -------------------------------------------------------------------------------- /verl/verl/trainer/ppo/metric_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/trainer/ppo/metric_utils.py -------------------------------------------------------------------------------- /verl/verl/trainer/ppo/ray_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/trainer/ppo/ray_trainer.py -------------------------------------------------------------------------------- /verl/verl/trainer/runtime_env.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/trainer/runtime_env.yaml -------------------------------------------------------------------------------- /verl/verl/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/__init__.py -------------------------------------------------------------------------------- /verl/verl/utils/checkpoint/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/checkpoint/__init__.py -------------------------------------------------------------------------------- /verl/verl/utils/checkpoint/checkpoint_manager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/checkpoint/checkpoint_manager.py -------------------------------------------------------------------------------- /verl/verl/utils/checkpoint/fsdp_checkpoint_manager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/checkpoint/fsdp_checkpoint_manager.py -------------------------------------------------------------------------------- /verl/verl/utils/checkpoint/megatron_checkpoint_manager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/checkpoint/megatron_checkpoint_manager.py -------------------------------------------------------------------------------- /verl/verl/utils/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/config.py -------------------------------------------------------------------------------- /verl/verl/utils/dataset/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/dataset/README.md -------------------------------------------------------------------------------- /verl/verl/utils/dataset/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/dataset/__init__.py -------------------------------------------------------------------------------- /verl/verl/utils/dataset/rl_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/dataset/rl_dataset.py -------------------------------------------------------------------------------- /verl/verl/utils/dataset/rm_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/dataset/rm_dataset.py -------------------------------------------------------------------------------- /verl/verl/utils/dataset/sft_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/dataset/sft_dataset.py -------------------------------------------------------------------------------- /verl/verl/utils/debug/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/debug/__init__.py -------------------------------------------------------------------------------- /verl/verl/utils/debug/performance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/debug/performance.py -------------------------------------------------------------------------------- /verl/verl/utils/debug/trajectory_tracker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/debug/trajectory_tracker.py -------------------------------------------------------------------------------- /verl/verl/utils/distributed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/distributed.py -------------------------------------------------------------------------------- /verl/verl/utils/flops_counter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/flops_counter.py -------------------------------------------------------------------------------- /verl/verl/utils/fs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/fs.py -------------------------------------------------------------------------------- /verl/verl/utils/fsdp_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/fsdp_utils.py -------------------------------------------------------------------------------- /verl/verl/utils/hdfs_io.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/hdfs_io.py -------------------------------------------------------------------------------- /verl/verl/utils/import_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/import_utils.py -------------------------------------------------------------------------------- /verl/verl/utils/logger/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/logger/__init__.py -------------------------------------------------------------------------------- /verl/verl/utils/logger/aggregate_logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/logger/aggregate_logger.py -------------------------------------------------------------------------------- /verl/verl/utils/logging_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/logging_utils.py -------------------------------------------------------------------------------- /verl/verl/utils/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/megatron/__init__.py -------------------------------------------------------------------------------- /verl/verl/utils/megatron/memory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/megatron/memory.py -------------------------------------------------------------------------------- /verl/verl/utils/megatron/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/megatron/optimizer.py -------------------------------------------------------------------------------- /verl/verl/utils/megatron/pipeline_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/megatron/pipeline_parallel.py -------------------------------------------------------------------------------- /verl/verl/utils/megatron/sequence_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/megatron/sequence_parallel.py -------------------------------------------------------------------------------- /verl/verl/utils/megatron/tensor_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/megatron/tensor_parallel.py -------------------------------------------------------------------------------- /verl/verl/utils/megatron_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/megatron_utils.py -------------------------------------------------------------------------------- /verl/verl/utils/memory_buffer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/memory_buffer.py -------------------------------------------------------------------------------- /verl/verl/utils/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/model.py -------------------------------------------------------------------------------- /verl/verl/utils/py_functional.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/py_functional.py -------------------------------------------------------------------------------- /verl/verl/utils/ray_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/ray_utils.py -------------------------------------------------------------------------------- /verl/verl/utils/rendezvous/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/rendezvous/__init__.py -------------------------------------------------------------------------------- /verl/verl/utils/rendezvous/ray_backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/rendezvous/ray_backend.py -------------------------------------------------------------------------------- /verl/verl/utils/reward_score/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/reward_score/__init__.py -------------------------------------------------------------------------------- /verl/verl/utils/reward_score/geo3k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/reward_score/geo3k.py -------------------------------------------------------------------------------- /verl/verl/utils/reward_score/gsm8k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/reward_score/gsm8k.py -------------------------------------------------------------------------------- /verl/verl/utils/reward_score/math.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/reward_score/math.py -------------------------------------------------------------------------------- /verl/verl/utils/reward_score/math_verify.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/reward_score/math_verify.py -------------------------------------------------------------------------------- /verl/verl/utils/reward_score/prime_code/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/reward_score/prime_code/__init__.py -------------------------------------------------------------------------------- /verl/verl/utils/reward_score/prime_code/testing_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/reward_score/prime_code/testing_util.py -------------------------------------------------------------------------------- /verl/verl/utils/reward_score/prime_code/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/reward_score/prime_code/utils.py -------------------------------------------------------------------------------- /verl/verl/utils/reward_score/prime_math/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/reward_score/prime_math/__init__.py -------------------------------------------------------------------------------- /verl/verl/utils/reward_score/prime_math/grader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/reward_score/prime_math/grader.py -------------------------------------------------------------------------------- /verl/verl/utils/reward_score/prime_math/math_normalize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/reward_score/prime_math/math_normalize.py -------------------------------------------------------------------------------- /verl/verl/utils/reward_score/tinyv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/reward_score/tinyv.py -------------------------------------------------------------------------------- /verl/verl/utils/reward_score/tinyv_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/reward_score/tinyv_config.json -------------------------------------------------------------------------------- /verl/verl/utils/seqlen_balancing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/seqlen_balancing.py -------------------------------------------------------------------------------- /verl/verl/utils/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/tokenizer.py -------------------------------------------------------------------------------- /verl/verl/utils/torch_dtypes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/torch_dtypes.py -------------------------------------------------------------------------------- /verl/verl/utils/torch_functional.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/torch_functional.py -------------------------------------------------------------------------------- /verl/verl/utils/tracking.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/tracking.py -------------------------------------------------------------------------------- /verl/verl/utils/ulysses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/utils/ulysses.py -------------------------------------------------------------------------------- /verl/verl/version/version: -------------------------------------------------------------------------------- 1 | 0.3.0.post1 2 | -------------------------------------------------------------------------------- /verl/verl/workers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/workers/__init__.py -------------------------------------------------------------------------------- /verl/verl/workers/actor/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/workers/actor/__init__.py -------------------------------------------------------------------------------- /verl/verl/workers/actor/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/workers/actor/base.py -------------------------------------------------------------------------------- /verl/verl/workers/actor/dp_actor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/workers/actor/dp_actor.py -------------------------------------------------------------------------------- /verl/verl/workers/actor/megatron_actor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/workers/actor/megatron_actor.py -------------------------------------------------------------------------------- /verl/verl/workers/critic/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/workers/critic/__init__.py -------------------------------------------------------------------------------- /verl/verl/workers/critic/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/workers/critic/base.py -------------------------------------------------------------------------------- /verl/verl/workers/critic/dp_critic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/workers/critic/dp_critic.py -------------------------------------------------------------------------------- /verl/verl/workers/critic/megatron_critic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/workers/critic/megatron_critic.py -------------------------------------------------------------------------------- /verl/verl/workers/fsdp_workers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/workers/fsdp_workers.py -------------------------------------------------------------------------------- /verl/verl/workers/megatron_workers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/workers/megatron_workers.py -------------------------------------------------------------------------------- /verl/verl/workers/reward_manager/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/workers/reward_manager/__init__.py -------------------------------------------------------------------------------- /verl/verl/workers/reward_manager/naive.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/workers/reward_manager/naive.py -------------------------------------------------------------------------------- /verl/verl/workers/reward_manager/prime.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/workers/reward_manager/prime.py -------------------------------------------------------------------------------- /verl/verl/workers/reward_model/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/workers/reward_model/__init__.py -------------------------------------------------------------------------------- /verl/verl/workers/reward_model/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/workers/reward_model/base.py -------------------------------------------------------------------------------- /verl/verl/workers/reward_model/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/workers/reward_model/megatron/__init__.py -------------------------------------------------------------------------------- /verl/verl/workers/reward_model/megatron/reward_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/workers/reward_model/megatron/reward_model.py -------------------------------------------------------------------------------- /verl/verl/workers/rollout/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/workers/rollout/__init__.py -------------------------------------------------------------------------------- /verl/verl/workers/rollout/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/workers/rollout/base.py -------------------------------------------------------------------------------- /verl/verl/workers/rollout/hf_rollout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/workers/rollout/hf_rollout.py -------------------------------------------------------------------------------- /verl/verl/workers/rollout/naive/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/workers/rollout/naive/__init__.py -------------------------------------------------------------------------------- /verl/verl/workers/rollout/naive/naive_rollout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/workers/rollout/naive/naive_rollout.py -------------------------------------------------------------------------------- /verl/verl/workers/rollout/sglang_rollout/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/workers/rollout/sglang_rollout/__init__.py -------------------------------------------------------------------------------- /verl/verl/workers/rollout/sglang_rollout/sglang_rollout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/workers/rollout/sglang_rollout/sglang_rollout.py -------------------------------------------------------------------------------- /verl/verl/workers/rollout/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/workers/rollout/tokenizer.py -------------------------------------------------------------------------------- /verl/verl/workers/rollout/vllm_rollout/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/workers/rollout/vllm_rollout/__init__.py -------------------------------------------------------------------------------- /verl/verl/workers/rollout/vllm_rollout/fire_vllm_rollout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/workers/rollout/vllm_rollout/fire_vllm_rollout.py -------------------------------------------------------------------------------- /verl/verl/workers/rollout/vllm_rollout/vllm_rollout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/workers/rollout/vllm_rollout/vllm_rollout.py -------------------------------------------------------------------------------- /verl/verl/workers/rollout/vllm_rollout/vllm_rollout_spmd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/workers/rollout/vllm_rollout/vllm_rollout_spmd.py -------------------------------------------------------------------------------- /verl/verl/workers/sharding_manager/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/workers/sharding_manager/__init__.py -------------------------------------------------------------------------------- /verl/verl/workers/sharding_manager/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/workers/sharding_manager/base.py -------------------------------------------------------------------------------- /verl/verl/workers/sharding_manager/fsdp_sglang.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/workers/sharding_manager/fsdp_sglang.py -------------------------------------------------------------------------------- /verl/verl/workers/sharding_manager/fsdp_ulysses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/workers/sharding_manager/fsdp_ulysses.py -------------------------------------------------------------------------------- /verl/verl/workers/sharding_manager/fsdp_vllm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/workers/sharding_manager/fsdp_vllm.py -------------------------------------------------------------------------------- /verl/verl/workers/sharding_manager/megatron_vllm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/verl/workers/sharding_manager/megatron_vllm.py -------------------------------------------------------------------------------- /verl/wandb/latest-run: -------------------------------------------------------------------------------- 1 | run-20250523_171514-9duf5k7w -------------------------------------------------------------------------------- /verl/wandb/run-20250523_171514-9duf5k7w/files/config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/wandb/run-20250523_171514-9duf5k7w/files/config.yaml -------------------------------------------------------------------------------- /verl/wandb/run-20250523_171514-9duf5k7w/files/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/wandb/run-20250523_171514-9duf5k7w/files/requirements.txt -------------------------------------------------------------------------------- /verl/wandb/run-20250523_171514-9duf5k7w/files/wandb-metadata.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/wandb/run-20250523_171514-9duf5k7w/files/wandb-metadata.json -------------------------------------------------------------------------------- /verl/wandb/run-20250523_171514-9duf5k7w/files/wandb-summary.json: -------------------------------------------------------------------------------- 1 | {"_wandb":{"runtime":50}} -------------------------------------------------------------------------------- /verl/wandb/run-20250523_171514-9duf5k7w/run-9duf5k7w.wandb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/uw-nsl/TinyV/HEAD/verl/wandb/run-20250523_171514-9duf5k7w/run-9duf5k7w.wandb --------------------------------------------------------------------------------