├── .gitignore ├── LICENSE ├── Mem1 ├── __init__.py ├── example │ ├── corpus.jsonl │ ├── multinode │ │ ├── train_grpo_multinode_32b.sh │ │ ├── train_grpo_multinode_72b.sh │ │ └── train_ppo_multinode_32b.sh │ └── retriever │ │ ├── retrieval_launch_ann.sh │ │ ├── retrieval_launch_bm25.sh │ │ ├── retrieval_launch_google.sh │ │ ├── retrieval_launch_hierarchical.sh │ │ └── retrieval_launch_serpapi.sh ├── gen_data │ ├── data_process │ │ ├── nq.py │ │ ├── nq_rag.py │ │ ├── nq_search.py │ │ ├── qa_search_test_merge.py │ │ ├── qa_search_test_merge_multi.py │ │ ├── qa_search_train_merge.py │ │ ├── qa_search_train_merge_multi.py │ │ ├── websearch.py │ │ ├── websearch_multi.py │ │ └── webshop.py │ └── scripts │ │ ├── data_process.sh │ │ └── data_process_multi.sh ├── inference │ ├── README.md │ ├── __init__.py │ ├── amem │ │ ├── __init__.py │ │ ├── llm_controller.py │ │ ├── memory_system.py │ │ └── retrievers.py │ ├── data_pipelines.py │ ├── distill │ │ └── build_sft_dataset.py │ ├── eval.py │ ├── generate_rollout.py │ ├── models.py │ └── start_vllm.sh └── train │ ├── LICENSE │ ├── Notice.txt │ ├── README.md │ ├── VERL_README.md │ ├── pyproject.toml │ ├── requirements.txt │ ├── retrieval_launch.sh │ ├── rollout │ ├── __init__.py │ ├── env │ │ ├── __init__.py │ │ ├── base.py │ │ ├── utils.py │ │ ├── webshop │ │ │ ├── __init__.py │ │ │ ├── config.py │ │ │ └── env.py │ │ └── webshop_manager.py │ ├── llm_agent │ │ ├── .gitignore │ │ ├── __init__.py │ │ ├── attn_mask_utils.py │ │ ├── generation_think.py │ │ ├── generation_webagent.py │ │ └── tensor_helper.py │ └── search │ │ ├── build_index.sh │ │ ├── google_search_server.py │ │ ├── index_builder.py │ │ ├── rerank_server.py │ │ ├── retrieval.py │ │ ├── retrieval.sh │ │ ├── retrieval_request.py │ │ ├── retrieval_rerank_server.py │ │ ├── retrieval_server.py │ │ └── serp_search_server.py │ ├── setup.py │ ├── train_ppo.sh │ ├── train_ppo_webshop.sh │ └── verl │ ├── __init__.py │ ├── models │ ├── README.md │ ├── __init__.py │ ├── llama │ │ ├── __init__.py │ │ └── megatron │ │ │ ├── __init__.py │ │ │ ├── checkpoint_utils │ │ │ ├── __init__.py │ │ │ ├── llama_loader.py │ │ │ └── llama_saver.py │ │ │ ├── layers │ │ │ ├── __init__.py │ │ │ ├── parallel_attention.py │ │ │ ├── parallel_decoder.py │ │ │ ├── parallel_linear.py │ │ │ ├── parallel_mlp.py │ │ │ └── parallel_rmsnorm.py │ │ │ └── modeling_llama_megatron.py │ ├── registry.py │ ├── transformers │ │ ├── __init__.py │ │ ├── llama.py │ │ ├── monkey_patch.py │ │ └── qwen2.py │ └── weight_loader_registry.py │ ├── protocol.py │ ├── single_controller │ ├── __init__.py │ ├── base │ │ ├── __init__.py │ │ ├── decorator.py │ │ ├── megatron │ │ │ ├── __init__.py │ │ │ ├── worker.py │ │ │ └── worker_group.py │ │ ├── register_center │ │ │ ├── __init__.py │ │ │ └── ray.py │ │ ├── worker.py │ │ └── worker_group.py │ ├── ray │ │ ├── __init__.py │ │ ├── base.py │ │ └── megatron.py │ └── version │ │ └── version │ ├── third_party │ ├── __init__.py │ └── vllm │ │ ├── __init__.py │ │ ├── vllm_v_0_3_1 │ │ ├── __init__.py │ │ ├── arg_utils.py │ │ ├── config.py │ │ ├── llm.py │ │ ├── llm_engine_sp.py │ │ ├── model_loader.py │ │ ├── model_runner.py │ │ ├── parallel_state.py │ │ ├── tokenizer.py │ │ ├── weight_loaders.py │ │ └── worker.py │ │ ├── vllm_v_0_4_2 │ │ ├── __init__.py │ │ ├── arg_utils.py │ │ ├── config.py │ │ ├── dtensor_weight_loaders.py │ │ ├── hf_weight_loader.py │ │ ├── llm.py │ │ ├── llm_engine_sp.py │ │ ├── megatron_weight_loaders.py │ │ ├── model_loader.py │ │ ├── model_runner.py │ │ ├── parallel_state.py │ │ ├── spmd_gpu_executor.py │ │ ├── tokenizer.py │ │ └── worker.py │ │ ├── vllm_v_0_5_4 │ │ ├── __init__.py │ │ ├── arg_utils.py │ │ ├── config.py │ │ ├── dtensor_weight_loaders.py │ │ ├── hf_weight_loader.py │ │ ├── llm.py │ │ ├── llm_engine_sp.py │ │ ├── megatron_weight_loaders.py │ │ ├── model_loader.py │ │ ├── model_runner.py │ │ ├── parallel_state.py │ │ ├── spmd_gpu_executor.py │ │ ├── tokenizer.py │ │ └── worker.py │ │ └── vllm_v_0_6_3 │ │ ├── __init__.py │ │ ├── arg_utils.py │ │ ├── config.py │ │ ├── dtensor_weight_loaders.py │ │ ├── hf_weight_loader.py │ │ ├── llm.py │ │ ├── llm_engine_sp.py │ │ ├── megatron_weight_loaders.py │ │ ├── model_loader.py │ │ ├── model_runner.py │ │ ├── parallel_state.py │ │ ├── spmd_gpu_executor.py │ │ ├── tokenizer.py │ │ └── worker.py │ ├── trainer │ ├── __init__.py │ ├── config │ │ ├── evaluation.yaml │ │ ├── generation.yaml │ │ ├── ppo_megatron_trainer.yaml │ │ ├── ppo_trainer.yaml │ │ └── sft_trainer.yaml │ ├── fsdp_sft_trainer.py │ ├── main_eval.py │ ├── main_generation.py │ ├── main_ppo.py │ ├── main_ppo_webshop.py │ ├── ppo │ │ ├── __init__.py │ │ ├── core_algos.py │ │ ├── ray_trainer.py │ │ └── ray_trainer_webshop.py │ └── runtime_env.yaml │ ├── utils │ ├── __init__.py │ ├── config.py │ ├── dataset │ │ ├── README.md │ │ ├── __init__.py │ │ ├── rl_dataset.py │ │ └── rm_dataset.py │ ├── debug │ │ ├── __init__.py │ │ ├── performance.py │ │ └── trajectory_tracker.py │ ├── distributed.py │ ├── flops_counter.py │ ├── fs.py │ ├── fsdp_utils.py │ ├── hdfs_io.py │ ├── import_utils.py │ ├── logger │ │ ├── __init__.py │ │ └── aggregate_logger.py │ ├── logging_utils.py │ ├── megatron │ │ ├── __init__.py │ │ ├── memory.py │ │ ├── optimizer.py │ │ ├── optimizer_config.py │ │ ├── pipeline_parallel.py │ │ ├── sequence_parallel.py │ │ └── tensor_parallel.py │ ├── megatron_utils.py │ ├── memory_buffer.py │ ├── model.py │ ├── py_functional.py │ ├── ray_utils.py │ ├── rendezvous │ │ ├── __init__.py │ │ └── ray_backend.py │ ├── reward_score │ │ ├── __init__.py │ │ ├── countdown.py │ │ ├── gsm8k.py │ │ ├── llm.py │ │ ├── math.py │ │ ├── multiply.py │ │ ├── qa_em.py │ │ ├── qa_multiple.py │ │ └── websearch.py │ ├── seqlen_balancing.py │ ├── tokenizer.py │ ├── torch_dtypes.py │ ├── torch_functional.py │ ├── tracking.py │ └── ulysses.py │ ├── version │ └── version │ └── workers │ ├── __init__.py │ ├── actor │ ├── __init__.py │ ├── base.py │ ├── dp_actor.py │ └── megatron_actor.py │ ├── critic │ ├── __init__.py │ ├── base.py │ ├── dp_critic.py │ └── megatron_critic.py │ ├── fsdp_workers.py │ ├── megatron_workers.py │ ├── retriever_workers.py │ ├── reward_model │ ├── __init__.py │ ├── base.py │ └── megatron │ │ ├── __init__.py │ │ └── reward_model.py │ ├── rollout │ ├── __init__.py │ ├── base.py │ ├── hf_rollout.py │ ├── naive │ │ ├── __init__.py │ │ └── naive_rollout.py │ ├── tokenizer.py │ └── vllm_rollout │ │ ├── __init__.py │ │ └── vllm_rollout.py │ └── sharding_manager │ ├── __init__.py │ ├── base.py │ ├── fsdp_ulysses.py │ ├── fsdp_vllm.py │ └── megatron_vllm.py ├── README.md ├── assets └── mem1_vid.mp4 ├── environment.yml ├── pyproject.toml ├── requirements.txt └── setup ├── download.py └── install_java.sh /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/.gitignore -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/LICENSE -------------------------------------------------------------------------------- /Mem1/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Mem1/example/corpus.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/example/corpus.jsonl -------------------------------------------------------------------------------- /Mem1/example/multinode/train_grpo_multinode_32b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/example/multinode/train_grpo_multinode_32b.sh -------------------------------------------------------------------------------- /Mem1/example/multinode/train_grpo_multinode_72b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/example/multinode/train_grpo_multinode_72b.sh -------------------------------------------------------------------------------- /Mem1/example/multinode/train_ppo_multinode_32b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/example/multinode/train_ppo_multinode_32b.sh -------------------------------------------------------------------------------- /Mem1/example/retriever/retrieval_launch_ann.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/example/retriever/retrieval_launch_ann.sh -------------------------------------------------------------------------------- /Mem1/example/retriever/retrieval_launch_bm25.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/example/retriever/retrieval_launch_bm25.sh -------------------------------------------------------------------------------- /Mem1/example/retriever/retrieval_launch_google.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/example/retriever/retrieval_launch_google.sh -------------------------------------------------------------------------------- /Mem1/example/retriever/retrieval_launch_hierarchical.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/example/retriever/retrieval_launch_hierarchical.sh -------------------------------------------------------------------------------- /Mem1/example/retriever/retrieval_launch_serpapi.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/example/retriever/retrieval_launch_serpapi.sh -------------------------------------------------------------------------------- /Mem1/gen_data/data_process/nq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/gen_data/data_process/nq.py -------------------------------------------------------------------------------- /Mem1/gen_data/data_process/nq_rag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/gen_data/data_process/nq_rag.py -------------------------------------------------------------------------------- /Mem1/gen_data/data_process/nq_search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/gen_data/data_process/nq_search.py -------------------------------------------------------------------------------- /Mem1/gen_data/data_process/qa_search_test_merge.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/gen_data/data_process/qa_search_test_merge.py -------------------------------------------------------------------------------- /Mem1/gen_data/data_process/qa_search_test_merge_multi.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/gen_data/data_process/qa_search_test_merge_multi.py -------------------------------------------------------------------------------- /Mem1/gen_data/data_process/qa_search_train_merge.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/gen_data/data_process/qa_search_train_merge.py -------------------------------------------------------------------------------- /Mem1/gen_data/data_process/qa_search_train_merge_multi.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/gen_data/data_process/qa_search_train_merge_multi.py -------------------------------------------------------------------------------- /Mem1/gen_data/data_process/websearch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/gen_data/data_process/websearch.py -------------------------------------------------------------------------------- /Mem1/gen_data/data_process/websearch_multi.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/gen_data/data_process/websearch_multi.py -------------------------------------------------------------------------------- /Mem1/gen_data/data_process/webshop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/gen_data/data_process/webshop.py -------------------------------------------------------------------------------- /Mem1/gen_data/scripts/data_process.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/gen_data/scripts/data_process.sh -------------------------------------------------------------------------------- /Mem1/gen_data/scripts/data_process_multi.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/gen_data/scripts/data_process_multi.sh -------------------------------------------------------------------------------- /Mem1/inference/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/inference/README.md -------------------------------------------------------------------------------- /Mem1/inference/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Mem1/inference/amem/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Mem1/inference/amem/llm_controller.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/inference/amem/llm_controller.py -------------------------------------------------------------------------------- /Mem1/inference/amem/memory_system.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/inference/amem/memory_system.py -------------------------------------------------------------------------------- /Mem1/inference/amem/retrievers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/inference/amem/retrievers.py -------------------------------------------------------------------------------- /Mem1/inference/data_pipelines.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/inference/data_pipelines.py -------------------------------------------------------------------------------- /Mem1/inference/distill/build_sft_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/inference/distill/build_sft_dataset.py -------------------------------------------------------------------------------- /Mem1/inference/eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/inference/eval.py -------------------------------------------------------------------------------- /Mem1/inference/generate_rollout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/inference/generate_rollout.py -------------------------------------------------------------------------------- /Mem1/inference/models.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/inference/models.py -------------------------------------------------------------------------------- /Mem1/inference/start_vllm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/inference/start_vllm.sh -------------------------------------------------------------------------------- /Mem1/train/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/LICENSE -------------------------------------------------------------------------------- /Mem1/train/Notice.txt: -------------------------------------------------------------------------------- 1 | Copyright 2023-2024 Bytedance Ltd. and/or its affiliates -------------------------------------------------------------------------------- /Mem1/train/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/README.md -------------------------------------------------------------------------------- /Mem1/train/VERL_README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/VERL_README.md -------------------------------------------------------------------------------- /Mem1/train/pyproject.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/pyproject.toml -------------------------------------------------------------------------------- /Mem1/train/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/requirements.txt -------------------------------------------------------------------------------- /Mem1/train/retrieval_launch.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/retrieval_launch.sh -------------------------------------------------------------------------------- /Mem1/train/rollout/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Mem1/train/rollout/env/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/rollout/env/__init__.py -------------------------------------------------------------------------------- /Mem1/train/rollout/env/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/rollout/env/base.py -------------------------------------------------------------------------------- /Mem1/train/rollout/env/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/rollout/env/utils.py -------------------------------------------------------------------------------- /Mem1/train/rollout/env/webshop/__init__.py: -------------------------------------------------------------------------------- 1 | from .env import WebShopEnv -------------------------------------------------------------------------------- /Mem1/train/rollout/env/webshop/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/rollout/env/webshop/config.py -------------------------------------------------------------------------------- /Mem1/train/rollout/env/webshop/env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/rollout/env/webshop/env.py -------------------------------------------------------------------------------- /Mem1/train/rollout/env/webshop_manager.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/rollout/env/webshop_manager.py -------------------------------------------------------------------------------- /Mem1/train/rollout/llm_agent/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/rollout/llm_agent/.gitignore -------------------------------------------------------------------------------- /Mem1/train/rollout/llm_agent/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /Mem1/train/rollout/llm_agent/attn_mask_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/rollout/llm_agent/attn_mask_utils.py -------------------------------------------------------------------------------- /Mem1/train/rollout/llm_agent/generation_think.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/rollout/llm_agent/generation_think.py -------------------------------------------------------------------------------- /Mem1/train/rollout/llm_agent/generation_webagent.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/rollout/llm_agent/generation_webagent.py -------------------------------------------------------------------------------- /Mem1/train/rollout/llm_agent/tensor_helper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/rollout/llm_agent/tensor_helper.py -------------------------------------------------------------------------------- /Mem1/train/rollout/search/build_index.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/rollout/search/build_index.sh -------------------------------------------------------------------------------- /Mem1/train/rollout/search/google_search_server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/rollout/search/google_search_server.py -------------------------------------------------------------------------------- /Mem1/train/rollout/search/index_builder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/rollout/search/index_builder.py -------------------------------------------------------------------------------- /Mem1/train/rollout/search/rerank_server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/rollout/search/rerank_server.py -------------------------------------------------------------------------------- /Mem1/train/rollout/search/retrieval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/rollout/search/retrieval.py -------------------------------------------------------------------------------- /Mem1/train/rollout/search/retrieval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/rollout/search/retrieval.sh -------------------------------------------------------------------------------- /Mem1/train/rollout/search/retrieval_request.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/rollout/search/retrieval_request.py -------------------------------------------------------------------------------- /Mem1/train/rollout/search/retrieval_rerank_server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/rollout/search/retrieval_rerank_server.py -------------------------------------------------------------------------------- /Mem1/train/rollout/search/retrieval_server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/rollout/search/retrieval_server.py -------------------------------------------------------------------------------- /Mem1/train/rollout/search/serp_search_server.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/rollout/search/serp_search_server.py -------------------------------------------------------------------------------- /Mem1/train/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/setup.py -------------------------------------------------------------------------------- /Mem1/train/train_ppo.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/train_ppo.sh -------------------------------------------------------------------------------- /Mem1/train/train_ppo_webshop.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/train_ppo_webshop.sh -------------------------------------------------------------------------------- /Mem1/train/verl/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/__init__.py -------------------------------------------------------------------------------- /Mem1/train/verl/models/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/models/README.md -------------------------------------------------------------------------------- /Mem1/train/verl/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/models/__init__.py -------------------------------------------------------------------------------- /Mem1/train/verl/models/llama/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/models/llama/__init__.py -------------------------------------------------------------------------------- /Mem1/train/verl/models/llama/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/models/llama/megatron/__init__.py -------------------------------------------------------------------------------- /Mem1/train/verl/models/llama/megatron/checkpoint_utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/models/llama/megatron/checkpoint_utils/__init__.py -------------------------------------------------------------------------------- /Mem1/train/verl/models/llama/megatron/checkpoint_utils/llama_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/models/llama/megatron/checkpoint_utils/llama_loader.py -------------------------------------------------------------------------------- /Mem1/train/verl/models/llama/megatron/checkpoint_utils/llama_saver.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/models/llama/megatron/checkpoint_utils/llama_saver.py -------------------------------------------------------------------------------- /Mem1/train/verl/models/llama/megatron/layers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/models/llama/megatron/layers/__init__.py -------------------------------------------------------------------------------- /Mem1/train/verl/models/llama/megatron/layers/parallel_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/models/llama/megatron/layers/parallel_attention.py -------------------------------------------------------------------------------- /Mem1/train/verl/models/llama/megatron/layers/parallel_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/models/llama/megatron/layers/parallel_decoder.py -------------------------------------------------------------------------------- /Mem1/train/verl/models/llama/megatron/layers/parallel_linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/models/llama/megatron/layers/parallel_linear.py -------------------------------------------------------------------------------- /Mem1/train/verl/models/llama/megatron/layers/parallel_mlp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/models/llama/megatron/layers/parallel_mlp.py -------------------------------------------------------------------------------- /Mem1/train/verl/models/llama/megatron/layers/parallel_rmsnorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/models/llama/megatron/layers/parallel_rmsnorm.py -------------------------------------------------------------------------------- /Mem1/train/verl/models/llama/megatron/modeling_llama_megatron.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/models/llama/megatron/modeling_llama_megatron.py -------------------------------------------------------------------------------- /Mem1/train/verl/models/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/models/registry.py -------------------------------------------------------------------------------- /Mem1/train/verl/models/transformers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/models/transformers/__init__.py -------------------------------------------------------------------------------- /Mem1/train/verl/models/transformers/llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/models/transformers/llama.py -------------------------------------------------------------------------------- /Mem1/train/verl/models/transformers/monkey_patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/models/transformers/monkey_patch.py -------------------------------------------------------------------------------- /Mem1/train/verl/models/transformers/qwen2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/models/transformers/qwen2.py -------------------------------------------------------------------------------- /Mem1/train/verl/models/weight_loader_registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/models/weight_loader_registry.py -------------------------------------------------------------------------------- /Mem1/train/verl/protocol.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/protocol.py -------------------------------------------------------------------------------- /Mem1/train/verl/single_controller/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/single_controller/__init__.py -------------------------------------------------------------------------------- /Mem1/train/verl/single_controller/base/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/single_controller/base/__init__.py -------------------------------------------------------------------------------- /Mem1/train/verl/single_controller/base/decorator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/single_controller/base/decorator.py -------------------------------------------------------------------------------- /Mem1/train/verl/single_controller/base/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/single_controller/base/megatron/__init__.py -------------------------------------------------------------------------------- /Mem1/train/verl/single_controller/base/megatron/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/single_controller/base/megatron/worker.py -------------------------------------------------------------------------------- /Mem1/train/verl/single_controller/base/megatron/worker_group.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/single_controller/base/megatron/worker_group.py -------------------------------------------------------------------------------- /Mem1/train/verl/single_controller/base/register_center/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/single_controller/base/register_center/__init__.py -------------------------------------------------------------------------------- /Mem1/train/verl/single_controller/base/register_center/ray.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/single_controller/base/register_center/ray.py -------------------------------------------------------------------------------- /Mem1/train/verl/single_controller/base/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/single_controller/base/worker.py -------------------------------------------------------------------------------- /Mem1/train/verl/single_controller/base/worker_group.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/single_controller/base/worker_group.py -------------------------------------------------------------------------------- /Mem1/train/verl/single_controller/ray/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/single_controller/ray/__init__.py -------------------------------------------------------------------------------- /Mem1/train/verl/single_controller/ray/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/single_controller/ray/base.py -------------------------------------------------------------------------------- /Mem1/train/verl/single_controller/ray/megatron.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/single_controller/ray/megatron.py -------------------------------------------------------------------------------- /Mem1/train/verl/single_controller/version/version: -------------------------------------------------------------------------------- 1 | 0.0.2 -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/__init__.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/__init__.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_3_1/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_3_1/__init__.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_3_1/arg_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_3_1/arg_utils.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_3_1/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_3_1/config.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_3_1/llm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_3_1/llm.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_3_1/llm_engine_sp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_3_1/llm_engine_sp.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_3_1/model_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_3_1/model_loader.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_3_1/model_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_3_1/model_runner.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_3_1/parallel_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_3_1/parallel_state.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_3_1/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_3_1/tokenizer.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_3_1/weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_3_1/weight_loaders.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_3_1/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_3_1/worker.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_4_2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_4_2/__init__.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_4_2/arg_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_4_2/arg_utils.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_4_2/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_4_2/config.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_4_2/dtensor_weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_4_2/dtensor_weight_loaders.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_4_2/hf_weight_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_4_2/hf_weight_loader.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_4_2/llm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_4_2/llm.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_4_2/llm_engine_sp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_4_2/llm_engine_sp.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_4_2/megatron_weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_4_2/megatron_weight_loaders.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_4_2/model_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_4_2/model_loader.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_4_2/model_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_4_2/model_runner.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_4_2/parallel_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_4_2/parallel_state.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_4_2/spmd_gpu_executor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_4_2/spmd_gpu_executor.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_4_2/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_4_2/tokenizer.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_4_2/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_4_2/worker.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_5_4/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_5_4/__init__.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_5_4/arg_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_5_4/arg_utils.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_5_4/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_5_4/config.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_5_4/dtensor_weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_5_4/dtensor_weight_loaders.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_5_4/hf_weight_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_5_4/hf_weight_loader.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_5_4/llm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_5_4/llm.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_5_4/llm_engine_sp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_5_4/llm_engine_sp.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_5_4/megatron_weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_5_4/megatron_weight_loaders.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_5_4/model_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_5_4/model_loader.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_5_4/model_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_5_4/model_runner.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_5_4/parallel_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_5_4/parallel_state.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_5_4/spmd_gpu_executor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_5_4/spmd_gpu_executor.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_5_4/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_5_4/tokenizer.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_5_4/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_5_4/worker.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_6_3/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_6_3/__init__.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_6_3/arg_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_6_3/arg_utils.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_6_3/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_6_3/config.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_6_3/dtensor_weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_6_3/dtensor_weight_loaders.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_6_3/hf_weight_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_6_3/hf_weight_loader.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_6_3/llm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_6_3/llm.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_6_3/llm_engine_sp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_6_3/llm_engine_sp.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_6_3/megatron_weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_6_3/megatron_weight_loaders.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_6_3/model_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_6_3/model_loader.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_6_3/model_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_6_3/model_runner.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_6_3/parallel_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_6_3/parallel_state.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_6_3/spmd_gpu_executor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_6_3/spmd_gpu_executor.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_6_3/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_6_3/tokenizer.py -------------------------------------------------------------------------------- /Mem1/train/verl/third_party/vllm/vllm_v_0_6_3/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/third_party/vllm/vllm_v_0_6_3/worker.py -------------------------------------------------------------------------------- /Mem1/train/verl/trainer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/trainer/__init__.py -------------------------------------------------------------------------------- /Mem1/train/verl/trainer/config/evaluation.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/trainer/config/evaluation.yaml -------------------------------------------------------------------------------- /Mem1/train/verl/trainer/config/generation.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/trainer/config/generation.yaml -------------------------------------------------------------------------------- /Mem1/train/verl/trainer/config/ppo_megatron_trainer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/trainer/config/ppo_megatron_trainer.yaml -------------------------------------------------------------------------------- /Mem1/train/verl/trainer/config/ppo_trainer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/trainer/config/ppo_trainer.yaml -------------------------------------------------------------------------------- /Mem1/train/verl/trainer/config/sft_trainer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/trainer/config/sft_trainer.yaml -------------------------------------------------------------------------------- /Mem1/train/verl/trainer/fsdp_sft_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/trainer/fsdp_sft_trainer.py -------------------------------------------------------------------------------- /Mem1/train/verl/trainer/main_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/trainer/main_eval.py -------------------------------------------------------------------------------- /Mem1/train/verl/trainer/main_generation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/trainer/main_generation.py -------------------------------------------------------------------------------- /Mem1/train/verl/trainer/main_ppo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/trainer/main_ppo.py -------------------------------------------------------------------------------- /Mem1/train/verl/trainer/main_ppo_webshop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/trainer/main_ppo_webshop.py -------------------------------------------------------------------------------- /Mem1/train/verl/trainer/ppo/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/trainer/ppo/__init__.py -------------------------------------------------------------------------------- /Mem1/train/verl/trainer/ppo/core_algos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/trainer/ppo/core_algos.py -------------------------------------------------------------------------------- /Mem1/train/verl/trainer/ppo/ray_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/trainer/ppo/ray_trainer.py -------------------------------------------------------------------------------- /Mem1/train/verl/trainer/ppo/ray_trainer_webshop.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/trainer/ppo/ray_trainer_webshop.py -------------------------------------------------------------------------------- /Mem1/train/verl/trainer/runtime_env.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/trainer/runtime_env.yaml -------------------------------------------------------------------------------- /Mem1/train/verl/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/__init__.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/config.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/dataset/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/dataset/README.md -------------------------------------------------------------------------------- /Mem1/train/verl/utils/dataset/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/dataset/__init__.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/dataset/rl_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/dataset/rl_dataset.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/dataset/rm_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/dataset/rm_dataset.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/debug/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/debug/__init__.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/debug/performance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/debug/performance.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/debug/trajectory_tracker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/debug/trajectory_tracker.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/distributed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/distributed.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/flops_counter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/flops_counter.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/fs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/fs.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/fsdp_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/fsdp_utils.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/hdfs_io.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/hdfs_io.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/import_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/import_utils.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/logger/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/logger/__init__.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/logger/aggregate_logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/logger/aggregate_logger.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/logging_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/logging_utils.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/megatron/__init__.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/megatron/memory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/megatron/memory.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/megatron/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/megatron/optimizer.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/megatron/optimizer_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/megatron/optimizer_config.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/megatron/pipeline_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/megatron/pipeline_parallel.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/megatron/sequence_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/megatron/sequence_parallel.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/megatron/tensor_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/megatron/tensor_parallel.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/megatron_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/megatron_utils.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/memory_buffer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/memory_buffer.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/model.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/py_functional.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/py_functional.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/ray_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/ray_utils.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/rendezvous/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/rendezvous/__init__.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/rendezvous/ray_backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/rendezvous/ray_backend.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/reward_score/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/reward_score/__init__.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/reward_score/countdown.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/reward_score/countdown.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/reward_score/gsm8k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/reward_score/gsm8k.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/reward_score/llm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/reward_score/llm.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/reward_score/math.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/reward_score/math.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/reward_score/multiply.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/reward_score/multiply.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/reward_score/qa_em.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/reward_score/qa_em.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/reward_score/qa_multiple.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/reward_score/qa_multiple.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/reward_score/websearch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/reward_score/websearch.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/seqlen_balancing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/seqlen_balancing.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/tokenizer.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/torch_dtypes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/torch_dtypes.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/torch_functional.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/torch_functional.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/tracking.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/tracking.py -------------------------------------------------------------------------------- /Mem1/train/verl/utils/ulysses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/utils/ulysses.py -------------------------------------------------------------------------------- /Mem1/train/verl/version/version: -------------------------------------------------------------------------------- 1 | 0.1 -------------------------------------------------------------------------------- /Mem1/train/verl/workers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/workers/__init__.py -------------------------------------------------------------------------------- /Mem1/train/verl/workers/actor/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/workers/actor/__init__.py -------------------------------------------------------------------------------- /Mem1/train/verl/workers/actor/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/workers/actor/base.py -------------------------------------------------------------------------------- /Mem1/train/verl/workers/actor/dp_actor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/workers/actor/dp_actor.py -------------------------------------------------------------------------------- /Mem1/train/verl/workers/actor/megatron_actor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/workers/actor/megatron_actor.py -------------------------------------------------------------------------------- /Mem1/train/verl/workers/critic/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/workers/critic/__init__.py -------------------------------------------------------------------------------- /Mem1/train/verl/workers/critic/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/workers/critic/base.py -------------------------------------------------------------------------------- /Mem1/train/verl/workers/critic/dp_critic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/workers/critic/dp_critic.py -------------------------------------------------------------------------------- /Mem1/train/verl/workers/critic/megatron_critic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/workers/critic/megatron_critic.py -------------------------------------------------------------------------------- /Mem1/train/verl/workers/fsdp_workers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/workers/fsdp_workers.py -------------------------------------------------------------------------------- /Mem1/train/verl/workers/megatron_workers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/workers/megatron_workers.py -------------------------------------------------------------------------------- /Mem1/train/verl/workers/retriever_workers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/workers/retriever_workers.py -------------------------------------------------------------------------------- /Mem1/train/verl/workers/reward_model/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/workers/reward_model/__init__.py -------------------------------------------------------------------------------- /Mem1/train/verl/workers/reward_model/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/workers/reward_model/base.py -------------------------------------------------------------------------------- /Mem1/train/verl/workers/reward_model/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/workers/reward_model/megatron/__init__.py -------------------------------------------------------------------------------- /Mem1/train/verl/workers/reward_model/megatron/reward_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/workers/reward_model/megatron/reward_model.py -------------------------------------------------------------------------------- /Mem1/train/verl/workers/rollout/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/workers/rollout/__init__.py -------------------------------------------------------------------------------- /Mem1/train/verl/workers/rollout/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/workers/rollout/base.py -------------------------------------------------------------------------------- /Mem1/train/verl/workers/rollout/hf_rollout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/workers/rollout/hf_rollout.py -------------------------------------------------------------------------------- /Mem1/train/verl/workers/rollout/naive/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/workers/rollout/naive/__init__.py -------------------------------------------------------------------------------- /Mem1/train/verl/workers/rollout/naive/naive_rollout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/workers/rollout/naive/naive_rollout.py -------------------------------------------------------------------------------- /Mem1/train/verl/workers/rollout/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/workers/rollout/tokenizer.py -------------------------------------------------------------------------------- /Mem1/train/verl/workers/rollout/vllm_rollout/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/workers/rollout/vllm_rollout/__init__.py -------------------------------------------------------------------------------- /Mem1/train/verl/workers/rollout/vllm_rollout/vllm_rollout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/workers/rollout/vllm_rollout/vllm_rollout.py -------------------------------------------------------------------------------- /Mem1/train/verl/workers/sharding_manager/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/workers/sharding_manager/__init__.py -------------------------------------------------------------------------------- /Mem1/train/verl/workers/sharding_manager/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/workers/sharding_manager/base.py -------------------------------------------------------------------------------- /Mem1/train/verl/workers/sharding_manager/fsdp_ulysses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/workers/sharding_manager/fsdp_ulysses.py -------------------------------------------------------------------------------- /Mem1/train/verl/workers/sharding_manager/fsdp_vllm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/workers/sharding_manager/fsdp_vllm.py -------------------------------------------------------------------------------- /Mem1/train/verl/workers/sharding_manager/megatron_vllm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/Mem1/train/verl/workers/sharding_manager/megatron_vllm.py -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/README.md -------------------------------------------------------------------------------- /assets/mem1_vid.mp4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/assets/mem1_vid.mp4 -------------------------------------------------------------------------------- /environment.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/environment.yml -------------------------------------------------------------------------------- /pyproject.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/pyproject.toml -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- 1 | litellm 2 | rank_bm25 3 | nltk 4 | sentence_transformers 5 | wandb -------------------------------------------------------------------------------- /setup/download.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/setup/download.py -------------------------------------------------------------------------------- /setup/install_java.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/MIT-MI/MEM1/HEAD/setup/install_java.sh --------------------------------------------------------------------------------