├── .DS_Store ├── G1_logo.png ├── LICENSE ├── README.md ├── __init__.py ├── __pycache__ ├── __init__.cpython-310.pyc └── protocol.cpython-310.pyc ├── evaluation ├── .DS_Store ├── Erdos │ ├── algorithms.py │ ├── correctness_check.py │ ├── eval_erdos.py │ ├── graph_utils.py │ ├── math_utils.py │ ├── rejection_sampling.py │ ├── reproduce.py │ └── string_utils.py ├── GraphArena │ ├── .DS_Store │ ├── eval_grapharena.py │ ├── eval_utils.py │ ├── reproduce.py │ ├── tasks │ │ ├── Connected.py │ │ ├── Diameter.py │ │ ├── Distance.py │ │ ├── GED.py │ │ ├── MCP.py │ │ ├── MCS.py │ │ ├── MIS.py │ │ ├── MVC.py │ │ ├── Neighbor.py │ │ ├── TSP.py │ │ ├── __init__.py │ │ └── base.py │ └── utils │ │ ├── GraphArena.jpg │ │ ├── build_dataset.sh │ │ ├── examples.md │ │ ├── run_GNN.sh │ │ ├── run_benchmark.sh │ │ └── run_classic_solver.py ├── GraphWiz │ ├── eval_graphwiz.py │ ├── math_utils.py │ ├── reproduce.py │ └── string_utils.py ├── MMLU │ ├── .DS_Store │ ├── eval_mmlu.py │ ├── eval_utils.py │ └── reproduce.py ├── Math │ ├── .DS_Store │ ├── eval_math.py │ ├── eval_utils.py │ └── reproduce.py ├── README.md └── RealWorld │ ├── eval_link_prediction.py │ ├── eval_node_classification.py │ ├── math_utils.py │ └── reproduce.py ├── example.py ├── graph_meta_data.json ├── install.sh ├── model_merger.py ├── models ├── README.md ├── __init__.py ├── __pycache__ │ ├── __init__.cpython-310.pyc │ └── registry.cpython-310.pyc ├── llama │ ├── __init__.py │ └── megatron │ │ ├── __init__.py │ │ ├── checkpoint_utils │ │ ├── __init__.py │ │ ├── llama_loader.py │ │ ├── llama_loader_depracated.py │ │ └── llama_saver.py │ │ ├── layers │ │ ├── __init__.py │ │ ├── parallel_attention.py │ │ ├── parallel_decoder.py │ │ ├── parallel_linear.py │ │ ├── parallel_mlp.py │ │ └── parallel_rmsnorm.py │ │ └── modeling_llama_megatron.py ├── mcore │ ├── __init__.py │ ├── config_converter.py │ ├── loader.py │ ├── model_forward.py │ ├── model_initializer.py │ ├── readme.md │ ├── registry.py │ ├── saver.py │ ├── util.py │ └── weight_converter.py ├── qwen2 │ ├── __init__.py │ └── megatron │ │ ├── __init__.py │ │ ├── checkpoint_utils │ │ ├── __init__.py │ │ ├── qwen2_loader.py │ │ ├── qwen2_loader_depracated.py │ │ └── qwen2_saver.py │ │ ├── layers │ │ ├── __init__.py │ │ ├── parallel_attention.py │ │ ├── parallel_decoder.py │ │ ├── parallel_linear.py │ │ ├── parallel_mlp.py │ │ └── parallel_rmsnorm.py │ │ └── modeling_qwen2_megatron.py ├── registry.py ├── transformers │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ └── monkey_patch.cpython-310.pyc │ ├── llama.py │ ├── monkey_patch.py │ ├── qwen2.py │ └── qwen2_vl.py └── weight_loader_registry.py ├── outputs └── .DS_Store ├── overview.png ├── preprocess_graph.py ├── preprocess_sft_data.py ├── protocol.py ├── run_3B.sh ├── run_sft.sh ├── single_controller ├── __init__.py ├── __pycache__ │ └── __init__.cpython-310.pyc ├── base │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ ├── decorator.cpython-310.pyc │ │ ├── worker.cpython-310.pyc │ │ └── worker_group.cpython-310.pyc │ ├── decorator.py │ ├── megatron │ │ ├── __init__.py │ │ ├── worker.py │ │ └── worker_group.py │ ├── register_center │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ └── ray.cpython-310.pyc │ │ └── ray.py │ ├── worker.py │ └── worker_group.py └── ray │ ├── __init__.py │ ├── __pycache__ │ ├── __init__.cpython-310.pyc │ └── base.cpython-310.pyc │ ├── base.py │ └── megatron.py ├── third_party ├── __init__.py ├── __pycache__ │ └── __init__.cpython-310.pyc ├── sglang │ ├── __init__.py │ └── parallel_state.py └── vllm │ ├── __init__.py │ ├── __pycache__ │ └── __init__.cpython-310.pyc │ ├── vllm_v_0_5_4 │ ├── __init__.py │ ├── arg_utils.py │ ├── config.py │ ├── dtensor_weight_loaders.py │ ├── hf_weight_loader.py │ ├── llm.py │ ├── llm_engine_sp.py │ ├── megatron_weight_loaders.py │ ├── model_loader.py │ ├── model_runner.py │ ├── parallel_state.py │ ├── spmd_gpu_executor.py │ ├── tokenizer.py │ └── worker.py │ └── vllm_v_0_6_3 │ ├── __init__.py │ ├── arg_utils.py │ ├── config.py │ ├── dtensor_weight_loaders.py │ ├── hf_weight_loader.py │ ├── llm.py │ ├── llm_engine_sp.py │ ├── megatron_weight_loaders.py │ ├── model_loader.py │ ├── model_runner.py │ ├── parallel_state.py │ ├── spmd_gpu_executor.py │ ├── tokenizer.py │ └── worker.py ├── trainer ├── __init__.py ├── __pycache__ │ ├── __init__.cpython-310.pyc │ ├── fsdp_sft_trainer.cpython-310.pyc │ └── main_ppo.cpython-310.pyc ├── config │ ├── evaluation.yaml │ ├── generation.yaml │ ├── ppo_megatron_trainer.yaml │ ├── ppo_trainer.yaml │ └── sft_trainer.yaml ├── fsdp_sft_trainer.py ├── main_eval.py ├── main_generation.py ├── main_ppo.py ├── ppo │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ ├── core_algos.cpython-310.pyc │ │ ├── metric_utils.cpython-310.pyc │ │ ├── ray_trainer.cpython-310.pyc │ │ └── reward.cpython-310.pyc │ ├── core_algos.py │ ├── metric_utils.py │ ├── ray_trainer.py │ └── reward.py └── runtime_env.yaml ├── utils ├── __init__.py ├── __pycache__ │ ├── __init__.cpython-310.pyc │ ├── distributed.cpython-310.pyc │ ├── flops_counter.cpython-310.pyc │ ├── fs.cpython-310.pyc │ ├── fsdp_utils.cpython-310.pyc │ ├── hdfs_io.cpython-310.pyc │ ├── import_utils.cpython-310.pyc │ ├── logging_utils.cpython-310.pyc │ ├── model.cpython-310.pyc │ ├── py_functional.cpython-310.pyc │ ├── seqlen_balancing.cpython-310.pyc │ ├── tokenizer.cpython-310.pyc │ ├── torch_dtypes.cpython-310.pyc │ ├── torch_functional.cpython-310.pyc │ ├── tracking.cpython-310.pyc │ ├── ulysses.cpython-310.pyc │ └── vllm_utils.cpython-310.pyc ├── checkpoint │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ ├── checkpoint_manager.cpython-310.pyc │ │ └── fsdp_checkpoint_manager.cpython-310.pyc │ ├── checkpoint_manager.py │ ├── fsdp_checkpoint_manager.py │ └── megatron_checkpoint_manager.py ├── config.py ├── dataset │ ├── README.md │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ ├── multiturn_sft_dataset.cpython-310.pyc │ │ ├── rl_dataset.cpython-310.pyc │ │ ├── rm_dataset.cpython-310.pyc │ │ └── sft_dataset.cpython-310.pyc │ ├── multiturn_sft_dataset.py │ ├── rl_dataset.py │ ├── rm_dataset.py │ ├── sft_dataset.py │ └── vision_utils.py ├── debug │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ └── performance.cpython-310.pyc │ ├── performance.py │ └── trajectory_tracker.py ├── distributed.py ├── flops_counter.py ├── fs.py ├── fsdp_utils.py ├── hdfs_io.py ├── import_utils.py ├── logger │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ └── aggregate_logger.cpython-310.pyc │ └── aggregate_logger.py ├── logging_utils.py ├── megatron │ ├── __init__.py │ ├── memory.py │ ├── optimizer.py │ ├── pipeline_parallel.py │ ├── sequence_parallel.py │ └── tensor_parallel.py ├── megatron_utils.py ├── memory_buffer.py ├── model.py ├── net_utils.py ├── py_functional.py ├── ray_utils.py ├── rendezvous │ ├── __init__.py │ └── ray_backend.py ├── reward_score │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ ├── graph.cpython-310.pyc │ │ ├── gsm8k.cpython-310.pyc │ │ └── math.cpython-310.pyc │ ├── geo3k.py │ ├── graph.py │ ├── gsm8k.py │ ├── math.py │ ├── math_batch.py │ ├── math_dapo.py │ ├── math_verify.py │ ├── prime_code │ │ ├── __init__.py │ │ ├── testing_util.py │ │ └── utils.py │ └── prime_math │ │ ├── __init__.py │ │ ├── grader.py │ │ └── math_normalize.py ├── seqlen_balancing.py ├── tokenizer.py ├── torch_dtypes.py ├── torch_functional.py ├── tracking.py ├── ulysses.py └── vllm_utils.py ├── version └── version └── workers ├── __init__.py ├── __pycache__ ├── __init__.cpython-310.pyc └── fsdp_workers.cpython-310.pyc ├── actor ├── __init__.py ├── __pycache__ │ ├── __init__.cpython-310.pyc │ ├── base.cpython-310.pyc │ └── dp_actor.cpython-310.pyc ├── base.py ├── dp_actor.py └── megatron_actor.py ├── critic ├── __init__.py ├── base.py ├── dp_critic.py └── megatron_critic.py ├── fsdp_workers.py ├── megatron_workers.py ├── reward_manager ├── __init__.py ├── __pycache__ │ ├── __init__.cpython-310.pyc │ ├── batch.cpython-310.pyc │ ├── dapo.cpython-310.pyc │ ├── graph.cpython-310.pyc │ ├── naive.cpython-310.pyc │ └── prime.cpython-310.pyc ├── batch.py ├── dapo.py ├── graph.py ├── naive.py └── prime.py ├── reward_model ├── __init__.py ├── base.py └── megatron │ ├── __init__.py │ └── reward_model.py ├── rollout ├── __init__.py ├── __pycache__ │ ├── __init__.cpython-310.pyc │ ├── async_server.cpython-310.pyc │ ├── base.cpython-310.pyc │ └── hf_rollout.cpython-310.pyc ├── async_server.py ├── base.py ├── hf_rollout.py ├── naive │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ └── naive_rollout.cpython-310.pyc │ └── naive_rollout.py ├── sglang_rollout │ ├── __init__.py │ └── sglang_rollout.py ├── tokenizer.py └── vllm_rollout │ ├── __init__.py │ ├── __pycache__ │ ├── __init__.cpython-310.pyc │ └── vllm_rollout_spmd.cpython-310.pyc │ ├── fire_vllm_rollout.py │ ├── vllm_async_server.py │ ├── vllm_rollout.py │ └── vllm_rollout_spmd.py └── sharding_manager ├── __init__.py ├── __pycache__ ├── __init__.cpython-310.pyc ├── base.cpython-310.pyc ├── fsdp_ulysses.cpython-310.pyc └── fsdp_vllm.cpython-310.pyc ├── base.py ├── fsdp_sglang.py ├── fsdp_ulysses.py ├── fsdp_vllm.py └── megatron_vllm.py /.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/.DS_Store -------------------------------------------------------------------------------- /G1_logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/G1_logo.png -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/README.md -------------------------------------------------------------------------------- /__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/__init__.py -------------------------------------------------------------------------------- /__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /__pycache__/protocol.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/__pycache__/protocol.cpython-310.pyc -------------------------------------------------------------------------------- /evaluation/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/.DS_Store -------------------------------------------------------------------------------- /evaluation/Erdos/algorithms.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/Erdos/algorithms.py -------------------------------------------------------------------------------- /evaluation/Erdos/correctness_check.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/Erdos/correctness_check.py -------------------------------------------------------------------------------- /evaluation/Erdos/eval_erdos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/Erdos/eval_erdos.py -------------------------------------------------------------------------------- /evaluation/Erdos/graph_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/Erdos/graph_utils.py -------------------------------------------------------------------------------- /evaluation/Erdos/math_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/Erdos/math_utils.py -------------------------------------------------------------------------------- /evaluation/Erdos/rejection_sampling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/Erdos/rejection_sampling.py -------------------------------------------------------------------------------- /evaluation/Erdos/reproduce.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/Erdos/reproduce.py -------------------------------------------------------------------------------- /evaluation/Erdos/string_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/Erdos/string_utils.py -------------------------------------------------------------------------------- /evaluation/GraphArena/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/GraphArena/.DS_Store -------------------------------------------------------------------------------- /evaluation/GraphArena/eval_grapharena.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/GraphArena/eval_grapharena.py -------------------------------------------------------------------------------- /evaluation/GraphArena/eval_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/GraphArena/eval_utils.py -------------------------------------------------------------------------------- /evaluation/GraphArena/reproduce.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/GraphArena/reproduce.py -------------------------------------------------------------------------------- /evaluation/GraphArena/tasks/Connected.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/GraphArena/tasks/Connected.py -------------------------------------------------------------------------------- /evaluation/GraphArena/tasks/Diameter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/GraphArena/tasks/Diameter.py -------------------------------------------------------------------------------- /evaluation/GraphArena/tasks/Distance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/GraphArena/tasks/Distance.py -------------------------------------------------------------------------------- /evaluation/GraphArena/tasks/GED.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/GraphArena/tasks/GED.py -------------------------------------------------------------------------------- /evaluation/GraphArena/tasks/MCP.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/GraphArena/tasks/MCP.py -------------------------------------------------------------------------------- /evaluation/GraphArena/tasks/MCS.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/GraphArena/tasks/MCS.py -------------------------------------------------------------------------------- /evaluation/GraphArena/tasks/MIS.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/GraphArena/tasks/MIS.py -------------------------------------------------------------------------------- /evaluation/GraphArena/tasks/MVC.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/GraphArena/tasks/MVC.py -------------------------------------------------------------------------------- /evaluation/GraphArena/tasks/Neighbor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/GraphArena/tasks/Neighbor.py -------------------------------------------------------------------------------- /evaluation/GraphArena/tasks/TSP.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/GraphArena/tasks/TSP.py -------------------------------------------------------------------------------- /evaluation/GraphArena/tasks/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/GraphArena/tasks/__init__.py -------------------------------------------------------------------------------- /evaluation/GraphArena/tasks/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/GraphArena/tasks/base.py -------------------------------------------------------------------------------- /evaluation/GraphArena/utils/GraphArena.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/GraphArena/utils/GraphArena.jpg -------------------------------------------------------------------------------- /evaluation/GraphArena/utils/build_dataset.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/GraphArena/utils/build_dataset.sh -------------------------------------------------------------------------------- /evaluation/GraphArena/utils/examples.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/GraphArena/utils/examples.md -------------------------------------------------------------------------------- /evaluation/GraphArena/utils/run_GNN.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/GraphArena/utils/run_GNN.sh -------------------------------------------------------------------------------- /evaluation/GraphArena/utils/run_benchmark.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/GraphArena/utils/run_benchmark.sh -------------------------------------------------------------------------------- /evaluation/GraphArena/utils/run_classic_solver.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/GraphArena/utils/run_classic_solver.py -------------------------------------------------------------------------------- /evaluation/GraphWiz/eval_graphwiz.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/GraphWiz/eval_graphwiz.py -------------------------------------------------------------------------------- /evaluation/GraphWiz/math_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/GraphWiz/math_utils.py -------------------------------------------------------------------------------- /evaluation/GraphWiz/reproduce.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/GraphWiz/reproduce.py -------------------------------------------------------------------------------- /evaluation/GraphWiz/string_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/GraphWiz/string_utils.py -------------------------------------------------------------------------------- /evaluation/MMLU/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/MMLU/.DS_Store -------------------------------------------------------------------------------- /evaluation/MMLU/eval_mmlu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/MMLU/eval_mmlu.py -------------------------------------------------------------------------------- /evaluation/MMLU/eval_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/MMLU/eval_utils.py -------------------------------------------------------------------------------- /evaluation/MMLU/reproduce.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/MMLU/reproduce.py -------------------------------------------------------------------------------- /evaluation/Math/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/Math/.DS_Store -------------------------------------------------------------------------------- /evaluation/Math/eval_math.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/Math/eval_math.py -------------------------------------------------------------------------------- /evaluation/Math/eval_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/Math/eval_utils.py -------------------------------------------------------------------------------- /evaluation/Math/reproduce.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/Math/reproduce.py -------------------------------------------------------------------------------- /evaluation/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/README.md -------------------------------------------------------------------------------- /evaluation/RealWorld/eval_link_prediction.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/RealWorld/eval_link_prediction.py -------------------------------------------------------------------------------- /evaluation/RealWorld/eval_node_classification.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/RealWorld/eval_node_classification.py -------------------------------------------------------------------------------- /evaluation/RealWorld/math_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/RealWorld/math_utils.py -------------------------------------------------------------------------------- /evaluation/RealWorld/reproduce.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/evaluation/RealWorld/reproduce.py -------------------------------------------------------------------------------- /example.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/example.py -------------------------------------------------------------------------------- /graph_meta_data.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/graph_meta_data.json -------------------------------------------------------------------------------- /install.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/install.sh -------------------------------------------------------------------------------- /model_merger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/model_merger.py -------------------------------------------------------------------------------- /models/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/README.md -------------------------------------------------------------------------------- /models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/__init__.py -------------------------------------------------------------------------------- /models/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /models/__pycache__/registry.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/__pycache__/registry.cpython-310.pyc -------------------------------------------------------------------------------- /models/llama/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/llama/__init__.py -------------------------------------------------------------------------------- /models/llama/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/llama/megatron/__init__.py -------------------------------------------------------------------------------- /models/llama/megatron/checkpoint_utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/llama/megatron/checkpoint_utils/__init__.py -------------------------------------------------------------------------------- /models/llama/megatron/checkpoint_utils/llama_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/llama/megatron/checkpoint_utils/llama_loader.py -------------------------------------------------------------------------------- /models/llama/megatron/checkpoint_utils/llama_loader_depracated.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/llama/megatron/checkpoint_utils/llama_loader_depracated.py -------------------------------------------------------------------------------- /models/llama/megatron/checkpoint_utils/llama_saver.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/llama/megatron/checkpoint_utils/llama_saver.py -------------------------------------------------------------------------------- /models/llama/megatron/layers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/llama/megatron/layers/__init__.py -------------------------------------------------------------------------------- /models/llama/megatron/layers/parallel_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/llama/megatron/layers/parallel_attention.py -------------------------------------------------------------------------------- /models/llama/megatron/layers/parallel_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/llama/megatron/layers/parallel_decoder.py -------------------------------------------------------------------------------- /models/llama/megatron/layers/parallel_linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/llama/megatron/layers/parallel_linear.py -------------------------------------------------------------------------------- /models/llama/megatron/layers/parallel_mlp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/llama/megatron/layers/parallel_mlp.py -------------------------------------------------------------------------------- /models/llama/megatron/layers/parallel_rmsnorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/llama/megatron/layers/parallel_rmsnorm.py -------------------------------------------------------------------------------- /models/llama/megatron/modeling_llama_megatron.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/llama/megatron/modeling_llama_megatron.py -------------------------------------------------------------------------------- /models/mcore/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/mcore/__init__.py -------------------------------------------------------------------------------- /models/mcore/config_converter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/mcore/config_converter.py -------------------------------------------------------------------------------- /models/mcore/loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/mcore/loader.py -------------------------------------------------------------------------------- /models/mcore/model_forward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/mcore/model_forward.py -------------------------------------------------------------------------------- /models/mcore/model_initializer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/mcore/model_initializer.py -------------------------------------------------------------------------------- /models/mcore/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/mcore/readme.md -------------------------------------------------------------------------------- /models/mcore/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/mcore/registry.py -------------------------------------------------------------------------------- /models/mcore/saver.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/mcore/saver.py -------------------------------------------------------------------------------- /models/mcore/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/mcore/util.py -------------------------------------------------------------------------------- /models/mcore/weight_converter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/mcore/weight_converter.py -------------------------------------------------------------------------------- /models/qwen2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/qwen2/__init__.py -------------------------------------------------------------------------------- /models/qwen2/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/qwen2/megatron/__init__.py -------------------------------------------------------------------------------- /models/qwen2/megatron/checkpoint_utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/qwen2/megatron/checkpoint_utils/__init__.py -------------------------------------------------------------------------------- /models/qwen2/megatron/checkpoint_utils/qwen2_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/qwen2/megatron/checkpoint_utils/qwen2_loader.py -------------------------------------------------------------------------------- /models/qwen2/megatron/checkpoint_utils/qwen2_loader_depracated.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/qwen2/megatron/checkpoint_utils/qwen2_loader_depracated.py -------------------------------------------------------------------------------- /models/qwen2/megatron/checkpoint_utils/qwen2_saver.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/qwen2/megatron/checkpoint_utils/qwen2_saver.py -------------------------------------------------------------------------------- /models/qwen2/megatron/layers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/qwen2/megatron/layers/__init__.py -------------------------------------------------------------------------------- /models/qwen2/megatron/layers/parallel_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/qwen2/megatron/layers/parallel_attention.py -------------------------------------------------------------------------------- /models/qwen2/megatron/layers/parallel_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/qwen2/megatron/layers/parallel_decoder.py -------------------------------------------------------------------------------- /models/qwen2/megatron/layers/parallel_linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/qwen2/megatron/layers/parallel_linear.py -------------------------------------------------------------------------------- /models/qwen2/megatron/layers/parallel_mlp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/qwen2/megatron/layers/parallel_mlp.py -------------------------------------------------------------------------------- /models/qwen2/megatron/layers/parallel_rmsnorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/qwen2/megatron/layers/parallel_rmsnorm.py -------------------------------------------------------------------------------- /models/qwen2/megatron/modeling_qwen2_megatron.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/qwen2/megatron/modeling_qwen2_megatron.py -------------------------------------------------------------------------------- /models/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/registry.py -------------------------------------------------------------------------------- /models/transformers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/transformers/__init__.py -------------------------------------------------------------------------------- /models/transformers/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/transformers/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /models/transformers/__pycache__/monkey_patch.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/transformers/__pycache__/monkey_patch.cpython-310.pyc -------------------------------------------------------------------------------- /models/transformers/llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/transformers/llama.py -------------------------------------------------------------------------------- /models/transformers/monkey_patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/transformers/monkey_patch.py -------------------------------------------------------------------------------- /models/transformers/qwen2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/transformers/qwen2.py -------------------------------------------------------------------------------- /models/transformers/qwen2_vl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/transformers/qwen2_vl.py -------------------------------------------------------------------------------- /models/weight_loader_registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/models/weight_loader_registry.py -------------------------------------------------------------------------------- /outputs/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/outputs/.DS_Store -------------------------------------------------------------------------------- /overview.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/overview.png -------------------------------------------------------------------------------- /preprocess_graph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/preprocess_graph.py -------------------------------------------------------------------------------- /preprocess_sft_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/preprocess_sft_data.py -------------------------------------------------------------------------------- /protocol.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/protocol.py -------------------------------------------------------------------------------- /run_3B.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/run_3B.sh -------------------------------------------------------------------------------- /run_sft.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/run_sft.sh -------------------------------------------------------------------------------- /single_controller/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/single_controller/__init__.py -------------------------------------------------------------------------------- /single_controller/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/single_controller/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /single_controller/base/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/single_controller/base/__init__.py -------------------------------------------------------------------------------- /single_controller/base/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/single_controller/base/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /single_controller/base/__pycache__/decorator.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/single_controller/base/__pycache__/decorator.cpython-310.pyc -------------------------------------------------------------------------------- /single_controller/base/__pycache__/worker.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/single_controller/base/__pycache__/worker.cpython-310.pyc -------------------------------------------------------------------------------- /single_controller/base/__pycache__/worker_group.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/single_controller/base/__pycache__/worker_group.cpython-310.pyc -------------------------------------------------------------------------------- /single_controller/base/decorator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/single_controller/base/decorator.py -------------------------------------------------------------------------------- /single_controller/base/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/single_controller/base/megatron/__init__.py -------------------------------------------------------------------------------- /single_controller/base/megatron/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/single_controller/base/megatron/worker.py -------------------------------------------------------------------------------- /single_controller/base/megatron/worker_group.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/single_controller/base/megatron/worker_group.py -------------------------------------------------------------------------------- /single_controller/base/register_center/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/single_controller/base/register_center/__init__.py -------------------------------------------------------------------------------- /single_controller/base/register_center/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/single_controller/base/register_center/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /single_controller/base/register_center/__pycache__/ray.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/single_controller/base/register_center/__pycache__/ray.cpython-310.pyc -------------------------------------------------------------------------------- /single_controller/base/register_center/ray.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/single_controller/base/register_center/ray.py -------------------------------------------------------------------------------- /single_controller/base/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/single_controller/base/worker.py -------------------------------------------------------------------------------- /single_controller/base/worker_group.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/single_controller/base/worker_group.py -------------------------------------------------------------------------------- /single_controller/ray/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/single_controller/ray/__init__.py -------------------------------------------------------------------------------- /single_controller/ray/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/single_controller/ray/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /single_controller/ray/__pycache__/base.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/single_controller/ray/__pycache__/base.cpython-310.pyc -------------------------------------------------------------------------------- /single_controller/ray/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/single_controller/ray/base.py -------------------------------------------------------------------------------- /single_controller/ray/megatron.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/single_controller/ray/megatron.py -------------------------------------------------------------------------------- /third_party/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/third_party/__init__.py -------------------------------------------------------------------------------- /third_party/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/third_party/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /third_party/sglang/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/third_party/sglang/__init__.py -------------------------------------------------------------------------------- /third_party/sglang/parallel_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/third_party/sglang/parallel_state.py -------------------------------------------------------------------------------- /third_party/vllm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/third_party/vllm/__init__.py -------------------------------------------------------------------------------- /third_party/vllm/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/third_party/vllm/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /third_party/vllm/vllm_v_0_5_4/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/third_party/vllm/vllm_v_0_5_4/__init__.py -------------------------------------------------------------------------------- /third_party/vllm/vllm_v_0_5_4/arg_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/third_party/vllm/vllm_v_0_5_4/arg_utils.py -------------------------------------------------------------------------------- /third_party/vllm/vllm_v_0_5_4/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/third_party/vllm/vllm_v_0_5_4/config.py -------------------------------------------------------------------------------- /third_party/vllm/vllm_v_0_5_4/dtensor_weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/third_party/vllm/vllm_v_0_5_4/dtensor_weight_loaders.py -------------------------------------------------------------------------------- /third_party/vllm/vllm_v_0_5_4/hf_weight_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/third_party/vllm/vllm_v_0_5_4/hf_weight_loader.py -------------------------------------------------------------------------------- /third_party/vllm/vllm_v_0_5_4/llm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/third_party/vllm/vllm_v_0_5_4/llm.py -------------------------------------------------------------------------------- /third_party/vllm/vllm_v_0_5_4/llm_engine_sp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/third_party/vllm/vllm_v_0_5_4/llm_engine_sp.py -------------------------------------------------------------------------------- /third_party/vllm/vllm_v_0_5_4/megatron_weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/third_party/vllm/vllm_v_0_5_4/megatron_weight_loaders.py -------------------------------------------------------------------------------- /third_party/vllm/vllm_v_0_5_4/model_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/third_party/vllm/vllm_v_0_5_4/model_loader.py -------------------------------------------------------------------------------- /third_party/vllm/vllm_v_0_5_4/model_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/third_party/vllm/vllm_v_0_5_4/model_runner.py -------------------------------------------------------------------------------- /third_party/vllm/vllm_v_0_5_4/parallel_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/third_party/vllm/vllm_v_0_5_4/parallel_state.py -------------------------------------------------------------------------------- /third_party/vllm/vllm_v_0_5_4/spmd_gpu_executor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/third_party/vllm/vllm_v_0_5_4/spmd_gpu_executor.py -------------------------------------------------------------------------------- /third_party/vllm/vllm_v_0_5_4/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/third_party/vllm/vllm_v_0_5_4/tokenizer.py -------------------------------------------------------------------------------- /third_party/vllm/vllm_v_0_5_4/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/third_party/vllm/vllm_v_0_5_4/worker.py -------------------------------------------------------------------------------- /third_party/vllm/vllm_v_0_6_3/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/third_party/vllm/vllm_v_0_6_3/__init__.py -------------------------------------------------------------------------------- /third_party/vllm/vllm_v_0_6_3/arg_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/third_party/vllm/vllm_v_0_6_3/arg_utils.py -------------------------------------------------------------------------------- /third_party/vllm/vllm_v_0_6_3/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/third_party/vllm/vllm_v_0_6_3/config.py -------------------------------------------------------------------------------- /third_party/vllm/vllm_v_0_6_3/dtensor_weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/third_party/vllm/vllm_v_0_6_3/dtensor_weight_loaders.py -------------------------------------------------------------------------------- /third_party/vllm/vllm_v_0_6_3/hf_weight_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/third_party/vllm/vllm_v_0_6_3/hf_weight_loader.py -------------------------------------------------------------------------------- /third_party/vllm/vllm_v_0_6_3/llm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/third_party/vllm/vllm_v_0_6_3/llm.py -------------------------------------------------------------------------------- /third_party/vllm/vllm_v_0_6_3/llm_engine_sp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/third_party/vllm/vllm_v_0_6_3/llm_engine_sp.py -------------------------------------------------------------------------------- /third_party/vllm/vllm_v_0_6_3/megatron_weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/third_party/vllm/vllm_v_0_6_3/megatron_weight_loaders.py -------------------------------------------------------------------------------- /third_party/vllm/vllm_v_0_6_3/model_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/third_party/vllm/vllm_v_0_6_3/model_loader.py -------------------------------------------------------------------------------- /third_party/vllm/vllm_v_0_6_3/model_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/third_party/vllm/vllm_v_0_6_3/model_runner.py -------------------------------------------------------------------------------- /third_party/vllm/vllm_v_0_6_3/parallel_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/third_party/vllm/vllm_v_0_6_3/parallel_state.py -------------------------------------------------------------------------------- /third_party/vllm/vllm_v_0_6_3/spmd_gpu_executor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/third_party/vllm/vllm_v_0_6_3/spmd_gpu_executor.py -------------------------------------------------------------------------------- /third_party/vllm/vllm_v_0_6_3/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/third_party/vllm/vllm_v_0_6_3/tokenizer.py -------------------------------------------------------------------------------- /third_party/vllm/vllm_v_0_6_3/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/third_party/vllm/vllm_v_0_6_3/worker.py -------------------------------------------------------------------------------- /trainer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/trainer/__init__.py -------------------------------------------------------------------------------- /trainer/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/trainer/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /trainer/__pycache__/fsdp_sft_trainer.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/trainer/__pycache__/fsdp_sft_trainer.cpython-310.pyc -------------------------------------------------------------------------------- /trainer/__pycache__/main_ppo.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/trainer/__pycache__/main_ppo.cpython-310.pyc -------------------------------------------------------------------------------- /trainer/config/evaluation.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/trainer/config/evaluation.yaml -------------------------------------------------------------------------------- /trainer/config/generation.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/trainer/config/generation.yaml -------------------------------------------------------------------------------- /trainer/config/ppo_megatron_trainer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/trainer/config/ppo_megatron_trainer.yaml -------------------------------------------------------------------------------- /trainer/config/ppo_trainer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/trainer/config/ppo_trainer.yaml -------------------------------------------------------------------------------- /trainer/config/sft_trainer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/trainer/config/sft_trainer.yaml -------------------------------------------------------------------------------- /trainer/fsdp_sft_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/trainer/fsdp_sft_trainer.py -------------------------------------------------------------------------------- /trainer/main_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/trainer/main_eval.py -------------------------------------------------------------------------------- /trainer/main_generation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/trainer/main_generation.py -------------------------------------------------------------------------------- /trainer/main_ppo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/trainer/main_ppo.py -------------------------------------------------------------------------------- /trainer/ppo/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/trainer/ppo/__init__.py -------------------------------------------------------------------------------- /trainer/ppo/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/trainer/ppo/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /trainer/ppo/__pycache__/core_algos.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/trainer/ppo/__pycache__/core_algos.cpython-310.pyc -------------------------------------------------------------------------------- /trainer/ppo/__pycache__/metric_utils.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/trainer/ppo/__pycache__/metric_utils.cpython-310.pyc -------------------------------------------------------------------------------- /trainer/ppo/__pycache__/ray_trainer.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/trainer/ppo/__pycache__/ray_trainer.cpython-310.pyc -------------------------------------------------------------------------------- /trainer/ppo/__pycache__/reward.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/trainer/ppo/__pycache__/reward.cpython-310.pyc -------------------------------------------------------------------------------- /trainer/ppo/core_algos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/trainer/ppo/core_algos.py -------------------------------------------------------------------------------- /trainer/ppo/metric_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/trainer/ppo/metric_utils.py -------------------------------------------------------------------------------- /trainer/ppo/ray_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/trainer/ppo/ray_trainer.py -------------------------------------------------------------------------------- /trainer/ppo/reward.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/trainer/ppo/reward.py -------------------------------------------------------------------------------- /trainer/runtime_env.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/trainer/runtime_env.yaml -------------------------------------------------------------------------------- /utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/__init__.py -------------------------------------------------------------------------------- /utils/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /utils/__pycache__/distributed.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/__pycache__/distributed.cpython-310.pyc -------------------------------------------------------------------------------- /utils/__pycache__/flops_counter.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/__pycache__/flops_counter.cpython-310.pyc -------------------------------------------------------------------------------- /utils/__pycache__/fs.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/__pycache__/fs.cpython-310.pyc -------------------------------------------------------------------------------- /utils/__pycache__/fsdp_utils.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/__pycache__/fsdp_utils.cpython-310.pyc -------------------------------------------------------------------------------- /utils/__pycache__/hdfs_io.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/__pycache__/hdfs_io.cpython-310.pyc -------------------------------------------------------------------------------- /utils/__pycache__/import_utils.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/__pycache__/import_utils.cpython-310.pyc -------------------------------------------------------------------------------- /utils/__pycache__/logging_utils.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/__pycache__/logging_utils.cpython-310.pyc -------------------------------------------------------------------------------- /utils/__pycache__/model.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/__pycache__/model.cpython-310.pyc -------------------------------------------------------------------------------- /utils/__pycache__/py_functional.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/__pycache__/py_functional.cpython-310.pyc -------------------------------------------------------------------------------- /utils/__pycache__/seqlen_balancing.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/__pycache__/seqlen_balancing.cpython-310.pyc -------------------------------------------------------------------------------- /utils/__pycache__/tokenizer.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/__pycache__/tokenizer.cpython-310.pyc -------------------------------------------------------------------------------- /utils/__pycache__/torch_dtypes.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/__pycache__/torch_dtypes.cpython-310.pyc -------------------------------------------------------------------------------- /utils/__pycache__/torch_functional.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/__pycache__/torch_functional.cpython-310.pyc -------------------------------------------------------------------------------- /utils/__pycache__/tracking.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/__pycache__/tracking.cpython-310.pyc -------------------------------------------------------------------------------- /utils/__pycache__/ulysses.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/__pycache__/ulysses.cpython-310.pyc -------------------------------------------------------------------------------- /utils/__pycache__/vllm_utils.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/__pycache__/vllm_utils.cpython-310.pyc -------------------------------------------------------------------------------- /utils/checkpoint/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/checkpoint/__init__.py -------------------------------------------------------------------------------- /utils/checkpoint/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/checkpoint/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /utils/checkpoint/__pycache__/checkpoint_manager.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/checkpoint/__pycache__/checkpoint_manager.cpython-310.pyc -------------------------------------------------------------------------------- /utils/checkpoint/__pycache__/fsdp_checkpoint_manager.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/checkpoint/__pycache__/fsdp_checkpoint_manager.cpython-310.pyc -------------------------------------------------------------------------------- /utils/checkpoint/checkpoint_manager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/checkpoint/checkpoint_manager.py -------------------------------------------------------------------------------- /utils/checkpoint/fsdp_checkpoint_manager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/checkpoint/fsdp_checkpoint_manager.py -------------------------------------------------------------------------------- /utils/checkpoint/megatron_checkpoint_manager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/checkpoint/megatron_checkpoint_manager.py -------------------------------------------------------------------------------- /utils/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/config.py -------------------------------------------------------------------------------- /utils/dataset/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/dataset/README.md -------------------------------------------------------------------------------- /utils/dataset/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/dataset/__init__.py -------------------------------------------------------------------------------- /utils/dataset/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/dataset/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /utils/dataset/__pycache__/multiturn_sft_dataset.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/dataset/__pycache__/multiturn_sft_dataset.cpython-310.pyc -------------------------------------------------------------------------------- /utils/dataset/__pycache__/rl_dataset.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/dataset/__pycache__/rl_dataset.cpython-310.pyc -------------------------------------------------------------------------------- /utils/dataset/__pycache__/rm_dataset.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/dataset/__pycache__/rm_dataset.cpython-310.pyc -------------------------------------------------------------------------------- /utils/dataset/__pycache__/sft_dataset.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/dataset/__pycache__/sft_dataset.cpython-310.pyc -------------------------------------------------------------------------------- /utils/dataset/multiturn_sft_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/dataset/multiturn_sft_dataset.py -------------------------------------------------------------------------------- /utils/dataset/rl_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/dataset/rl_dataset.py -------------------------------------------------------------------------------- /utils/dataset/rm_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/dataset/rm_dataset.py -------------------------------------------------------------------------------- /utils/dataset/sft_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/dataset/sft_dataset.py -------------------------------------------------------------------------------- /utils/dataset/vision_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/dataset/vision_utils.py -------------------------------------------------------------------------------- /utils/debug/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/debug/__init__.py -------------------------------------------------------------------------------- /utils/debug/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/debug/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /utils/debug/__pycache__/performance.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/debug/__pycache__/performance.cpython-310.pyc -------------------------------------------------------------------------------- /utils/debug/performance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/debug/performance.py -------------------------------------------------------------------------------- /utils/debug/trajectory_tracker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/debug/trajectory_tracker.py -------------------------------------------------------------------------------- /utils/distributed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/distributed.py -------------------------------------------------------------------------------- /utils/flops_counter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/flops_counter.py -------------------------------------------------------------------------------- /utils/fs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/fs.py -------------------------------------------------------------------------------- /utils/fsdp_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/fsdp_utils.py -------------------------------------------------------------------------------- /utils/hdfs_io.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/hdfs_io.py -------------------------------------------------------------------------------- /utils/import_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/import_utils.py -------------------------------------------------------------------------------- /utils/logger/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/logger/__init__.py -------------------------------------------------------------------------------- /utils/logger/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/logger/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /utils/logger/__pycache__/aggregate_logger.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/logger/__pycache__/aggregate_logger.cpython-310.pyc -------------------------------------------------------------------------------- /utils/logger/aggregate_logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/logger/aggregate_logger.py -------------------------------------------------------------------------------- /utils/logging_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/logging_utils.py -------------------------------------------------------------------------------- /utils/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/megatron/__init__.py -------------------------------------------------------------------------------- /utils/megatron/memory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/megatron/memory.py -------------------------------------------------------------------------------- /utils/megatron/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/megatron/optimizer.py -------------------------------------------------------------------------------- /utils/megatron/pipeline_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/megatron/pipeline_parallel.py -------------------------------------------------------------------------------- /utils/megatron/sequence_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/megatron/sequence_parallel.py -------------------------------------------------------------------------------- /utils/megatron/tensor_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/megatron/tensor_parallel.py -------------------------------------------------------------------------------- /utils/megatron_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/megatron_utils.py -------------------------------------------------------------------------------- /utils/memory_buffer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/memory_buffer.py -------------------------------------------------------------------------------- /utils/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/model.py -------------------------------------------------------------------------------- /utils/net_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/net_utils.py -------------------------------------------------------------------------------- /utils/py_functional.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/py_functional.py -------------------------------------------------------------------------------- /utils/ray_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/ray_utils.py -------------------------------------------------------------------------------- /utils/rendezvous/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/rendezvous/__init__.py -------------------------------------------------------------------------------- /utils/rendezvous/ray_backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/rendezvous/ray_backend.py -------------------------------------------------------------------------------- /utils/reward_score/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/reward_score/__init__.py -------------------------------------------------------------------------------- /utils/reward_score/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/reward_score/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /utils/reward_score/__pycache__/graph.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/reward_score/__pycache__/graph.cpython-310.pyc -------------------------------------------------------------------------------- /utils/reward_score/__pycache__/gsm8k.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/reward_score/__pycache__/gsm8k.cpython-310.pyc -------------------------------------------------------------------------------- /utils/reward_score/__pycache__/math.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/reward_score/__pycache__/math.cpython-310.pyc -------------------------------------------------------------------------------- /utils/reward_score/geo3k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/reward_score/geo3k.py -------------------------------------------------------------------------------- /utils/reward_score/graph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/reward_score/graph.py -------------------------------------------------------------------------------- /utils/reward_score/gsm8k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/reward_score/gsm8k.py -------------------------------------------------------------------------------- /utils/reward_score/math.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/reward_score/math.py -------------------------------------------------------------------------------- /utils/reward_score/math_batch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/reward_score/math_batch.py -------------------------------------------------------------------------------- /utils/reward_score/math_dapo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/reward_score/math_dapo.py -------------------------------------------------------------------------------- /utils/reward_score/math_verify.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/reward_score/math_verify.py -------------------------------------------------------------------------------- /utils/reward_score/prime_code/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/reward_score/prime_code/__init__.py -------------------------------------------------------------------------------- /utils/reward_score/prime_code/testing_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/reward_score/prime_code/testing_util.py -------------------------------------------------------------------------------- /utils/reward_score/prime_code/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/reward_score/prime_code/utils.py -------------------------------------------------------------------------------- /utils/reward_score/prime_math/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/reward_score/prime_math/__init__.py -------------------------------------------------------------------------------- /utils/reward_score/prime_math/grader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/reward_score/prime_math/grader.py -------------------------------------------------------------------------------- /utils/reward_score/prime_math/math_normalize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/reward_score/prime_math/math_normalize.py -------------------------------------------------------------------------------- /utils/seqlen_balancing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/seqlen_balancing.py -------------------------------------------------------------------------------- /utils/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/tokenizer.py -------------------------------------------------------------------------------- /utils/torch_dtypes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/torch_dtypes.py -------------------------------------------------------------------------------- /utils/torch_functional.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/torch_functional.py -------------------------------------------------------------------------------- /utils/tracking.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/tracking.py -------------------------------------------------------------------------------- /utils/ulysses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/ulysses.py -------------------------------------------------------------------------------- /utils/vllm_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/utils/vllm_utils.py -------------------------------------------------------------------------------- /version/version: -------------------------------------------------------------------------------- 1 | 0.2.0.dev 2 | -------------------------------------------------------------------------------- /workers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/__init__.py -------------------------------------------------------------------------------- /workers/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /workers/__pycache__/fsdp_workers.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/__pycache__/fsdp_workers.cpython-310.pyc -------------------------------------------------------------------------------- /workers/actor/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/actor/__init__.py -------------------------------------------------------------------------------- /workers/actor/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/actor/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /workers/actor/__pycache__/base.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/actor/__pycache__/base.cpython-310.pyc -------------------------------------------------------------------------------- /workers/actor/__pycache__/dp_actor.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/actor/__pycache__/dp_actor.cpython-310.pyc -------------------------------------------------------------------------------- /workers/actor/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/actor/base.py -------------------------------------------------------------------------------- /workers/actor/dp_actor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/actor/dp_actor.py -------------------------------------------------------------------------------- /workers/actor/megatron_actor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/actor/megatron_actor.py -------------------------------------------------------------------------------- /workers/critic/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/critic/__init__.py -------------------------------------------------------------------------------- /workers/critic/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/critic/base.py -------------------------------------------------------------------------------- /workers/critic/dp_critic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/critic/dp_critic.py -------------------------------------------------------------------------------- /workers/critic/megatron_critic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/critic/megatron_critic.py -------------------------------------------------------------------------------- /workers/fsdp_workers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/fsdp_workers.py -------------------------------------------------------------------------------- /workers/megatron_workers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/megatron_workers.py -------------------------------------------------------------------------------- /workers/reward_manager/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/reward_manager/__init__.py -------------------------------------------------------------------------------- /workers/reward_manager/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/reward_manager/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /workers/reward_manager/__pycache__/batch.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/reward_manager/__pycache__/batch.cpython-310.pyc -------------------------------------------------------------------------------- /workers/reward_manager/__pycache__/dapo.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/reward_manager/__pycache__/dapo.cpython-310.pyc -------------------------------------------------------------------------------- /workers/reward_manager/__pycache__/graph.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/reward_manager/__pycache__/graph.cpython-310.pyc -------------------------------------------------------------------------------- /workers/reward_manager/__pycache__/naive.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/reward_manager/__pycache__/naive.cpython-310.pyc -------------------------------------------------------------------------------- /workers/reward_manager/__pycache__/prime.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/reward_manager/__pycache__/prime.cpython-310.pyc -------------------------------------------------------------------------------- /workers/reward_manager/batch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/reward_manager/batch.py -------------------------------------------------------------------------------- /workers/reward_manager/dapo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/reward_manager/dapo.py -------------------------------------------------------------------------------- /workers/reward_manager/graph.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/reward_manager/graph.py -------------------------------------------------------------------------------- /workers/reward_manager/naive.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/reward_manager/naive.py -------------------------------------------------------------------------------- /workers/reward_manager/prime.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/reward_manager/prime.py -------------------------------------------------------------------------------- /workers/reward_model/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/reward_model/__init__.py -------------------------------------------------------------------------------- /workers/reward_model/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/reward_model/base.py -------------------------------------------------------------------------------- /workers/reward_model/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/reward_model/megatron/__init__.py -------------------------------------------------------------------------------- /workers/reward_model/megatron/reward_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/reward_model/megatron/reward_model.py -------------------------------------------------------------------------------- /workers/rollout/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/rollout/__init__.py -------------------------------------------------------------------------------- /workers/rollout/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/rollout/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /workers/rollout/__pycache__/async_server.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/rollout/__pycache__/async_server.cpython-310.pyc -------------------------------------------------------------------------------- /workers/rollout/__pycache__/base.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/rollout/__pycache__/base.cpython-310.pyc -------------------------------------------------------------------------------- /workers/rollout/__pycache__/hf_rollout.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/rollout/__pycache__/hf_rollout.cpython-310.pyc -------------------------------------------------------------------------------- /workers/rollout/async_server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/rollout/async_server.py -------------------------------------------------------------------------------- /workers/rollout/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/rollout/base.py -------------------------------------------------------------------------------- /workers/rollout/hf_rollout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/rollout/hf_rollout.py -------------------------------------------------------------------------------- /workers/rollout/naive/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/rollout/naive/__init__.py -------------------------------------------------------------------------------- /workers/rollout/naive/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/rollout/naive/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /workers/rollout/naive/__pycache__/naive_rollout.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/rollout/naive/__pycache__/naive_rollout.cpython-310.pyc -------------------------------------------------------------------------------- /workers/rollout/naive/naive_rollout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/rollout/naive/naive_rollout.py -------------------------------------------------------------------------------- /workers/rollout/sglang_rollout/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/rollout/sglang_rollout/__init__.py -------------------------------------------------------------------------------- /workers/rollout/sglang_rollout/sglang_rollout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/rollout/sglang_rollout/sglang_rollout.py -------------------------------------------------------------------------------- /workers/rollout/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/rollout/tokenizer.py -------------------------------------------------------------------------------- /workers/rollout/vllm_rollout/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/rollout/vllm_rollout/__init__.py -------------------------------------------------------------------------------- /workers/rollout/vllm_rollout/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/rollout/vllm_rollout/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /workers/rollout/vllm_rollout/__pycache__/vllm_rollout_spmd.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/rollout/vllm_rollout/__pycache__/vllm_rollout_spmd.cpython-310.pyc -------------------------------------------------------------------------------- /workers/rollout/vllm_rollout/fire_vllm_rollout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/rollout/vllm_rollout/fire_vllm_rollout.py -------------------------------------------------------------------------------- /workers/rollout/vllm_rollout/vllm_async_server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/rollout/vllm_rollout/vllm_async_server.py -------------------------------------------------------------------------------- /workers/rollout/vllm_rollout/vllm_rollout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/rollout/vllm_rollout/vllm_rollout.py -------------------------------------------------------------------------------- /workers/rollout/vllm_rollout/vllm_rollout_spmd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/rollout/vllm_rollout/vllm_rollout_spmd.py -------------------------------------------------------------------------------- /workers/sharding_manager/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/sharding_manager/__init__.py -------------------------------------------------------------------------------- /workers/sharding_manager/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/sharding_manager/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /workers/sharding_manager/__pycache__/base.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/sharding_manager/__pycache__/base.cpython-310.pyc -------------------------------------------------------------------------------- /workers/sharding_manager/__pycache__/fsdp_ulysses.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/sharding_manager/__pycache__/fsdp_ulysses.cpython-310.pyc -------------------------------------------------------------------------------- /workers/sharding_manager/__pycache__/fsdp_vllm.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/sharding_manager/__pycache__/fsdp_vllm.cpython-310.pyc -------------------------------------------------------------------------------- /workers/sharding_manager/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/sharding_manager/base.py -------------------------------------------------------------------------------- /workers/sharding_manager/fsdp_sglang.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/sharding_manager/fsdp_sglang.py -------------------------------------------------------------------------------- /workers/sharding_manager/fsdp_ulysses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/sharding_manager/fsdp_ulysses.py -------------------------------------------------------------------------------- /workers/sharding_manager/fsdp_vllm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/sharding_manager/fsdp_vllm.py -------------------------------------------------------------------------------- /workers/sharding_manager/megatron_vllm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PKU-ML/G1/HEAD/workers/sharding_manager/megatron_vllm.py --------------------------------------------------------------------------------