From ea12141f2b18fbcd130c6460e8a141c1913354de Mon Sep 17 00:00:00 2001 From: "lichangye.lcy" Date: Tue, 22 Jul 2025 16:03:29 +0800 Subject: [PATCH] 0722_4 --- arealite/README.md | 0 arealite/api/cli_args.py | 0 arealite/api/engine_api.py | 0 arealite/api/env_api.py | 0 arealite/api/io_struct.py | 0 arealite/api/reward_api.py | 0 arealite/api/workflow_api.py | 0 arealite/dataset/__init__.py | 0 arealite/engine/__init__.py | 0 arealite/engine/fsdp_engine.py | 0 arealite/engine/sft/lm_engine.py | 0 arealite/engine/sglang_remote.py | 0 arealite/experimental/sglang_engine.py | 0 arealite/tests/test_sglang_engine.py | 0 arealite/tests/test_train_engine.py | 0 arealite/tests/test_utils.py | 0 arealite/tests/test_wrapper.py | 0 arealite/utils/__init__.py | 0 arealite/utils/data.py | 0 arealite/utils/evaluator.py | 0 arealite/utils/fs.py | 0 arealite/utils/fsdp.py | 0 arealite/utils/functional.py | 0 arealite/utils/save_load.py | 0 arealite/utils/saver.py | 0 arealite/utils/stats_logger.py | 0 arealite/utils/wrapper.py | 0 arealite/workflow/rlvr.py | 0 assets/1.5b_time_n1n4n16.png | Bin assets/7b_zero_eval_acc.png | Bin assets/7b_zero_training_curve.png | Bin assets/algo_ablation.png | Bin assets/arch.png | Bin assets/async_scaling_vs_verl.png | Bin assets/async_timeline.png | Bin assets/decoupled_ppo_obj.png | Bin assets/distill_1.5b_24k_curve.png | Bin assets/gen_scaling_trend.png | Bin assets/interrupt_gen_ablation.png | Bin assets/logo.png | Bin assets/staleness_throughput.png | Bin assets/sync_one_step_gen.png | Bin assets/thpt_comparison.png | Bin assets/wechat_qrcode.png | Bin benchmark/verl_v0_3_0_post1_76084d3/README.md | 0 .../verl_v0_3_0_post1_76084d3/areal_config.yaml | 0 benchmark/verl_v0_3_0_post1_76084d3/build_cmd.py | 0 .../scaling_trend_vs_verl.png | Bin blog/AReaL_v0_1.md | 0 blog/AReaL_v0_2.md | 0 blog/AReaL_v0_3.md | 0 ci/build_env_image.sh | 0 ci/clone_repo.sh | 0 ci/test_arealite.sh | 0 csrc/cugae/gae.cu | 0 csrc/interval_op/interval_op.cpp | 0 csrc/interval_op/interval_op.cu | 0 docs/_config.yml | 0 docs/_toc.yml | 0 docs/contrib.md | 0 docs/customization/agent.md | 0 docs/customization/algorithm.md | 0 docs/customization/dataset.md | 0 docs/customization/decoupled_loss.png | Bin docs/customization/multiturn_reward.png | Bin docs/developer/areal_code_arch.png | Bin docs/developer/overview.md | 0 docs/developer/rollout.md | 0 docs/developer/rollout/areal_rollout_manager.png | Bin docs/developer/rollout/gserver.md | 0 docs/developer/rollout/rollout_worker.md | 0 docs/developer/rollout/rollout_worker.png | Bin docs/developer/trainer.md | 0 docs/developer/trainer/algo_interface.md | 0 docs/developer/trainer/algo_interface.png | Bin docs/developer/trainer/allocation_parallel.md | 0 docs/developer/trainer/buffer_arch.png | Bin docs/developer/trainer/master-model-interaction.png | Bin docs/developer/trainer/master_arch.png | Bin docs/developer/trainer/master_worker.md | 0 docs/developer/trainer/model_worker.md | 0 docs/developer/trainer/param_shard.png | Bin docs/figures/logo.png | Bin docs/intro.md | 0 docs/references/benchmark.md | 0 docs/references/reproduce.md | 0 docs/requirements.txt | 0 docs/tutorial/eval.md | 0 docs/tutorial/installation.md | 0 docs/tutorial/quickstart.md | 0 docs/tutorial/troubleshooting.md | 0 evaluation/LEGAL.md | 0 evaluation/LICENSE | 0 evaluation/README.md | 0 evaluation/aggregate_acc_from_generated.py | 0 evaluation/cf_elo_caculator.py | 0 evaluation/code_eval.py | 0 evaluation/code_verifier/local_verify.py | 0 evaluation/code_verifier/testing_util.py | 0 evaluation/data/aime24/test.jsonl | 0 evaluation/data/aime25/test.jsonl | 0 evaluation/data/amc23/test.jsonl | 0 evaluation/data/gpqa_diamond/test.jsonl | 0 evaluation/data/math_500/test.jsonl | 0 evaluation/data_loader.py | 0 evaluation/eval_and_aggregate.py | 0 evaluation/evaluate.py | 0 evaluation/examples.py | 0 evaluation/grader.py | 0 evaluation/latex2sympy/.coveragerc | 0 evaluation/latex2sympy/.gitignore | 0 evaluation/latex2sympy/LICENSE.txt | 0 evaluation/latex2sympy/PS.g4 | 0 evaluation/latex2sympy/README.md | 0 evaluation/latex2sympy/__init__.py | 0 evaluation/latex2sympy/antlr-4.11.1-complete.jar | Bin evaluation/latex2sympy/asciimath_printer.py | 0 evaluation/latex2sympy/description.txt | 0 evaluation/latex2sympy/dev-requirements.in | 0 evaluation/latex2sympy/dev-requirements.txt | 0 evaluation/latex2sympy/gen/PS.interp | 0 evaluation/latex2sympy/gen/PS.tokens | 0 evaluation/latex2sympy/gen/PSLexer.interp | 0 evaluation/latex2sympy/gen/PSLexer.py | 0 evaluation/latex2sympy/gen/PSLexer.tokens | 0 evaluation/latex2sympy/gen/PSListener.py | 0 evaluation/latex2sympy/gen/PSParser.py | 0 evaluation/latex2sympy/gen/__init__.py | 0 evaluation/latex2sympy/latex2sympy2.py | 0 evaluation/latex2sympy/requirements.in | 0 evaluation/latex2sympy/requirements.txt | 0 evaluation/latex2sympy/sandbox/linalg_equations.py | 0 evaluation/latex2sympy/sandbox/linalg_span.py | 0 evaluation/latex2sympy/sandbox/matrix.py | 0 .../latex2sympy/sandbox/matrix_placeholders.py | 0 evaluation/latex2sympy/sandbox/sandbox.py | 0 evaluation/latex2sympy/sandbox/sandbox_equality.py | 0 evaluation/latex2sympy/sandbox/sectan.py | 0 evaluation/latex2sympy/sandbox/vector.py | 0 evaluation/latex2sympy/scripts/compile.sh | 0 evaluation/latex2sympy/scripts/coverage-ci.sh | 0 evaluation/latex2sympy/scripts/coverage.sh | 0 evaluation/latex2sympy/scripts/pre-commit | 0 evaluation/latex2sympy/scripts/pre-push | 0 evaluation/latex2sympy/scripts/publish.sh | 0 evaluation/latex2sympy/scripts/setup-hooks.sh | 0 evaluation/latex2sympy/scripts/setup.sh | 0 evaluation/latex2sympy/scripts/test.sh | 0 evaluation/latex2sympy/setup.cfg | 0 evaluation/latex2sympy/setup.py | 0 evaluation/latex2sympy/tests/__init__.py | 0 evaluation/latex2sympy/tests/abs_test.py | 0 evaluation/latex2sympy/tests/all_bad_test.py | 0 evaluation/latex2sympy/tests/all_good_test.py | 0 evaluation/latex2sympy/tests/atom_expr_test.py | 0 evaluation/latex2sympy/tests/binomial_test.py | 0 evaluation/latex2sympy/tests/ceil_test.py | 0 evaluation/latex2sympy/tests/complex_test.py | 0 evaluation/latex2sympy/tests/context.py | 0 evaluation/latex2sympy/tests/exp_test.py | 0 evaluation/latex2sympy/tests/floor_test.py | 0 evaluation/latex2sympy/tests/gcd_test.py | 0 evaluation/latex2sympy/tests/greek_test.py | 0 evaluation/latex2sympy/tests/grouping_test.py | 0 evaluation/latex2sympy/tests/lcm_test.py | 0 .../latex2sympy/tests/left_right_cdot_test.py | 0 evaluation/latex2sympy/tests/linalg_test.py | 0 evaluation/latex2sympy/tests/max_test.py | 0 evaluation/latex2sympy/tests/min_test.py | 0 evaluation/latex2sympy/tests/mod_test.py | 0 evaluation/latex2sympy/tests/overline_test.py | 0 evaluation/latex2sympy/tests/pi_test.py | 0 evaluation/latex2sympy/tests/trig_test.py | 0 evaluation/latex2sympy/tests/variable_test.py | 0 evaluation/math_eval.py | 0 evaluation/math_utils.py | 0 evaluation/model_utils.py | 0 evaluation/parser.py | 0 evaluation/python_executor.py | 0 evaluation/requirements.txt | 0 evaluation/rm_maj_eval.py | 0 evaluation/sh/eval_greedy.sh | 0 evaluation/sh/eval_sample_with_seed.sh | 0 evaluation/sh/install_deps_and_eval.sh | 0 evaluation/trajectory.py | 0 evaluation/utils.py | 0 examples/arealite/clevr_count_70k_grpo.py | 2 +- examples/arealite/clevr_count_70k_sft.py | 0 examples/arealite/configs/clevr_count_70k_sft.yaml | 0 examples/arealite/configs/gsm8k_sft.yaml | 0 examples/arealite/dataset/clevr_count_70k.py | 0 examples/arealite/dataset/gsm8k.py | 0 examples/arealite/gsm8k_sft.py | 0 .../1.5B-distill/ppo-1.5B-distill-gpus-128.yaml | 0 .../1.5B-distill/ppo-1.5B-distill-gpus-32.yaml | 0 .../1.5B-distill/ppo-1.5B-distill-gpus-8.yaml | 0 .../32B-distill/ppo-32B-distill-gpus-128.yaml | 0 .../32B-distill/sft-32B-distill-gpus-128.yaml | 0 .../7B-distill/ppo-7B-distill-gpus-128.yaml | 0 .../7B-distill/ppo-7B-distill-gpus-32.yaml | 0 .../7B-zero/ppo-7B-zero-gpus-128.yaml | 0 examples/configs/v0.3-qwen3-code/14b.yaml | 0 examples/configs/v0.3-qwen3-code/8b.yaml | 0 examples/data_preprocess/codeforce_process.py | 0 examples/data_preprocess/math_code_process.py | 0 examples/data_preprocess/math_process.py | 0 .../data_preprocess/preprocess_training_data.py | 0 examples/env/scripts/download-dataset.sh | 0 examples/env/scripts/download-model.sh | 0 examples/env/scripts/install-dependency.sh | 0 examples/env/scripts/setup-container-deps.sh | 0 examples/env/scripts/setup-eval-pip-deps.sh | 0 examples/env/scripts/setup-pip-deps.sh | 0 examples/env/setup_env_and_start_train.py | 0 examples/env/validate_installation.py | 0 examples/run_async_ppo.sh | 0 examples/run_sft.sh | 0 examples/run_sync_ppo.sh | 0 functioncall/__init__.py | 0 functioncall/base/__init__.py | 0 functioncall/base/call.py | 0 functioncall/base/utils.py | 0 functioncall/code/__init__.py | 0 functioncall/code/function/handler.py | 0 functioncall/code/function/testing_util.py | 0 functioncall/code/local_verify.py | 0 functioncall/code/verify.py | 0 functioncall/math/__init__.py | 0 functioncall/math/function/grader.py | 0 functioncall/math/function/handler.py | 0 functioncall/math/function/parser.py | 0 functioncall/math/verify.py | 0 functioncall/test/performance_eval.py | 0 functioncall/test/test_fail_dataset.jsonl | 0 patch/sglang/v0.4.6.post2.patch | 0 patch/sglang/v0.4.6.post4.patch | 0 pyproject.toml | 0 pytest.ini | 0 realhf/__init__.py | 0 realhf/api/cli_args.py | 0 realhf/api/core/agent_api.py | 0 realhf/api/core/config.py | 0 realhf/api/core/data_api.py | 0 realhf/api/core/dfg.py | 0 realhf/api/core/env_api.py | 0 realhf/api/core/model_api.py | 0 realhf/api/core/system_api.py | 0 realhf/api/from_hf/__init__.py | 0 realhf/api/from_hf/gemma.py | 0 realhf/api/from_hf/gpt2.py | 0 realhf/api/from_hf/llama.py | 0 realhf/api/from_hf/mistral.py | 0 realhf/api/from_hf/mixtral.py | 0 realhf/api/from_hf/qwen2.py | 0 realhf/api/from_hf/qwen3.py | 0 realhf/api/quickstart/__init__.py | 0 realhf/api/quickstart/device_mesh.py | 0 realhf/api/quickstart/entrypoint.py | 0 realhf/api/quickstart/search.py | 0 realhf/apps/__init__.py | 0 realhf/apps/main.py | 0 realhf/apps/quickstart.py | 0 realhf/apps/remote.py | 0 realhf/base/__init__.py | 0 realhf/base/cluster.py | 0 realhf/base/constants.py | 0 realhf/base/datapack.py | 0 realhf/base/gpu_utils.py | 0 realhf/base/importing.py | 0 realhf/base/logging.py | 0 realhf/base/monitor.py | 0 realhf/base/name_resolve.py | 0 realhf/base/names.py | 0 realhf/base/network.py | 0 realhf/base/numpy_utils.py | 0 realhf/base/pkg_version.py | 0 realhf/base/prologue.py | 0 realhf/base/ray_utils.py | 0 realhf/base/recover.py | 0 realhf/base/saveload_utils.py | 0 realhf/base/security.py | 0 realhf/base/seeding.py | 0 realhf/base/slurm_utils.py | 0 realhf/base/stats_tracker.py | 0 realhf/base/testing.py | 0 realhf/base/timeutil.py | 0 realhf/base/topology.py | 0 realhf/experiments/async_exp/async_ppo_math_exp.py | 0 realhf/experiments/async_exp/async_rl_exp.py | 0 realhf/experiments/common/check.py | 0 realhf/experiments/common/common.py | 0 realhf/experiments/common/math_code_eval_exp.py | 0 realhf/experiments/common/null_exp.py | 0 realhf/experiments/common/ppo_math_exp.py | 0 realhf/experiments/common/sft_exp.py | 0 realhf/experiments/common/utils.py | 0 realhf/impl/agent/__init__.py | 0 realhf/impl/agent/math_multi_turn_agent.py | 0 realhf/impl/agent/math_single_step_agent.py | 0 realhf/impl/agent/null_agent.py | 0 realhf/impl/dataset/__init__.py | 0 realhf/impl/dataset/math_code_dataset.py | 0 realhf/impl/dataset/math_parser.py | 0 realhf/impl/dataset/prompt_answer_dataset.py | 0 realhf/impl/dataset/prompt_dataset.py | 0 realhf/impl/dataset/rw_paired_dataset.py | 0 realhf/impl/environment/__init__.py | 0 .../impl/environment/math_code_single_step_env.py | 0 realhf/impl/model/__init__.py | 0 realhf/impl/model/backend/inference.py | 0 realhf/impl/model/backend/megatron.py | 0 realhf/impl/model/backend/mock_train.py | 0 realhf/impl/model/backend/pipe_runner.py | 0 realhf/impl/model/backend/sglang.py | 0 .../model/backend/thirdparty/megatron/__init__.py | 0 .../thirdparty/megatron/v0_6_0/lr_schduler.py | 0 .../impl/model/backend/thirdparty/vllm/__init__.py | 0 .../impl/model/backend/thirdparty/vllm/context.py | 0 .../backend/thirdparty/vllm/custom_cache_manager.py | 0 realhf/impl/model/backend/thirdparty/vllm/engine.py | 0 .../impl/model/backend/thirdparty/vllm/executor.py | 0 realhf/impl/model/backend/vllm.py | 0 realhf/impl/model/comm/global_comm.py | 0 realhf/impl/model/comm/param_realloc.py | 0 realhf/impl/model/conversion/hf_registry.py | 0 realhf/impl/model/interface/fused_interface.py | 0 realhf/impl/model/interface/math_rw_interface.py | 0 realhf/impl/model/interface/ppo_interface.py | 0 realhf/impl/model/interface/sft_interface.py | 0 realhf/impl/model/modules/__init__.py | 0 realhf/impl/model/modules/activations.py | 0 realhf/impl/model/modules/attn.py | 0 realhf/impl/model/modules/embedding.py | 0 realhf/impl/model/modules/mlp.py | 0 realhf/impl/model/modules/moe/__init__.py | 0 realhf/impl/model/modules/moe/experts.py | 0 realhf/impl/model/modules/moe/layer.py | 0 realhf/impl/model/modules/moe/router.py | 0 realhf/impl/model/modules/moe/token_dispatcher.py | 0 realhf/impl/model/modules/rms.py | 0 realhf/impl/model/modules/rotary.py | 0 realhf/impl/model/nn/flatten_param.py | 0 realhf/impl/model/nn/real_llm_api.py | 0 realhf/impl/model/nn/real_llm_base.py | 0 realhf/impl/model/nn/real_llm_generate.py | 0 realhf/impl/model/nn/real_llm_parallel.py | 0 .../parallelism/pipeline_parallel/instruction.py | 0 .../impl/model/parallelism/pipeline_parallel/p2p.py | 0 .../pipeline_parallel/static_schedule.py | 0 .../parallelism/pipeline_parallel/tensor_storage.py | 0 .../model/parallelism/tensor_parallel/mappings.py | 0 .../model/parallelism/tensor_parallel/modules.py | 0 .../impl/model/parallelism/tensor_parallel/utils.py | 0 realhf/impl/model/utils/cuda_graph.py | 0 realhf/impl/model/utils/dpo_functional.py | 0 realhf/impl/model/utils/functional.py | 0 realhf/impl/model/utils/logits_warper.py | 0 realhf/impl/model/utils/moe.py | 0 realhf/impl/model/utils/padding.py | 0 realhf/impl/model/utils/ppo_functional.py | 0 realhf/impl/model/utils/random.py | 0 realhf/scheduler/client.py | 0 realhf/scheduler/evaluator.py | 0 realhf/scheduler/local/client.py | 0 realhf/scheduler/slurm/client.py | 0 realhf/scheduler/slurm/utils.py | 0 realhf/system/__init__.py | 0 realhf/system/buffer.py | 0 realhf/system/controller.py | 0 realhf/system/data_manager.py | 0 realhf/system/flops_counter.py | 0 realhf/system/function_executor.py | 0 realhf/system/generation_server.py | 0 realhf/system/gserver_manager.py | 0 realhf/system/master_worker.py | 0 realhf/system/model_function_call.py | 0 realhf/system/model_worker.py | 0 realhf/system/partial_rollout.py | 0 realhf/system/push_pull_stream.py | 0 realhf/system/redistributor.py | 0 realhf/system/request_reply_stream.py | 0 realhf/system/rollout_worker.py | 0 realhf/system/stream_dataset.py | 0 realhf/system/worker_base.py | 0 realhf/system/worker_control.py | 0 realhf/utils.py | 0 realhf/version.py | 0 requirements.txt | 0 setup.py | 0 tests/__init__.py | 0 tests/agent/test_math_single_step_agent.py | 0 tests/comm/test_data_transfer.py | 0 tests/comm/test_param_realloc.py | 0 tests/cpp_extensions/test_cugae.py | 0 tests/cpp_extensions/test_grouped_gemm.py | 0 tests/cpp_extensions/test_interval_ops.py | 0 tests/data/test_dfg.py | 0 tests/data/test_dual_clip.py | 0 tests/data/test_epoch_counter.py | 0 tests/data/test_load_data.py | 0 tests/data/test_sequence_gather_split.py | 0 tests/data/test_stats_tracker.py | 0 tests/distributed/test_find_port.py | 0 tests/distributed/test_name_resolve.py | 0 tests/experiments/test_buffer_recover.py | 0 tests/experiments/test_math_ppo.py | 0 tests/experiments/test_sft.py | 0 tests/experiments/utils.py | 0 tests/fixtures.py | 0 tests/interfaces/test_multi_task_reward.py | 0 tests/legacy/test_sglang_tp.py | 0 tests/legacy/test_vllm_tp.py | 0 tests/model/test_cpu_inference.py | 0 tests/model/test_distributed_load_hf.py | 0 tests/reward/math_answers_sample_cases.jsonl | 0 tests/reward/test_math_reward.py | 0 tests/system/test_gserver_manager.py | 0 tests/system/test_partial_rollout.py | 0 tests/system/test_push_pull_stream.py | 0 tests/system/test_stream_dataset.py | 0 training/configs/async-ppo.yaml | 0 training/configs/sft.yaml | 0 training/configs/sync-ppo.yaml | 0 training/main_async_ppo.py | 0 training/main_sft.py | 0 training/main_sync_ppo.py | 0 training/utils.py | 0 427 files changed, 1 insertion(+), 1 deletion(-) mode change 100755 => 100644 arealite/README.md mode change 100755 => 100644 arealite/api/cli_args.py mode change 100755 => 100644 arealite/api/engine_api.py mode change 100755 => 100644 arealite/api/env_api.py mode change 100755 => 100644 arealite/api/io_struct.py mode change 100755 => 100644 arealite/api/reward_api.py mode change 100755 => 100644 arealite/api/workflow_api.py mode change 100755 => 100644 arealite/dataset/__init__.py mode change 100755 => 100644 arealite/engine/__init__.py mode change 100755 => 100644 arealite/engine/fsdp_engine.py mode change 100755 => 100644 arealite/engine/sft/lm_engine.py mode change 100755 => 100644 arealite/engine/sglang_remote.py mode change 100755 => 100644 arealite/experimental/sglang_engine.py mode change 100755 => 100644 arealite/tests/test_sglang_engine.py mode change 100755 => 100644 arealite/tests/test_train_engine.py mode change 100755 => 100644 arealite/tests/test_utils.py mode change 100755 => 100644 arealite/tests/test_wrapper.py mode change 100755 => 100644 arealite/utils/__init__.py mode change 100755 => 100644 arealite/utils/data.py mode change 100755 => 100644 arealite/utils/evaluator.py mode change 100755 => 100644 arealite/utils/fs.py mode change 100755 => 100644 arealite/utils/fsdp.py mode change 100755 => 100644 arealite/utils/functional.py mode change 100755 => 100644 arealite/utils/save_load.py mode change 100755 => 100644 arealite/utils/saver.py mode change 100755 => 100644 arealite/utils/stats_logger.py mode change 100755 => 100644 arealite/utils/wrapper.py mode change 100755 => 100644 arealite/workflow/rlvr.py mode change 100755 => 100644 assets/1.5b_time_n1n4n16.png mode change 100755 => 100644 assets/7b_zero_eval_acc.png mode change 100755 => 100644 assets/7b_zero_training_curve.png mode change 100755 => 100644 assets/algo_ablation.png mode change 100755 => 100644 assets/arch.png mode change 100755 => 100644 assets/async_scaling_vs_verl.png mode change 100755 => 100644 assets/async_timeline.png mode change 100755 => 100644 assets/decoupled_ppo_obj.png mode change 100755 => 100644 assets/distill_1.5b_24k_curve.png mode change 100755 => 100644 assets/gen_scaling_trend.png mode change 100755 => 100644 assets/interrupt_gen_ablation.png mode change 100755 => 100644 assets/logo.png mode change 100755 => 100644 assets/staleness_throughput.png mode change 100755 => 100644 assets/sync_one_step_gen.png mode change 100755 => 100644 assets/thpt_comparison.png mode change 100755 => 100644 assets/wechat_qrcode.png mode change 100755 => 100644 benchmark/verl_v0_3_0_post1_76084d3/README.md mode change 100755 => 100644 benchmark/verl_v0_3_0_post1_76084d3/areal_config.yaml mode change 100755 => 100644 benchmark/verl_v0_3_0_post1_76084d3/build_cmd.py mode change 100755 => 100644 benchmark/verl_v0_3_0_post1_76084d3/scaling_trend_vs_verl.png mode change 100755 => 100644 blog/AReaL_v0_1.md mode change 100755 => 100644 blog/AReaL_v0_2.md mode change 100755 => 100644 blog/AReaL_v0_3.md mode change 100755 => 100644 ci/build_env_image.sh mode change 100755 => 100644 ci/clone_repo.sh mode change 100755 => 100644 ci/test_arealite.sh mode change 100755 => 100644 csrc/cugae/gae.cu mode change 100755 => 100644 csrc/interval_op/interval_op.cpp mode change 100755 => 100644 csrc/interval_op/interval_op.cu mode change 100755 => 100644 docs/_config.yml mode change 100755 => 100644 docs/_toc.yml mode change 100755 => 100644 docs/contrib.md mode change 100755 => 100644 docs/customization/agent.md mode change 100755 => 100644 docs/customization/algorithm.md mode change 100755 => 100644 docs/customization/dataset.md mode change 100755 => 100644 docs/customization/decoupled_loss.png mode change 100755 => 100644 docs/customization/multiturn_reward.png mode change 100755 => 100644 docs/developer/areal_code_arch.png mode change 100755 => 100644 docs/developer/overview.md mode change 100755 => 100644 docs/developer/rollout.md mode change 100755 => 100644 docs/developer/rollout/areal_rollout_manager.png mode change 100755 => 100644 docs/developer/rollout/gserver.md mode change 100755 => 100644 docs/developer/rollout/rollout_worker.md mode change 100755 => 100644 docs/developer/rollout/rollout_worker.png mode change 100755 => 100644 docs/developer/trainer.md mode change 100755 => 100644 docs/developer/trainer/algo_interface.md mode change 100755 => 100644 docs/developer/trainer/algo_interface.png mode change 100755 => 100644 docs/developer/trainer/allocation_parallel.md mode change 100755 => 100644 docs/developer/trainer/buffer_arch.png mode change 100755 => 100644 docs/developer/trainer/master-model-interaction.png mode change 100755 => 100644 docs/developer/trainer/master_arch.png mode change 100755 => 100644 docs/developer/trainer/master_worker.md mode change 100755 => 100644 docs/developer/trainer/model_worker.md mode change 100755 => 100644 docs/developer/trainer/param_shard.png mode change 100755 => 100644 docs/figures/logo.png mode change 100755 => 100644 docs/intro.md mode change 100755 => 100644 docs/references/benchmark.md mode change 100755 => 100644 docs/references/reproduce.md mode change 100755 => 100644 docs/requirements.txt mode change 100755 => 100644 docs/tutorial/eval.md mode change 100755 => 100644 docs/tutorial/installation.md mode change 100755 => 100644 docs/tutorial/quickstart.md mode change 100755 => 100644 docs/tutorial/troubleshooting.md mode change 100755 => 100644 evaluation/LEGAL.md mode change 100755 => 100644 evaluation/LICENSE mode change 100755 => 100644 evaluation/README.md mode change 100755 => 100644 evaluation/aggregate_acc_from_generated.py mode change 100755 => 100644 evaluation/cf_elo_caculator.py mode change 100755 => 100644 evaluation/code_eval.py mode change 100755 => 100644 evaluation/code_verifier/local_verify.py mode change 100755 => 100644 evaluation/code_verifier/testing_util.py mode change 100755 => 100644 evaluation/data/aime24/test.jsonl mode change 100755 => 100644 evaluation/data/aime25/test.jsonl mode change 100755 => 100644 evaluation/data/amc23/test.jsonl mode change 100755 => 100644 evaluation/data/gpqa_diamond/test.jsonl mode change 100755 => 100644 evaluation/data/math_500/test.jsonl mode change 100755 => 100644 evaluation/data_loader.py mode change 100755 => 100644 evaluation/eval_and_aggregate.py mode change 100755 => 100644 evaluation/evaluate.py mode change 100755 => 100644 evaluation/examples.py mode change 100755 => 100644 evaluation/grader.py mode change 100755 => 100644 evaluation/latex2sympy/.coveragerc mode change 100755 => 100644 evaluation/latex2sympy/.gitignore mode change 100755 => 100644 evaluation/latex2sympy/LICENSE.txt mode change 100755 => 100644 evaluation/latex2sympy/PS.g4 mode change 100755 => 100644 evaluation/latex2sympy/README.md mode change 100755 => 100644 evaluation/latex2sympy/__init__.py mode change 100755 => 100644 evaluation/latex2sympy/antlr-4.11.1-complete.jar mode change 100755 => 100644 evaluation/latex2sympy/asciimath_printer.py mode change 100755 => 100644 evaluation/latex2sympy/description.txt mode change 100755 => 100644 evaluation/latex2sympy/dev-requirements.in mode change 100755 => 100644 evaluation/latex2sympy/dev-requirements.txt mode change 100755 => 100644 evaluation/latex2sympy/gen/PS.interp mode change 100755 => 100644 evaluation/latex2sympy/gen/PS.tokens mode change 100755 => 100644 evaluation/latex2sympy/gen/PSLexer.interp mode change 100755 => 100644 evaluation/latex2sympy/gen/PSLexer.py mode change 100755 => 100644 evaluation/latex2sympy/gen/PSLexer.tokens mode change 100755 => 100644 evaluation/latex2sympy/gen/PSListener.py mode change 100755 => 100644 evaluation/latex2sympy/gen/PSParser.py mode change 100755 => 100644 evaluation/latex2sympy/gen/__init__.py mode change 100755 => 100644 evaluation/latex2sympy/latex2sympy2.py mode change 100755 => 100644 evaluation/latex2sympy/requirements.in mode change 100755 => 100644 evaluation/latex2sympy/requirements.txt mode change 100755 => 100644 evaluation/latex2sympy/sandbox/linalg_equations.py mode change 100755 => 100644 evaluation/latex2sympy/sandbox/linalg_span.py mode change 100755 => 100644 evaluation/latex2sympy/sandbox/matrix.py mode change 100755 => 100644 evaluation/latex2sympy/sandbox/matrix_placeholders.py mode change 100755 => 100644 evaluation/latex2sympy/sandbox/sandbox.py mode change 100755 => 100644 evaluation/latex2sympy/sandbox/sandbox_equality.py mode change 100755 => 100644 evaluation/latex2sympy/sandbox/sectan.py mode change 100755 => 100644 evaluation/latex2sympy/sandbox/vector.py mode change 100755 => 100644 evaluation/latex2sympy/scripts/compile.sh mode change 100755 => 100644 evaluation/latex2sympy/scripts/coverage-ci.sh mode change 100755 => 100644 evaluation/latex2sympy/scripts/coverage.sh mode change 100755 => 100644 evaluation/latex2sympy/scripts/pre-commit mode change 100755 => 100644 evaluation/latex2sympy/scripts/pre-push mode change 100755 => 100644 evaluation/latex2sympy/scripts/publish.sh mode change 100755 => 100644 evaluation/latex2sympy/scripts/setup-hooks.sh mode change 100755 => 100644 evaluation/latex2sympy/scripts/setup.sh mode change 100755 => 100644 evaluation/latex2sympy/scripts/test.sh mode change 100755 => 100644 evaluation/latex2sympy/setup.cfg mode change 100755 => 100644 evaluation/latex2sympy/setup.py mode change 100755 => 100644 evaluation/latex2sympy/tests/__init__.py mode change 100755 => 100644 evaluation/latex2sympy/tests/abs_test.py mode change 100755 => 100644 evaluation/latex2sympy/tests/all_bad_test.py mode change 100755 => 100644 evaluation/latex2sympy/tests/all_good_test.py mode change 100755 => 100644 evaluation/latex2sympy/tests/atom_expr_test.py mode change 100755 => 100644 evaluation/latex2sympy/tests/binomial_test.py mode change 100755 => 100644 evaluation/latex2sympy/tests/ceil_test.py mode change 100755 => 100644 evaluation/latex2sympy/tests/complex_test.py mode change 100755 => 100644 evaluation/latex2sympy/tests/context.py mode change 100755 => 100644 evaluation/latex2sympy/tests/exp_test.py mode change 100755 => 100644 evaluation/latex2sympy/tests/floor_test.py mode change 100755 => 100644 evaluation/latex2sympy/tests/gcd_test.py mode change 100755 => 100644 evaluation/latex2sympy/tests/greek_test.py mode change 100755 => 100644 evaluation/latex2sympy/tests/grouping_test.py mode change 100755 => 100644 evaluation/latex2sympy/tests/lcm_test.py mode change 100755 => 100644 evaluation/latex2sympy/tests/left_right_cdot_test.py mode change 100755 => 100644 evaluation/latex2sympy/tests/linalg_test.py mode change 100755 => 100644 evaluation/latex2sympy/tests/max_test.py mode change 100755 => 100644 evaluation/latex2sympy/tests/min_test.py mode change 100755 => 100644 evaluation/latex2sympy/tests/mod_test.py mode change 100755 => 100644 evaluation/latex2sympy/tests/overline_test.py mode change 100755 => 100644 evaluation/latex2sympy/tests/pi_test.py mode change 100755 => 100644 evaluation/latex2sympy/tests/trig_test.py mode change 100755 => 100644 evaluation/latex2sympy/tests/variable_test.py mode change 100755 => 100644 evaluation/math_eval.py mode change 100755 => 100644 evaluation/math_utils.py mode change 100755 => 100644 evaluation/model_utils.py mode change 100755 => 100644 evaluation/parser.py mode change 100755 => 100644 evaluation/python_executor.py mode change 100755 => 100644 evaluation/requirements.txt mode change 100755 => 100644 evaluation/rm_maj_eval.py mode change 100755 => 100644 evaluation/sh/eval_greedy.sh mode change 100755 => 100644 evaluation/sh/eval_sample_with_seed.sh mode change 100755 => 100644 evaluation/sh/install_deps_and_eval.sh mode change 100755 => 100644 evaluation/trajectory.py mode change 100755 => 100644 evaluation/utils.py mode change 100755 => 100644 examples/arealite/clevr_count_70k_sft.py mode change 100755 => 100644 examples/arealite/configs/clevr_count_70k_sft.yaml mode change 100755 => 100644 examples/arealite/configs/gsm8k_sft.yaml mode change 100755 => 100644 examples/arealite/dataset/clevr_count_70k.py mode change 100755 => 100644 examples/arealite/dataset/gsm8k.py mode change 100755 => 100644 examples/arealite/gsm8k_sft.py mode change 100755 => 100644 examples/configs/v0.2-qwen2-math/1.5B-distill/ppo-1.5B-distill-gpus-128.yaml mode change 100755 => 100644 examples/configs/v0.2-qwen2-math/1.5B-distill/ppo-1.5B-distill-gpus-32.yaml mode change 100755 => 100644 examples/configs/v0.2-qwen2-math/1.5B-distill/ppo-1.5B-distill-gpus-8.yaml mode change 100755 => 100644 examples/configs/v0.2-qwen2-math/32B-distill/ppo-32B-distill-gpus-128.yaml mode change 100755 => 100644 examples/configs/v0.2-qwen2-math/32B-distill/sft-32B-distill-gpus-128.yaml mode change 100755 => 100644 examples/configs/v0.2-qwen2-math/7B-distill/ppo-7B-distill-gpus-128.yaml mode change 100755 => 100644 examples/configs/v0.2-qwen2-math/7B-distill/ppo-7B-distill-gpus-32.yaml mode change 100755 => 100644 examples/configs/v0.2-qwen2-math/7B-zero/ppo-7B-zero-gpus-128.yaml mode change 100755 => 100644 examples/configs/v0.3-qwen3-code/14b.yaml mode change 100755 => 100644 examples/configs/v0.3-qwen3-code/8b.yaml mode change 100755 => 100644 examples/data_preprocess/codeforce_process.py mode change 100755 => 100644 examples/data_preprocess/math_code_process.py mode change 100755 => 100644 examples/data_preprocess/math_process.py mode change 100755 => 100644 examples/data_preprocess/preprocess_training_data.py mode change 100755 => 100644 examples/env/scripts/download-dataset.sh mode change 100755 => 100644 examples/env/scripts/download-model.sh mode change 100755 => 100644 examples/env/scripts/install-dependency.sh mode change 100755 => 100644 examples/env/scripts/setup-container-deps.sh mode change 100755 => 100644 examples/env/scripts/setup-eval-pip-deps.sh mode change 100755 => 100644 examples/env/scripts/setup-pip-deps.sh mode change 100755 => 100644 examples/env/setup_env_and_start_train.py mode change 100755 => 100644 examples/env/validate_installation.py mode change 100755 => 100644 examples/run_async_ppo.sh mode change 100755 => 100644 examples/run_sft.sh mode change 100755 => 100644 examples/run_sync_ppo.sh mode change 100755 => 100644 functioncall/__init__.py mode change 100755 => 100644 functioncall/base/__init__.py mode change 100755 => 100644 functioncall/base/call.py mode change 100755 => 100644 functioncall/base/utils.py mode change 100755 => 100644 functioncall/code/__init__.py mode change 100755 => 100644 functioncall/code/function/handler.py mode change 100755 => 100644 functioncall/code/function/testing_util.py mode change 100755 => 100644 functioncall/code/local_verify.py mode change 100755 => 100644 functioncall/code/verify.py mode change 100755 => 100644 functioncall/math/__init__.py mode change 100755 => 100644 functioncall/math/function/grader.py mode change 100755 => 100644 functioncall/math/function/handler.py mode change 100755 => 100644 functioncall/math/function/parser.py mode change 100755 => 100644 functioncall/math/verify.py mode change 100755 => 100644 functioncall/test/performance_eval.py mode change 100755 => 100644 functioncall/test/test_fail_dataset.jsonl mode change 100755 => 100644 patch/sglang/v0.4.6.post2.patch mode change 100755 => 100644 patch/sglang/v0.4.6.post4.patch mode change 100755 => 100644 pyproject.toml mode change 100755 => 100644 pytest.ini mode change 100755 => 100644 realhf/__init__.py mode change 100755 => 100644 realhf/api/cli_args.py mode change 100755 => 100644 realhf/api/core/agent_api.py mode change 100755 => 100644 realhf/api/core/config.py mode change 100755 => 100644 realhf/api/core/data_api.py mode change 100755 => 100644 realhf/api/core/dfg.py mode change 100755 => 100644 realhf/api/core/env_api.py mode change 100755 => 100644 realhf/api/core/model_api.py mode change 100755 => 100644 realhf/api/core/system_api.py mode change 100755 => 100644 realhf/api/from_hf/__init__.py mode change 100755 => 100644 realhf/api/from_hf/gemma.py mode change 100755 => 100644 realhf/api/from_hf/gpt2.py mode change 100755 => 100644 realhf/api/from_hf/llama.py mode change 100755 => 100644 realhf/api/from_hf/mistral.py mode change 100755 => 100644 realhf/api/from_hf/mixtral.py mode change 100755 => 100644 realhf/api/from_hf/qwen2.py mode change 100755 => 100644 realhf/api/from_hf/qwen3.py mode change 100755 => 100644 realhf/api/quickstart/__init__.py mode change 100755 => 100644 realhf/api/quickstart/device_mesh.py mode change 100755 => 100644 realhf/api/quickstart/entrypoint.py mode change 100755 => 100644 realhf/api/quickstart/search.py mode change 100755 => 100644 realhf/apps/__init__.py mode change 100755 => 100644 realhf/apps/main.py mode change 100755 => 100644 realhf/apps/quickstart.py mode change 100755 => 100644 realhf/apps/remote.py mode change 100755 => 100644 realhf/base/__init__.py mode change 100755 => 100644 realhf/base/cluster.py mode change 100755 => 100644 realhf/base/constants.py mode change 100755 => 100644 realhf/base/datapack.py mode change 100755 => 100644 realhf/base/gpu_utils.py mode change 100755 => 100644 realhf/base/importing.py mode change 100755 => 100644 realhf/base/logging.py mode change 100755 => 100644 realhf/base/monitor.py mode change 100755 => 100644 realhf/base/name_resolve.py mode change 100755 => 100644 realhf/base/names.py mode change 100755 => 100644 realhf/base/network.py mode change 100755 => 100644 realhf/base/numpy_utils.py mode change 100755 => 100644 realhf/base/pkg_version.py mode change 100755 => 100644 realhf/base/prologue.py mode change 100755 => 100644 realhf/base/ray_utils.py mode change 100755 => 100644 realhf/base/recover.py mode change 100755 => 100644 realhf/base/saveload_utils.py mode change 100755 => 100644 realhf/base/security.py mode change 100755 => 100644 realhf/base/seeding.py mode change 100755 => 100644 realhf/base/slurm_utils.py mode change 100755 => 100644 realhf/base/stats_tracker.py mode change 100755 => 100644 realhf/base/testing.py mode change 100755 => 100644 realhf/base/timeutil.py mode change 100755 => 100644 realhf/base/topology.py mode change 100755 => 100644 realhf/experiments/async_exp/async_ppo_math_exp.py mode change 100755 => 100644 realhf/experiments/async_exp/async_rl_exp.py mode change 100755 => 100644 realhf/experiments/common/check.py mode change 100755 => 100644 realhf/experiments/common/common.py mode change 100755 => 100644 realhf/experiments/common/math_code_eval_exp.py mode change 100755 => 100644 realhf/experiments/common/null_exp.py mode change 100755 => 100644 realhf/experiments/common/ppo_math_exp.py mode change 100755 => 100644 realhf/experiments/common/sft_exp.py mode change 100755 => 100644 realhf/experiments/common/utils.py mode change 100755 => 100644 realhf/impl/agent/__init__.py mode change 100755 => 100644 realhf/impl/agent/math_multi_turn_agent.py mode change 100755 => 100644 realhf/impl/agent/math_single_step_agent.py mode change 100755 => 100644 realhf/impl/agent/null_agent.py mode change 100755 => 100644 realhf/impl/dataset/__init__.py mode change 100755 => 100644 realhf/impl/dataset/math_code_dataset.py mode change 100755 => 100644 realhf/impl/dataset/math_parser.py mode change 100755 => 100644 realhf/impl/dataset/prompt_answer_dataset.py mode change 100755 => 100644 realhf/impl/dataset/prompt_dataset.py mode change 100755 => 100644 realhf/impl/dataset/rw_paired_dataset.py mode change 100755 => 100644 realhf/impl/environment/__init__.py mode change 100755 => 100644 realhf/impl/environment/math_code_single_step_env.py mode change 100755 => 100644 realhf/impl/model/__init__.py mode change 100755 => 100644 realhf/impl/model/backend/inference.py mode change 100755 => 100644 realhf/impl/model/backend/megatron.py mode change 100755 => 100644 realhf/impl/model/backend/mock_train.py mode change 100755 => 100644 realhf/impl/model/backend/pipe_runner.py mode change 100755 => 100644 realhf/impl/model/backend/sglang.py mode change 100755 => 100644 realhf/impl/model/backend/thirdparty/megatron/__init__.py mode change 100755 => 100644 realhf/impl/model/backend/thirdparty/megatron/v0_6_0/lr_schduler.py mode change 100755 => 100644 realhf/impl/model/backend/thirdparty/vllm/__init__.py mode change 100755 => 100644 realhf/impl/model/backend/thirdparty/vllm/context.py mode change 100755 => 100644 realhf/impl/model/backend/thirdparty/vllm/custom_cache_manager.py mode change 100755 => 100644 realhf/impl/model/backend/thirdparty/vllm/engine.py mode change 100755 => 100644 realhf/impl/model/backend/thirdparty/vllm/executor.py mode change 100755 => 100644 realhf/impl/model/backend/vllm.py mode change 100755 => 100644 realhf/impl/model/comm/global_comm.py mode change 100755 => 100644 realhf/impl/model/comm/param_realloc.py mode change 100755 => 100644 realhf/impl/model/conversion/hf_registry.py mode change 100755 => 100644 realhf/impl/model/interface/fused_interface.py mode change 100755 => 100644 realhf/impl/model/interface/math_rw_interface.py mode change 100755 => 100644 realhf/impl/model/interface/ppo_interface.py mode change 100755 => 100644 realhf/impl/model/interface/sft_interface.py mode change 100755 => 100644 realhf/impl/model/modules/__init__.py mode change 100755 => 100644 realhf/impl/model/modules/activations.py mode change 100755 => 100644 realhf/impl/model/modules/attn.py mode change 100755 => 100644 realhf/impl/model/modules/embedding.py mode change 100755 => 100644 realhf/impl/model/modules/mlp.py mode change 100755 => 100644 realhf/impl/model/modules/moe/__init__.py mode change 100755 => 100644 realhf/impl/model/modules/moe/experts.py mode change 100755 => 100644 realhf/impl/model/modules/moe/layer.py mode change 100755 => 100644 realhf/impl/model/modules/moe/router.py mode change 100755 => 100644 realhf/impl/model/modules/moe/token_dispatcher.py mode change 100755 => 100644 realhf/impl/model/modules/rms.py mode change 100755 => 100644 realhf/impl/model/modules/rotary.py mode change 100755 => 100644 realhf/impl/model/nn/flatten_param.py mode change 100755 => 100644 realhf/impl/model/nn/real_llm_api.py mode change 100755 => 100644 realhf/impl/model/nn/real_llm_base.py mode change 100755 => 100644 realhf/impl/model/nn/real_llm_generate.py mode change 100755 => 100644 realhf/impl/model/nn/real_llm_parallel.py mode change 100755 => 100644 realhf/impl/model/parallelism/pipeline_parallel/instruction.py mode change 100755 => 100644 realhf/impl/model/parallelism/pipeline_parallel/p2p.py mode change 100755 => 100644 realhf/impl/model/parallelism/pipeline_parallel/static_schedule.py mode change 100755 => 100644 realhf/impl/model/parallelism/pipeline_parallel/tensor_storage.py mode change 100755 => 100644 realhf/impl/model/parallelism/tensor_parallel/mappings.py mode change 100755 => 100644 realhf/impl/model/parallelism/tensor_parallel/modules.py mode change 100755 => 100644 realhf/impl/model/parallelism/tensor_parallel/utils.py mode change 100755 => 100644 realhf/impl/model/utils/cuda_graph.py mode change 100755 => 100644 realhf/impl/model/utils/dpo_functional.py mode change 100755 => 100644 realhf/impl/model/utils/functional.py mode change 100755 => 100644 realhf/impl/model/utils/logits_warper.py mode change 100755 => 100644 realhf/impl/model/utils/moe.py mode change 100755 => 100644 realhf/impl/model/utils/padding.py mode change 100755 => 100644 realhf/impl/model/utils/ppo_functional.py mode change 100755 => 100644 realhf/impl/model/utils/random.py mode change 100755 => 100644 realhf/scheduler/client.py mode change 100755 => 100644 realhf/scheduler/evaluator.py mode change 100755 => 100644 realhf/scheduler/local/client.py mode change 100755 => 100644 realhf/scheduler/slurm/client.py mode change 100755 => 100644 realhf/scheduler/slurm/utils.py mode change 100755 => 100644 realhf/system/__init__.py mode change 100755 => 100644 realhf/system/buffer.py mode change 100755 => 100644 realhf/system/controller.py mode change 100755 => 100644 realhf/system/data_manager.py mode change 100755 => 100644 realhf/system/flops_counter.py mode change 100755 => 100644 realhf/system/function_executor.py mode change 100755 => 100644 realhf/system/generation_server.py mode change 100755 => 100644 realhf/system/gserver_manager.py mode change 100755 => 100644 realhf/system/master_worker.py mode change 100755 => 100644 realhf/system/model_function_call.py mode change 100755 => 100644 realhf/system/model_worker.py mode change 100755 => 100644 realhf/system/partial_rollout.py mode change 100755 => 100644 realhf/system/push_pull_stream.py mode change 100755 => 100644 realhf/system/redistributor.py mode change 100755 => 100644 realhf/system/request_reply_stream.py mode change 100755 => 100644 realhf/system/rollout_worker.py mode change 100755 => 100644 realhf/system/stream_dataset.py mode change 100755 => 100644 realhf/system/worker_base.py mode change 100755 => 100644 realhf/system/worker_control.py mode change 100755 => 100644 realhf/utils.py mode change 100755 => 100644 realhf/version.py mode change 100755 => 100644 requirements.txt mode change 100755 => 100644 setup.py mode change 100755 => 100644 tests/__init__.py mode change 100755 => 100644 tests/agent/test_math_single_step_agent.py mode change 100755 => 100644 tests/comm/test_data_transfer.py mode change 100755 => 100644 tests/comm/test_param_realloc.py mode change 100755 => 100644 tests/cpp_extensions/test_cugae.py mode change 100755 => 100644 tests/cpp_extensions/test_grouped_gemm.py mode change 100755 => 100644 tests/cpp_extensions/test_interval_ops.py mode change 100755 => 100644 tests/data/test_dfg.py mode change 100755 => 100644 tests/data/test_dual_clip.py mode change 100755 => 100644 tests/data/test_epoch_counter.py mode change 100755 => 100644 tests/data/test_load_data.py mode change 100755 => 100644 tests/data/test_sequence_gather_split.py mode change 100755 => 100644 tests/data/test_stats_tracker.py mode change 100755 => 100644 tests/distributed/test_find_port.py mode change 100755 => 100644 tests/distributed/test_name_resolve.py mode change 100755 => 100644 tests/experiments/test_buffer_recover.py mode change 100755 => 100644 tests/experiments/test_math_ppo.py mode change 100755 => 100644 tests/experiments/test_sft.py mode change 100755 => 100644 tests/experiments/utils.py mode change 100755 => 100644 tests/fixtures.py mode change 100755 => 100644 tests/interfaces/test_multi_task_reward.py mode change 100755 => 100644 tests/legacy/test_sglang_tp.py mode change 100755 => 100644 tests/legacy/test_vllm_tp.py mode change 100755 => 100644 tests/model/test_cpu_inference.py mode change 100755 => 100644 tests/model/test_distributed_load_hf.py mode change 100755 => 100644 tests/reward/math_answers_sample_cases.jsonl mode change 100755 => 100644 tests/reward/test_math_reward.py mode change 100755 => 100644 tests/system/test_gserver_manager.py mode change 100755 => 100644 tests/system/test_partial_rollout.py mode change 100755 => 100644 tests/system/test_push_pull_stream.py mode change 100755 => 100644 tests/system/test_stream_dataset.py mode change 100755 => 100644 training/configs/async-ppo.yaml mode change 100755 => 100644 training/configs/sft.yaml mode change 100755 => 100644 training/configs/sync-ppo.yaml mode change 100755 => 100644 training/main_async_ppo.py mode change 100755 => 100644 training/main_sft.py mode change 100755 => 100644 training/main_sync_ppo.py mode change 100755 => 100644 training/utils.py diff --git a/arealite/README.md b/arealite/README.md old mode 100755 new mode 100644 diff --git a/arealite/api/cli_args.py b/arealite/api/cli_args.py old mode 100755 new mode 100644 diff --git a/arealite/api/engine_api.py b/arealite/api/engine_api.py old mode 100755 new mode 100644 diff --git a/arealite/api/env_api.py b/arealite/api/env_api.py old mode 100755 new mode 100644 diff --git a/arealite/api/io_struct.py b/arealite/api/io_struct.py old mode 100755 new mode 100644 diff --git a/arealite/api/reward_api.py b/arealite/api/reward_api.py old mode 100755 new mode 100644 diff --git a/arealite/api/workflow_api.py b/arealite/api/workflow_api.py old mode 100755 new mode 100644 diff --git a/arealite/dataset/__init__.py b/arealite/dataset/__init__.py old mode 100755 new mode 100644 diff --git a/arealite/engine/__init__.py b/arealite/engine/__init__.py old mode 100755 new mode 100644 diff --git a/arealite/engine/fsdp_engine.py b/arealite/engine/fsdp_engine.py old mode 100755 new mode 100644 diff --git a/arealite/engine/sft/lm_engine.py b/arealite/engine/sft/lm_engine.py old mode 100755 new mode 100644 diff --git a/arealite/engine/sglang_remote.py b/arealite/engine/sglang_remote.py old mode 100755 new mode 100644 diff --git a/arealite/experimental/sglang_engine.py b/arealite/experimental/sglang_engine.py old mode 100755 new mode 100644 diff --git a/arealite/tests/test_sglang_engine.py b/arealite/tests/test_sglang_engine.py old mode 100755 new mode 100644 diff --git a/arealite/tests/test_train_engine.py b/arealite/tests/test_train_engine.py old mode 100755 new mode 100644 diff --git a/arealite/tests/test_utils.py b/arealite/tests/test_utils.py old mode 100755 new mode 100644 diff --git a/arealite/tests/test_wrapper.py b/arealite/tests/test_wrapper.py old mode 100755 new mode 100644 diff --git a/arealite/utils/__init__.py b/arealite/utils/__init__.py old mode 100755 new mode 100644 diff --git a/arealite/utils/data.py b/arealite/utils/data.py old mode 100755 new mode 100644 diff --git a/arealite/utils/evaluator.py b/arealite/utils/evaluator.py old mode 100755 new mode 100644 diff --git a/arealite/utils/fs.py b/arealite/utils/fs.py old mode 100755 new mode 100644 diff --git a/arealite/utils/fsdp.py b/arealite/utils/fsdp.py old mode 100755 new mode 100644 diff --git a/arealite/utils/functional.py b/arealite/utils/functional.py old mode 100755 new mode 100644 diff --git a/arealite/utils/save_load.py b/arealite/utils/save_load.py old mode 100755 new mode 100644 diff --git a/arealite/utils/saver.py b/arealite/utils/saver.py old mode 100755 new mode 100644 diff --git a/arealite/utils/stats_logger.py b/arealite/utils/stats_logger.py old mode 100755 new mode 100644 diff --git a/arealite/utils/wrapper.py b/arealite/utils/wrapper.py old mode 100755 new mode 100644 diff --git a/arealite/workflow/rlvr.py b/arealite/workflow/rlvr.py old mode 100755 new mode 100644 diff --git a/assets/1.5b_time_n1n4n16.png b/assets/1.5b_time_n1n4n16.png old mode 100755 new mode 100644 diff --git a/assets/7b_zero_eval_acc.png b/assets/7b_zero_eval_acc.png old mode 100755 new mode 100644 diff --git a/assets/7b_zero_training_curve.png b/assets/7b_zero_training_curve.png old mode 100755 new mode 100644 diff --git a/assets/algo_ablation.png b/assets/algo_ablation.png old mode 100755 new mode 100644 diff --git a/assets/arch.png b/assets/arch.png old mode 100755 new mode 100644 diff --git a/assets/async_scaling_vs_verl.png b/assets/async_scaling_vs_verl.png old mode 100755 new mode 100644 diff --git a/assets/async_timeline.png b/assets/async_timeline.png old mode 100755 new mode 100644 diff --git a/assets/decoupled_ppo_obj.png b/assets/decoupled_ppo_obj.png old mode 100755 new mode 100644 diff --git a/assets/distill_1.5b_24k_curve.png b/assets/distill_1.5b_24k_curve.png old mode 100755 new mode 100644 diff --git a/assets/gen_scaling_trend.png b/assets/gen_scaling_trend.png old mode 100755 new mode 100644 diff --git a/assets/interrupt_gen_ablation.png b/assets/interrupt_gen_ablation.png old mode 100755 new mode 100644 diff --git a/assets/logo.png b/assets/logo.png old mode 100755 new mode 100644 diff --git a/assets/staleness_throughput.png b/assets/staleness_throughput.png old mode 100755 new mode 100644 diff --git a/assets/sync_one_step_gen.png b/assets/sync_one_step_gen.png old mode 100755 new mode 100644 diff --git a/assets/thpt_comparison.png b/assets/thpt_comparison.png old mode 100755 new mode 100644 diff --git a/assets/wechat_qrcode.png b/assets/wechat_qrcode.png old mode 100755 new mode 100644 diff --git a/benchmark/verl_v0_3_0_post1_76084d3/README.md b/benchmark/verl_v0_3_0_post1_76084d3/README.md old mode 100755 new mode 100644 diff --git a/benchmark/verl_v0_3_0_post1_76084d3/areal_config.yaml b/benchmark/verl_v0_3_0_post1_76084d3/areal_config.yaml old mode 100755 new mode 100644 diff --git a/benchmark/verl_v0_3_0_post1_76084d3/build_cmd.py b/benchmark/verl_v0_3_0_post1_76084d3/build_cmd.py old mode 100755 new mode 100644 diff --git a/benchmark/verl_v0_3_0_post1_76084d3/scaling_trend_vs_verl.png b/benchmark/verl_v0_3_0_post1_76084d3/scaling_trend_vs_verl.png old mode 100755 new mode 100644 diff --git a/blog/AReaL_v0_1.md b/blog/AReaL_v0_1.md old mode 100755 new mode 100644 diff --git a/blog/AReaL_v0_2.md b/blog/AReaL_v0_2.md old mode 100755 new mode 100644 diff --git a/blog/AReaL_v0_3.md b/blog/AReaL_v0_3.md old mode 100755 new mode 100644 diff --git a/ci/build_env_image.sh b/ci/build_env_image.sh old mode 100755 new mode 100644 diff --git a/ci/clone_repo.sh b/ci/clone_repo.sh old mode 100755 new mode 100644 diff --git a/ci/test_arealite.sh b/ci/test_arealite.sh old mode 100755 new mode 100644 diff --git a/csrc/cugae/gae.cu b/csrc/cugae/gae.cu old mode 100755 new mode 100644 diff --git a/csrc/interval_op/interval_op.cpp b/csrc/interval_op/interval_op.cpp old mode 100755 new mode 100644 diff --git a/csrc/interval_op/interval_op.cu b/csrc/interval_op/interval_op.cu old mode 100755 new mode 100644 diff --git a/docs/_config.yml b/docs/_config.yml old mode 100755 new mode 100644 diff --git a/docs/_toc.yml b/docs/_toc.yml old mode 100755 new mode 100644 diff --git a/docs/contrib.md b/docs/contrib.md old mode 100755 new mode 100644 diff --git a/docs/customization/agent.md b/docs/customization/agent.md old mode 100755 new mode 100644 diff --git a/docs/customization/algorithm.md b/docs/customization/algorithm.md old mode 100755 new mode 100644 diff --git a/docs/customization/dataset.md b/docs/customization/dataset.md old mode 100755 new mode 100644 diff --git a/docs/customization/decoupled_loss.png b/docs/customization/decoupled_loss.png old mode 100755 new mode 100644 diff --git a/docs/customization/multiturn_reward.png b/docs/customization/multiturn_reward.png old mode 100755 new mode 100644 diff --git a/docs/developer/areal_code_arch.png b/docs/developer/areal_code_arch.png old mode 100755 new mode 100644 diff --git a/docs/developer/overview.md b/docs/developer/overview.md old mode 100755 new mode 100644 diff --git a/docs/developer/rollout.md b/docs/developer/rollout.md old mode 100755 new mode 100644 diff --git a/docs/developer/rollout/areal_rollout_manager.png b/docs/developer/rollout/areal_rollout_manager.png old mode 100755 new mode 100644 diff --git a/docs/developer/rollout/gserver.md b/docs/developer/rollout/gserver.md old mode 100755 new mode 100644 diff --git a/docs/developer/rollout/rollout_worker.md b/docs/developer/rollout/rollout_worker.md old mode 100755 new mode 100644 diff --git a/docs/developer/rollout/rollout_worker.png b/docs/developer/rollout/rollout_worker.png old mode 100755 new mode 100644 diff --git a/docs/developer/trainer.md b/docs/developer/trainer.md old mode 100755 new mode 100644 diff --git a/docs/developer/trainer/algo_interface.md b/docs/developer/trainer/algo_interface.md old mode 100755 new mode 100644 diff --git a/docs/developer/trainer/algo_interface.png b/docs/developer/trainer/algo_interface.png old mode 100755 new mode 100644 diff --git a/docs/developer/trainer/allocation_parallel.md b/docs/developer/trainer/allocation_parallel.md old mode 100755 new mode 100644 diff --git a/docs/developer/trainer/buffer_arch.png b/docs/developer/trainer/buffer_arch.png old mode 100755 new mode 100644 diff --git a/docs/developer/trainer/master-model-interaction.png b/docs/developer/trainer/master-model-interaction.png old mode 100755 new mode 100644 diff --git a/docs/developer/trainer/master_arch.png b/docs/developer/trainer/master_arch.png old mode 100755 new mode 100644 diff --git a/docs/developer/trainer/master_worker.md b/docs/developer/trainer/master_worker.md old mode 100755 new mode 100644 diff --git a/docs/developer/trainer/model_worker.md b/docs/developer/trainer/model_worker.md old mode 100755 new mode 100644 diff --git a/docs/developer/trainer/param_shard.png b/docs/developer/trainer/param_shard.png old mode 100755 new mode 100644 diff --git a/docs/figures/logo.png b/docs/figures/logo.png old mode 100755 new mode 100644 diff --git a/docs/intro.md b/docs/intro.md old mode 100755 new mode 100644 diff --git a/docs/references/benchmark.md b/docs/references/benchmark.md old mode 100755 new mode 100644 diff --git a/docs/references/reproduce.md b/docs/references/reproduce.md old mode 100755 new mode 100644 diff --git a/docs/requirements.txt b/docs/requirements.txt old mode 100755 new mode 100644 diff --git a/docs/tutorial/eval.md b/docs/tutorial/eval.md old mode 100755 new mode 100644 diff --git a/docs/tutorial/installation.md b/docs/tutorial/installation.md old mode 100755 new mode 100644 diff --git a/docs/tutorial/quickstart.md b/docs/tutorial/quickstart.md old mode 100755 new mode 100644 diff --git a/docs/tutorial/troubleshooting.md b/docs/tutorial/troubleshooting.md old mode 100755 new mode 100644 diff --git a/evaluation/LEGAL.md b/evaluation/LEGAL.md old mode 100755 new mode 100644 diff --git a/evaluation/LICENSE b/evaluation/LICENSE old mode 100755 new mode 100644 diff --git a/evaluation/README.md b/evaluation/README.md old mode 100755 new mode 100644 diff --git a/evaluation/aggregate_acc_from_generated.py b/evaluation/aggregate_acc_from_generated.py old mode 100755 new mode 100644 diff --git a/evaluation/cf_elo_caculator.py b/evaluation/cf_elo_caculator.py old mode 100755 new mode 100644 diff --git a/evaluation/code_eval.py b/evaluation/code_eval.py old mode 100755 new mode 100644 diff --git a/evaluation/code_verifier/local_verify.py b/evaluation/code_verifier/local_verify.py old mode 100755 new mode 100644 diff --git a/evaluation/code_verifier/testing_util.py b/evaluation/code_verifier/testing_util.py old mode 100755 new mode 100644 diff --git a/evaluation/data/aime24/test.jsonl b/evaluation/data/aime24/test.jsonl old mode 100755 new mode 100644 diff --git a/evaluation/data/aime25/test.jsonl b/evaluation/data/aime25/test.jsonl old mode 100755 new mode 100644 diff --git a/evaluation/data/amc23/test.jsonl b/evaluation/data/amc23/test.jsonl old mode 100755 new mode 100644 diff --git a/evaluation/data/gpqa_diamond/test.jsonl b/evaluation/data/gpqa_diamond/test.jsonl old mode 100755 new mode 100644 diff --git a/evaluation/data/math_500/test.jsonl b/evaluation/data/math_500/test.jsonl old mode 100755 new mode 100644 diff --git a/evaluation/data_loader.py b/evaluation/data_loader.py old mode 100755 new mode 100644 diff --git a/evaluation/eval_and_aggregate.py b/evaluation/eval_and_aggregate.py old mode 100755 new mode 100644 diff --git a/evaluation/evaluate.py b/evaluation/evaluate.py old mode 100755 new mode 100644 diff --git a/evaluation/examples.py b/evaluation/examples.py old mode 100755 new mode 100644 diff --git a/evaluation/grader.py b/evaluation/grader.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/.coveragerc b/evaluation/latex2sympy/.coveragerc old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/.gitignore b/evaluation/latex2sympy/.gitignore old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/LICENSE.txt b/evaluation/latex2sympy/LICENSE.txt old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/PS.g4 b/evaluation/latex2sympy/PS.g4 old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/README.md b/evaluation/latex2sympy/README.md old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/__init__.py b/evaluation/latex2sympy/__init__.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/antlr-4.11.1-complete.jar b/evaluation/latex2sympy/antlr-4.11.1-complete.jar old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/asciimath_printer.py b/evaluation/latex2sympy/asciimath_printer.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/description.txt b/evaluation/latex2sympy/description.txt old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/dev-requirements.in b/evaluation/latex2sympy/dev-requirements.in old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/dev-requirements.txt b/evaluation/latex2sympy/dev-requirements.txt old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/gen/PS.interp b/evaluation/latex2sympy/gen/PS.interp old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/gen/PS.tokens b/evaluation/latex2sympy/gen/PS.tokens old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/gen/PSLexer.interp b/evaluation/latex2sympy/gen/PSLexer.interp old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/gen/PSLexer.py b/evaluation/latex2sympy/gen/PSLexer.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/gen/PSLexer.tokens b/evaluation/latex2sympy/gen/PSLexer.tokens old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/gen/PSListener.py b/evaluation/latex2sympy/gen/PSListener.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/gen/PSParser.py b/evaluation/latex2sympy/gen/PSParser.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/gen/__init__.py b/evaluation/latex2sympy/gen/__init__.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/latex2sympy2.py b/evaluation/latex2sympy/latex2sympy2.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/requirements.in b/evaluation/latex2sympy/requirements.in old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/requirements.txt b/evaluation/latex2sympy/requirements.txt old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/sandbox/linalg_equations.py b/evaluation/latex2sympy/sandbox/linalg_equations.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/sandbox/linalg_span.py b/evaluation/latex2sympy/sandbox/linalg_span.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/sandbox/matrix.py b/evaluation/latex2sympy/sandbox/matrix.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/sandbox/matrix_placeholders.py b/evaluation/latex2sympy/sandbox/matrix_placeholders.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/sandbox/sandbox.py b/evaluation/latex2sympy/sandbox/sandbox.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/sandbox/sandbox_equality.py b/evaluation/latex2sympy/sandbox/sandbox_equality.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/sandbox/sectan.py b/evaluation/latex2sympy/sandbox/sectan.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/sandbox/vector.py b/evaluation/latex2sympy/sandbox/vector.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/scripts/compile.sh b/evaluation/latex2sympy/scripts/compile.sh old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/scripts/coverage-ci.sh b/evaluation/latex2sympy/scripts/coverage-ci.sh old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/scripts/coverage.sh b/evaluation/latex2sympy/scripts/coverage.sh old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/scripts/pre-commit b/evaluation/latex2sympy/scripts/pre-commit old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/scripts/pre-push b/evaluation/latex2sympy/scripts/pre-push old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/scripts/publish.sh b/evaluation/latex2sympy/scripts/publish.sh old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/scripts/setup-hooks.sh b/evaluation/latex2sympy/scripts/setup-hooks.sh old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/scripts/setup.sh b/evaluation/latex2sympy/scripts/setup.sh old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/scripts/test.sh b/evaluation/latex2sympy/scripts/test.sh old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/setup.cfg b/evaluation/latex2sympy/setup.cfg old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/setup.py b/evaluation/latex2sympy/setup.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/tests/__init__.py b/evaluation/latex2sympy/tests/__init__.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/tests/abs_test.py b/evaluation/latex2sympy/tests/abs_test.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/tests/all_bad_test.py b/evaluation/latex2sympy/tests/all_bad_test.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/tests/all_good_test.py b/evaluation/latex2sympy/tests/all_good_test.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/tests/atom_expr_test.py b/evaluation/latex2sympy/tests/atom_expr_test.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/tests/binomial_test.py b/evaluation/latex2sympy/tests/binomial_test.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/tests/ceil_test.py b/evaluation/latex2sympy/tests/ceil_test.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/tests/complex_test.py b/evaluation/latex2sympy/tests/complex_test.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/tests/context.py b/evaluation/latex2sympy/tests/context.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/tests/exp_test.py b/evaluation/latex2sympy/tests/exp_test.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/tests/floor_test.py b/evaluation/latex2sympy/tests/floor_test.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/tests/gcd_test.py b/evaluation/latex2sympy/tests/gcd_test.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/tests/greek_test.py b/evaluation/latex2sympy/tests/greek_test.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/tests/grouping_test.py b/evaluation/latex2sympy/tests/grouping_test.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/tests/lcm_test.py b/evaluation/latex2sympy/tests/lcm_test.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/tests/left_right_cdot_test.py b/evaluation/latex2sympy/tests/left_right_cdot_test.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/tests/linalg_test.py b/evaluation/latex2sympy/tests/linalg_test.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/tests/max_test.py b/evaluation/latex2sympy/tests/max_test.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/tests/min_test.py b/evaluation/latex2sympy/tests/min_test.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/tests/mod_test.py b/evaluation/latex2sympy/tests/mod_test.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/tests/overline_test.py b/evaluation/latex2sympy/tests/overline_test.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/tests/pi_test.py b/evaluation/latex2sympy/tests/pi_test.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/tests/trig_test.py b/evaluation/latex2sympy/tests/trig_test.py old mode 100755 new mode 100644 diff --git a/evaluation/latex2sympy/tests/variable_test.py b/evaluation/latex2sympy/tests/variable_test.py old mode 100755 new mode 100644 diff --git a/evaluation/math_eval.py b/evaluation/math_eval.py old mode 100755 new mode 100644 diff --git a/evaluation/math_utils.py b/evaluation/math_utils.py old mode 100755 new mode 100644 diff --git a/evaluation/model_utils.py b/evaluation/model_utils.py old mode 100755 new mode 100644 diff --git a/evaluation/parser.py b/evaluation/parser.py old mode 100755 new mode 100644 diff --git a/evaluation/python_executor.py b/evaluation/python_executor.py old mode 100755 new mode 100644 diff --git a/evaluation/requirements.txt b/evaluation/requirements.txt old mode 100755 new mode 100644 diff --git a/evaluation/rm_maj_eval.py b/evaluation/rm_maj_eval.py old mode 100755 new mode 100644 diff --git a/evaluation/sh/eval_greedy.sh b/evaluation/sh/eval_greedy.sh old mode 100755 new mode 100644 diff --git a/evaluation/sh/eval_sample_with_seed.sh b/evaluation/sh/eval_sample_with_seed.sh old mode 100755 new mode 100644 diff --git a/evaluation/sh/install_deps_and_eval.sh b/evaluation/sh/install_deps_and_eval.sh old mode 100755 new mode 100644 diff --git a/evaluation/trajectory.py b/evaluation/trajectory.py old mode 100755 new mode 100644 diff --git a/evaluation/utils.py b/evaluation/utils.py old mode 100755 new mode 100644 diff --git a/examples/arealite/clevr_count_70k_grpo.py b/examples/arealite/clevr_count_70k_grpo.py index 6e6c53c..20cca29 100644 --- a/examples/arealite/clevr_count_70k_grpo.py +++ b/examples/arealite/clevr_count_70k_grpo.py @@ -80,7 +80,7 @@ def clevr_count_70k_reward_fn(prompt, completions, prompt_ids, completion_ids, a def main(args): - os.environ["WANDB_API_KEY"]="" + os.environ["WANDB_API_KEY"]="local-19d0958e7ee05589016d2b4e0518bf9f2ee84db9" wandb.init(project="clevr_70k") config, _ = load_expr_config(args, GRPOConfig) diff --git a/examples/arealite/clevr_count_70k_sft.py b/examples/arealite/clevr_count_70k_sft.py old mode 100755 new mode 100644 diff --git a/examples/arealite/configs/clevr_count_70k_sft.yaml b/examples/arealite/configs/clevr_count_70k_sft.yaml old mode 100755 new mode 100644 diff --git a/examples/arealite/configs/gsm8k_sft.yaml b/examples/arealite/configs/gsm8k_sft.yaml old mode 100755 new mode 100644 diff --git a/examples/arealite/dataset/clevr_count_70k.py b/examples/arealite/dataset/clevr_count_70k.py old mode 100755 new mode 100644 diff --git a/examples/arealite/dataset/gsm8k.py b/examples/arealite/dataset/gsm8k.py old mode 100755 new mode 100644 diff --git a/examples/arealite/gsm8k_sft.py b/examples/arealite/gsm8k_sft.py old mode 100755 new mode 100644 diff --git a/examples/configs/v0.2-qwen2-math/1.5B-distill/ppo-1.5B-distill-gpus-128.yaml b/examples/configs/v0.2-qwen2-math/1.5B-distill/ppo-1.5B-distill-gpus-128.yaml old mode 100755 new mode 100644 diff --git a/examples/configs/v0.2-qwen2-math/1.5B-distill/ppo-1.5B-distill-gpus-32.yaml b/examples/configs/v0.2-qwen2-math/1.5B-distill/ppo-1.5B-distill-gpus-32.yaml old mode 100755 new mode 100644 diff --git a/examples/configs/v0.2-qwen2-math/1.5B-distill/ppo-1.5B-distill-gpus-8.yaml b/examples/configs/v0.2-qwen2-math/1.5B-distill/ppo-1.5B-distill-gpus-8.yaml old mode 100755 new mode 100644 diff --git a/examples/configs/v0.2-qwen2-math/32B-distill/ppo-32B-distill-gpus-128.yaml b/examples/configs/v0.2-qwen2-math/32B-distill/ppo-32B-distill-gpus-128.yaml old mode 100755 new mode 100644 diff --git a/examples/configs/v0.2-qwen2-math/32B-distill/sft-32B-distill-gpus-128.yaml b/examples/configs/v0.2-qwen2-math/32B-distill/sft-32B-distill-gpus-128.yaml old mode 100755 new mode 100644 diff --git a/examples/configs/v0.2-qwen2-math/7B-distill/ppo-7B-distill-gpus-128.yaml b/examples/configs/v0.2-qwen2-math/7B-distill/ppo-7B-distill-gpus-128.yaml old mode 100755 new mode 100644 diff --git a/examples/configs/v0.2-qwen2-math/7B-distill/ppo-7B-distill-gpus-32.yaml b/examples/configs/v0.2-qwen2-math/7B-distill/ppo-7B-distill-gpus-32.yaml old mode 100755 new mode 100644 diff --git a/examples/configs/v0.2-qwen2-math/7B-zero/ppo-7B-zero-gpus-128.yaml b/examples/configs/v0.2-qwen2-math/7B-zero/ppo-7B-zero-gpus-128.yaml old mode 100755 new mode 100644 diff --git a/examples/configs/v0.3-qwen3-code/14b.yaml b/examples/configs/v0.3-qwen3-code/14b.yaml old mode 100755 new mode 100644 diff --git a/examples/configs/v0.3-qwen3-code/8b.yaml b/examples/configs/v0.3-qwen3-code/8b.yaml old mode 100755 new mode 100644 diff --git a/examples/data_preprocess/codeforce_process.py b/examples/data_preprocess/codeforce_process.py old mode 100755 new mode 100644 diff --git a/examples/data_preprocess/math_code_process.py b/examples/data_preprocess/math_code_process.py old mode 100755 new mode 100644 diff --git a/examples/data_preprocess/math_process.py b/examples/data_preprocess/math_process.py old mode 100755 new mode 100644 diff --git a/examples/data_preprocess/preprocess_training_data.py b/examples/data_preprocess/preprocess_training_data.py old mode 100755 new mode 100644 diff --git a/examples/env/scripts/download-dataset.sh b/examples/env/scripts/download-dataset.sh old mode 100755 new mode 100644 diff --git a/examples/env/scripts/download-model.sh b/examples/env/scripts/download-model.sh old mode 100755 new mode 100644 diff --git a/examples/env/scripts/install-dependency.sh b/examples/env/scripts/install-dependency.sh old mode 100755 new mode 100644 diff --git a/examples/env/scripts/setup-container-deps.sh b/examples/env/scripts/setup-container-deps.sh old mode 100755 new mode 100644 diff --git a/examples/env/scripts/setup-eval-pip-deps.sh b/examples/env/scripts/setup-eval-pip-deps.sh old mode 100755 new mode 100644 diff --git a/examples/env/scripts/setup-pip-deps.sh b/examples/env/scripts/setup-pip-deps.sh old mode 100755 new mode 100644 diff --git a/examples/env/setup_env_and_start_train.py b/examples/env/setup_env_and_start_train.py old mode 100755 new mode 100644 diff --git a/examples/env/validate_installation.py b/examples/env/validate_installation.py old mode 100755 new mode 100644 diff --git a/examples/run_async_ppo.sh b/examples/run_async_ppo.sh old mode 100755 new mode 100644 diff --git a/examples/run_sft.sh b/examples/run_sft.sh old mode 100755 new mode 100644 diff --git a/examples/run_sync_ppo.sh b/examples/run_sync_ppo.sh old mode 100755 new mode 100644 diff --git a/functioncall/__init__.py b/functioncall/__init__.py old mode 100755 new mode 100644 diff --git a/functioncall/base/__init__.py b/functioncall/base/__init__.py old mode 100755 new mode 100644 diff --git a/functioncall/base/call.py b/functioncall/base/call.py old mode 100755 new mode 100644 diff --git a/functioncall/base/utils.py b/functioncall/base/utils.py old mode 100755 new mode 100644 diff --git a/functioncall/code/__init__.py b/functioncall/code/__init__.py old mode 100755 new mode 100644 diff --git a/functioncall/code/function/handler.py b/functioncall/code/function/handler.py old mode 100755 new mode 100644 diff --git a/functioncall/code/function/testing_util.py b/functioncall/code/function/testing_util.py old mode 100755 new mode 100644 diff --git a/functioncall/code/local_verify.py b/functioncall/code/local_verify.py old mode 100755 new mode 100644 diff --git a/functioncall/code/verify.py b/functioncall/code/verify.py old mode 100755 new mode 100644 diff --git a/functioncall/math/__init__.py b/functioncall/math/__init__.py old mode 100755 new mode 100644 diff --git a/functioncall/math/function/grader.py b/functioncall/math/function/grader.py old mode 100755 new mode 100644 diff --git a/functioncall/math/function/handler.py b/functioncall/math/function/handler.py old mode 100755 new mode 100644 diff --git a/functioncall/math/function/parser.py b/functioncall/math/function/parser.py old mode 100755 new mode 100644 diff --git a/functioncall/math/verify.py b/functioncall/math/verify.py old mode 100755 new mode 100644 diff --git a/functioncall/test/performance_eval.py b/functioncall/test/performance_eval.py old mode 100755 new mode 100644 diff --git a/functioncall/test/test_fail_dataset.jsonl b/functioncall/test/test_fail_dataset.jsonl old mode 100755 new mode 100644 diff --git a/patch/sglang/v0.4.6.post2.patch b/patch/sglang/v0.4.6.post2.patch old mode 100755 new mode 100644 diff --git a/patch/sglang/v0.4.6.post4.patch b/patch/sglang/v0.4.6.post4.patch old mode 100755 new mode 100644 diff --git a/pyproject.toml b/pyproject.toml old mode 100755 new mode 100644 diff --git a/pytest.ini b/pytest.ini old mode 100755 new mode 100644 diff --git a/realhf/__init__.py b/realhf/__init__.py old mode 100755 new mode 100644 diff --git a/realhf/api/cli_args.py b/realhf/api/cli_args.py old mode 100755 new mode 100644 diff --git a/realhf/api/core/agent_api.py b/realhf/api/core/agent_api.py old mode 100755 new mode 100644 diff --git a/realhf/api/core/config.py b/realhf/api/core/config.py old mode 100755 new mode 100644 diff --git a/realhf/api/core/data_api.py b/realhf/api/core/data_api.py old mode 100755 new mode 100644 diff --git a/realhf/api/core/dfg.py b/realhf/api/core/dfg.py old mode 100755 new mode 100644 diff --git a/realhf/api/core/env_api.py b/realhf/api/core/env_api.py old mode 100755 new mode 100644 diff --git a/realhf/api/core/model_api.py b/realhf/api/core/model_api.py old mode 100755 new mode 100644 diff --git a/realhf/api/core/system_api.py b/realhf/api/core/system_api.py old mode 100755 new mode 100644 diff --git a/realhf/api/from_hf/__init__.py b/realhf/api/from_hf/__init__.py old mode 100755 new mode 100644 diff --git a/realhf/api/from_hf/gemma.py b/realhf/api/from_hf/gemma.py old mode 100755 new mode 100644 diff --git a/realhf/api/from_hf/gpt2.py b/realhf/api/from_hf/gpt2.py old mode 100755 new mode 100644 diff --git a/realhf/api/from_hf/llama.py b/realhf/api/from_hf/llama.py old mode 100755 new mode 100644 diff --git a/realhf/api/from_hf/mistral.py b/realhf/api/from_hf/mistral.py old mode 100755 new mode 100644 diff --git a/realhf/api/from_hf/mixtral.py b/realhf/api/from_hf/mixtral.py old mode 100755 new mode 100644 diff --git a/realhf/api/from_hf/qwen2.py b/realhf/api/from_hf/qwen2.py old mode 100755 new mode 100644 diff --git a/realhf/api/from_hf/qwen3.py b/realhf/api/from_hf/qwen3.py old mode 100755 new mode 100644 diff --git a/realhf/api/quickstart/__init__.py b/realhf/api/quickstart/__init__.py old mode 100755 new mode 100644 diff --git a/realhf/api/quickstart/device_mesh.py b/realhf/api/quickstart/device_mesh.py old mode 100755 new mode 100644 diff --git a/realhf/api/quickstart/entrypoint.py b/realhf/api/quickstart/entrypoint.py old mode 100755 new mode 100644 diff --git a/realhf/api/quickstart/search.py b/realhf/api/quickstart/search.py old mode 100755 new mode 100644 diff --git a/realhf/apps/__init__.py b/realhf/apps/__init__.py old mode 100755 new mode 100644 diff --git a/realhf/apps/main.py b/realhf/apps/main.py old mode 100755 new mode 100644 diff --git a/realhf/apps/quickstart.py b/realhf/apps/quickstart.py old mode 100755 new mode 100644 diff --git a/realhf/apps/remote.py b/realhf/apps/remote.py old mode 100755 new mode 100644 diff --git a/realhf/base/__init__.py b/realhf/base/__init__.py old mode 100755 new mode 100644 diff --git a/realhf/base/cluster.py b/realhf/base/cluster.py old mode 100755 new mode 100644 diff --git a/realhf/base/constants.py b/realhf/base/constants.py old mode 100755 new mode 100644 diff --git a/realhf/base/datapack.py b/realhf/base/datapack.py old mode 100755 new mode 100644 diff --git a/realhf/base/gpu_utils.py b/realhf/base/gpu_utils.py old mode 100755 new mode 100644 diff --git a/realhf/base/importing.py b/realhf/base/importing.py old mode 100755 new mode 100644 diff --git a/realhf/base/logging.py b/realhf/base/logging.py old mode 100755 new mode 100644 diff --git a/realhf/base/monitor.py b/realhf/base/monitor.py old mode 100755 new mode 100644 diff --git a/realhf/base/name_resolve.py b/realhf/base/name_resolve.py old mode 100755 new mode 100644 diff --git a/realhf/base/names.py b/realhf/base/names.py old mode 100755 new mode 100644 diff --git a/realhf/base/network.py b/realhf/base/network.py old mode 100755 new mode 100644 diff --git a/realhf/base/numpy_utils.py b/realhf/base/numpy_utils.py old mode 100755 new mode 100644 diff --git a/realhf/base/pkg_version.py b/realhf/base/pkg_version.py old mode 100755 new mode 100644 diff --git a/realhf/base/prologue.py b/realhf/base/prologue.py old mode 100755 new mode 100644 diff --git a/realhf/base/ray_utils.py b/realhf/base/ray_utils.py old mode 100755 new mode 100644 diff --git a/realhf/base/recover.py b/realhf/base/recover.py old mode 100755 new mode 100644 diff --git a/realhf/base/saveload_utils.py b/realhf/base/saveload_utils.py old mode 100755 new mode 100644 diff --git a/realhf/base/security.py b/realhf/base/security.py old mode 100755 new mode 100644 diff --git a/realhf/base/seeding.py b/realhf/base/seeding.py old mode 100755 new mode 100644 diff --git a/realhf/base/slurm_utils.py b/realhf/base/slurm_utils.py old mode 100755 new mode 100644 diff --git a/realhf/base/stats_tracker.py b/realhf/base/stats_tracker.py old mode 100755 new mode 100644 diff --git a/realhf/base/testing.py b/realhf/base/testing.py old mode 100755 new mode 100644 diff --git a/realhf/base/timeutil.py b/realhf/base/timeutil.py old mode 100755 new mode 100644 diff --git a/realhf/base/topology.py b/realhf/base/topology.py old mode 100755 new mode 100644 diff --git a/realhf/experiments/async_exp/async_ppo_math_exp.py b/realhf/experiments/async_exp/async_ppo_math_exp.py old mode 100755 new mode 100644 diff --git a/realhf/experiments/async_exp/async_rl_exp.py b/realhf/experiments/async_exp/async_rl_exp.py old mode 100755 new mode 100644 diff --git a/realhf/experiments/common/check.py b/realhf/experiments/common/check.py old mode 100755 new mode 100644 diff --git a/realhf/experiments/common/common.py b/realhf/experiments/common/common.py old mode 100755 new mode 100644 diff --git a/realhf/experiments/common/math_code_eval_exp.py b/realhf/experiments/common/math_code_eval_exp.py old mode 100755 new mode 100644 diff --git a/realhf/experiments/common/null_exp.py b/realhf/experiments/common/null_exp.py old mode 100755 new mode 100644 diff --git a/realhf/experiments/common/ppo_math_exp.py b/realhf/experiments/common/ppo_math_exp.py old mode 100755 new mode 100644 diff --git a/realhf/experiments/common/sft_exp.py b/realhf/experiments/common/sft_exp.py old mode 100755 new mode 100644 diff --git a/realhf/experiments/common/utils.py b/realhf/experiments/common/utils.py old mode 100755 new mode 100644 diff --git a/realhf/impl/agent/__init__.py b/realhf/impl/agent/__init__.py old mode 100755 new mode 100644 diff --git a/realhf/impl/agent/math_multi_turn_agent.py b/realhf/impl/agent/math_multi_turn_agent.py old mode 100755 new mode 100644 diff --git a/realhf/impl/agent/math_single_step_agent.py b/realhf/impl/agent/math_single_step_agent.py old mode 100755 new mode 100644 diff --git a/realhf/impl/agent/null_agent.py b/realhf/impl/agent/null_agent.py old mode 100755 new mode 100644 diff --git a/realhf/impl/dataset/__init__.py b/realhf/impl/dataset/__init__.py old mode 100755 new mode 100644 diff --git a/realhf/impl/dataset/math_code_dataset.py b/realhf/impl/dataset/math_code_dataset.py old mode 100755 new mode 100644 diff --git a/realhf/impl/dataset/math_parser.py b/realhf/impl/dataset/math_parser.py old mode 100755 new mode 100644 diff --git a/realhf/impl/dataset/prompt_answer_dataset.py b/realhf/impl/dataset/prompt_answer_dataset.py old mode 100755 new mode 100644 diff --git a/realhf/impl/dataset/prompt_dataset.py b/realhf/impl/dataset/prompt_dataset.py old mode 100755 new mode 100644 diff --git a/realhf/impl/dataset/rw_paired_dataset.py b/realhf/impl/dataset/rw_paired_dataset.py old mode 100755 new mode 100644 diff --git a/realhf/impl/environment/__init__.py b/realhf/impl/environment/__init__.py old mode 100755 new mode 100644 diff --git a/realhf/impl/environment/math_code_single_step_env.py b/realhf/impl/environment/math_code_single_step_env.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/__init__.py b/realhf/impl/model/__init__.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/backend/inference.py b/realhf/impl/model/backend/inference.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/backend/megatron.py b/realhf/impl/model/backend/megatron.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/backend/mock_train.py b/realhf/impl/model/backend/mock_train.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/backend/pipe_runner.py b/realhf/impl/model/backend/pipe_runner.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/backend/sglang.py b/realhf/impl/model/backend/sglang.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/backend/thirdparty/megatron/__init__.py b/realhf/impl/model/backend/thirdparty/megatron/__init__.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/backend/thirdparty/megatron/v0_6_0/lr_schduler.py b/realhf/impl/model/backend/thirdparty/megatron/v0_6_0/lr_schduler.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/backend/thirdparty/vllm/__init__.py b/realhf/impl/model/backend/thirdparty/vllm/__init__.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/backend/thirdparty/vllm/context.py b/realhf/impl/model/backend/thirdparty/vllm/context.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/backend/thirdparty/vllm/custom_cache_manager.py b/realhf/impl/model/backend/thirdparty/vllm/custom_cache_manager.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/backend/thirdparty/vllm/engine.py b/realhf/impl/model/backend/thirdparty/vllm/engine.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/backend/thirdparty/vllm/executor.py b/realhf/impl/model/backend/thirdparty/vllm/executor.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/backend/vllm.py b/realhf/impl/model/backend/vllm.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/comm/global_comm.py b/realhf/impl/model/comm/global_comm.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/comm/param_realloc.py b/realhf/impl/model/comm/param_realloc.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/conversion/hf_registry.py b/realhf/impl/model/conversion/hf_registry.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/interface/fused_interface.py b/realhf/impl/model/interface/fused_interface.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/interface/math_rw_interface.py b/realhf/impl/model/interface/math_rw_interface.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/interface/ppo_interface.py b/realhf/impl/model/interface/ppo_interface.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/interface/sft_interface.py b/realhf/impl/model/interface/sft_interface.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/modules/__init__.py b/realhf/impl/model/modules/__init__.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/modules/activations.py b/realhf/impl/model/modules/activations.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/modules/attn.py b/realhf/impl/model/modules/attn.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/modules/embedding.py b/realhf/impl/model/modules/embedding.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/modules/mlp.py b/realhf/impl/model/modules/mlp.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/modules/moe/__init__.py b/realhf/impl/model/modules/moe/__init__.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/modules/moe/experts.py b/realhf/impl/model/modules/moe/experts.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/modules/moe/layer.py b/realhf/impl/model/modules/moe/layer.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/modules/moe/router.py b/realhf/impl/model/modules/moe/router.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/modules/moe/token_dispatcher.py b/realhf/impl/model/modules/moe/token_dispatcher.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/modules/rms.py b/realhf/impl/model/modules/rms.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/modules/rotary.py b/realhf/impl/model/modules/rotary.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/nn/flatten_param.py b/realhf/impl/model/nn/flatten_param.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/nn/real_llm_api.py b/realhf/impl/model/nn/real_llm_api.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/nn/real_llm_base.py b/realhf/impl/model/nn/real_llm_base.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/nn/real_llm_generate.py b/realhf/impl/model/nn/real_llm_generate.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/nn/real_llm_parallel.py b/realhf/impl/model/nn/real_llm_parallel.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/parallelism/pipeline_parallel/instruction.py b/realhf/impl/model/parallelism/pipeline_parallel/instruction.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/parallelism/pipeline_parallel/p2p.py b/realhf/impl/model/parallelism/pipeline_parallel/p2p.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/parallelism/pipeline_parallel/static_schedule.py b/realhf/impl/model/parallelism/pipeline_parallel/static_schedule.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/parallelism/pipeline_parallel/tensor_storage.py b/realhf/impl/model/parallelism/pipeline_parallel/tensor_storage.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/parallelism/tensor_parallel/mappings.py b/realhf/impl/model/parallelism/tensor_parallel/mappings.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/parallelism/tensor_parallel/modules.py b/realhf/impl/model/parallelism/tensor_parallel/modules.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/parallelism/tensor_parallel/utils.py b/realhf/impl/model/parallelism/tensor_parallel/utils.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/utils/cuda_graph.py b/realhf/impl/model/utils/cuda_graph.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/utils/dpo_functional.py b/realhf/impl/model/utils/dpo_functional.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/utils/functional.py b/realhf/impl/model/utils/functional.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/utils/logits_warper.py b/realhf/impl/model/utils/logits_warper.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/utils/moe.py b/realhf/impl/model/utils/moe.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/utils/padding.py b/realhf/impl/model/utils/padding.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/utils/ppo_functional.py b/realhf/impl/model/utils/ppo_functional.py old mode 100755 new mode 100644 diff --git a/realhf/impl/model/utils/random.py b/realhf/impl/model/utils/random.py old mode 100755 new mode 100644 diff --git a/realhf/scheduler/client.py b/realhf/scheduler/client.py old mode 100755 new mode 100644 diff --git a/realhf/scheduler/evaluator.py b/realhf/scheduler/evaluator.py old mode 100755 new mode 100644 diff --git a/realhf/scheduler/local/client.py b/realhf/scheduler/local/client.py old mode 100755 new mode 100644 diff --git a/realhf/scheduler/slurm/client.py b/realhf/scheduler/slurm/client.py old mode 100755 new mode 100644 diff --git a/realhf/scheduler/slurm/utils.py b/realhf/scheduler/slurm/utils.py old mode 100755 new mode 100644 diff --git a/realhf/system/__init__.py b/realhf/system/__init__.py old mode 100755 new mode 100644 diff --git a/realhf/system/buffer.py b/realhf/system/buffer.py old mode 100755 new mode 100644 diff --git a/realhf/system/controller.py b/realhf/system/controller.py old mode 100755 new mode 100644 diff --git a/realhf/system/data_manager.py b/realhf/system/data_manager.py old mode 100755 new mode 100644 diff --git a/realhf/system/flops_counter.py b/realhf/system/flops_counter.py old mode 100755 new mode 100644 diff --git a/realhf/system/function_executor.py b/realhf/system/function_executor.py old mode 100755 new mode 100644 diff --git a/realhf/system/generation_server.py b/realhf/system/generation_server.py old mode 100755 new mode 100644 diff --git a/realhf/system/gserver_manager.py b/realhf/system/gserver_manager.py old mode 100755 new mode 100644 diff --git a/realhf/system/master_worker.py b/realhf/system/master_worker.py old mode 100755 new mode 100644 diff --git a/realhf/system/model_function_call.py b/realhf/system/model_function_call.py old mode 100755 new mode 100644 diff --git a/realhf/system/model_worker.py b/realhf/system/model_worker.py old mode 100755 new mode 100644 diff --git a/realhf/system/partial_rollout.py b/realhf/system/partial_rollout.py old mode 100755 new mode 100644 diff --git a/realhf/system/push_pull_stream.py b/realhf/system/push_pull_stream.py old mode 100755 new mode 100644 diff --git a/realhf/system/redistributor.py b/realhf/system/redistributor.py old mode 100755 new mode 100644 diff --git a/realhf/system/request_reply_stream.py b/realhf/system/request_reply_stream.py old mode 100755 new mode 100644 diff --git a/realhf/system/rollout_worker.py b/realhf/system/rollout_worker.py old mode 100755 new mode 100644 diff --git a/realhf/system/stream_dataset.py b/realhf/system/stream_dataset.py old mode 100755 new mode 100644 diff --git a/realhf/system/worker_base.py b/realhf/system/worker_base.py old mode 100755 new mode 100644 diff --git a/realhf/system/worker_control.py b/realhf/system/worker_control.py old mode 100755 new mode 100644 diff --git a/realhf/utils.py b/realhf/utils.py old mode 100755 new mode 100644 diff --git a/realhf/version.py b/realhf/version.py old mode 100755 new mode 100644 diff --git a/requirements.txt b/requirements.txt old mode 100755 new mode 100644 diff --git a/setup.py b/setup.py old mode 100755 new mode 100644 diff --git a/tests/__init__.py b/tests/__init__.py old mode 100755 new mode 100644 diff --git a/tests/agent/test_math_single_step_agent.py b/tests/agent/test_math_single_step_agent.py old mode 100755 new mode 100644 diff --git a/tests/comm/test_data_transfer.py b/tests/comm/test_data_transfer.py old mode 100755 new mode 100644 diff --git a/tests/comm/test_param_realloc.py b/tests/comm/test_param_realloc.py old mode 100755 new mode 100644 diff --git a/tests/cpp_extensions/test_cugae.py b/tests/cpp_extensions/test_cugae.py old mode 100755 new mode 100644 diff --git a/tests/cpp_extensions/test_grouped_gemm.py b/tests/cpp_extensions/test_grouped_gemm.py old mode 100755 new mode 100644 diff --git a/tests/cpp_extensions/test_interval_ops.py b/tests/cpp_extensions/test_interval_ops.py old mode 100755 new mode 100644 diff --git a/tests/data/test_dfg.py b/tests/data/test_dfg.py old mode 100755 new mode 100644 diff --git a/tests/data/test_dual_clip.py b/tests/data/test_dual_clip.py old mode 100755 new mode 100644 diff --git a/tests/data/test_epoch_counter.py b/tests/data/test_epoch_counter.py old mode 100755 new mode 100644 diff --git a/tests/data/test_load_data.py b/tests/data/test_load_data.py old mode 100755 new mode 100644 diff --git a/tests/data/test_sequence_gather_split.py b/tests/data/test_sequence_gather_split.py old mode 100755 new mode 100644 diff --git a/tests/data/test_stats_tracker.py b/tests/data/test_stats_tracker.py old mode 100755 new mode 100644 diff --git a/tests/distributed/test_find_port.py b/tests/distributed/test_find_port.py old mode 100755 new mode 100644 diff --git a/tests/distributed/test_name_resolve.py b/tests/distributed/test_name_resolve.py old mode 100755 new mode 100644 diff --git a/tests/experiments/test_buffer_recover.py b/tests/experiments/test_buffer_recover.py old mode 100755 new mode 100644 diff --git a/tests/experiments/test_math_ppo.py b/tests/experiments/test_math_ppo.py old mode 100755 new mode 100644 diff --git a/tests/experiments/test_sft.py b/tests/experiments/test_sft.py old mode 100755 new mode 100644 diff --git a/tests/experiments/utils.py b/tests/experiments/utils.py old mode 100755 new mode 100644 diff --git a/tests/fixtures.py b/tests/fixtures.py old mode 100755 new mode 100644 diff --git a/tests/interfaces/test_multi_task_reward.py b/tests/interfaces/test_multi_task_reward.py old mode 100755 new mode 100644 diff --git a/tests/legacy/test_sglang_tp.py b/tests/legacy/test_sglang_tp.py old mode 100755 new mode 100644 diff --git a/tests/legacy/test_vllm_tp.py b/tests/legacy/test_vllm_tp.py old mode 100755 new mode 100644 diff --git a/tests/model/test_cpu_inference.py b/tests/model/test_cpu_inference.py old mode 100755 new mode 100644 diff --git a/tests/model/test_distributed_load_hf.py b/tests/model/test_distributed_load_hf.py old mode 100755 new mode 100644 diff --git a/tests/reward/math_answers_sample_cases.jsonl b/tests/reward/math_answers_sample_cases.jsonl old mode 100755 new mode 100644 diff --git a/tests/reward/test_math_reward.py b/tests/reward/test_math_reward.py old mode 100755 new mode 100644 diff --git a/tests/system/test_gserver_manager.py b/tests/system/test_gserver_manager.py old mode 100755 new mode 100644 diff --git a/tests/system/test_partial_rollout.py b/tests/system/test_partial_rollout.py old mode 100755 new mode 100644 diff --git a/tests/system/test_push_pull_stream.py b/tests/system/test_push_pull_stream.py old mode 100755 new mode 100644 diff --git a/tests/system/test_stream_dataset.py b/tests/system/test_stream_dataset.py old mode 100755 new mode 100644 diff --git a/training/configs/async-ppo.yaml b/training/configs/async-ppo.yaml old mode 100755 new mode 100644 diff --git a/training/configs/sft.yaml b/training/configs/sft.yaml old mode 100755 new mode 100644 diff --git a/training/configs/sync-ppo.yaml b/training/configs/sync-ppo.yaml old mode 100755 new mode 100644 diff --git a/training/main_async_ppo.py b/training/main_async_ppo.py old mode 100755 new mode 100644 diff --git a/training/main_sft.py b/training/main_sft.py old mode 100755 new mode 100644 diff --git a/training/main_sync_ppo.py b/training/main_sync_ppo.py old mode 100755 new mode 100644 diff --git a/training/utils.py b/training/utils.py old mode 100755 new mode 100644