├── README.md ├── rl-and-evals ├── .gitignore ├── LICENSE ├── README.md ├── data_preprocessing │ ├── README.md │ ├── math_util │ │ ├── __init__.py │ │ ├── grader.py │ │ └── math_normalize.py │ ├── sft_prompt.py │ ├── stage1_filter.py │ ├── stage2_format_choice.py │ ├── stage3_merge.py │ └── stage4_judge.py ├── eval │ ├── Coding │ │ ├── human_eval │ │ │ └── evaluate_human_eval.py │ │ ├── leetcode │ │ │ └── evaluate_leetcode.py │ │ ├── livecodebench │ │ │ └── LiveCodeBench-main │ │ │ │ ├── .gitignore │ │ │ │ ├── ERRATA.md │ │ │ │ ├── LICENSE │ │ │ │ ├── README.md │ │ │ │ ├── assets │ │ │ │ └── images │ │ │ │ │ ├── contamination1.png │ │ │ │ │ ├── contamination2.png │ │ │ │ │ ├── lc_barchart.png │ │ │ │ │ ├── lcb.png │ │ │ │ │ ├── lcb_vs_he.png │ │ │ │ │ └── tasks_radar.png │ │ │ │ ├── lcb_runner │ │ │ │ ├── benchmarks │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── code_execution.py │ │ │ │ │ ├── code_generation.py │ │ │ │ │ └── test_output_prediction.py │ │ │ │ ├── evaluation │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── compute_code_execution_metrics.py │ │ │ │ │ ├── compute_code_generation_metrics.py │ │ │ │ │ ├── compute_scores.py │ │ │ │ │ ├── compute_test_output_prediction_metrics.py │ │ │ │ │ ├── old_results_check.py │ │ │ │ │ ├── pass_k_utils.py │ │ │ │ │ ├── testing_util.py │ │ │ │ │ └── utils_execute.py │ │ │ │ ├── lm_styles.py │ │ │ │ ├── prompts │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── code_execution.py │ │ │ │ │ ├── code_generation.py │ │ │ │ │ ├── few_shot_examples │ │ │ │ │ │ └── generation │ │ │ │ │ │ │ ├── func.json │ │ │ │ │ │ │ └── stdin.json │ │ │ │ │ ├── self_repair.py │ │ │ │ │ └── test_output_prediction.py │ │ │ │ ├── runner │ │ │ │ │ ├── base_runner.py │ │ │ │ │ ├── claude3_runner.py │ │ │ │ │ ├── claude_runner.py │ │ │ │ │ ├── cohere_runner.py │ │ │ │ │ ├── custom_evaluator.py │ │ │ │ │ ├── deepseek_runner.py │ │ │ │ │ ├── gemini_runner.py │ │ │ │ │ ├── main.py │ │ │ │ │ ├── mistral_runner.py │ │ │ │ │ ├── oai_runner.py │ │ │ │ │ ├── parser.py │ │ │ │ │ ├── runner_utils.py │ │ │ │ │ ├── scenario_router.py │ │ │ │ │ └── vllm_runner.py │ │ │ │ └── utils │ │ │ │ │ ├── extraction_utils.py │ │ │ │ │ ├── multiprocess.py │ │ │ │ │ ├── path_utils.py │ │ │ │ │ └── scenarios.py │ │ │ │ ├── lcb_sky.yml │ │ │ │ ├── poetry.lock │ │ │ │ └── pyproject.toml │ │ └── mbpp │ │ │ └── evaluate_mbpp.py │ ├── Math │ │ ├── Qwen25-Math │ │ │ ├── README.md │ │ │ └── evaluation │ │ │ │ ├── LICENSE │ │ │ │ ├── README.md │ │ │ │ ├── data_loader.py │ │ │ │ ├── evaluate.py │ │ │ │ ├── examples.py │ │ │ │ ├── grader.py │ │ │ │ ├── latex2sympy │ │ │ │ ├── .coveragerc │ │ │ │ ├── .gitignore │ │ │ │ ├── LICENSE.txt │ │ │ │ ├── PS.g4 │ │ │ │ ├── README.md │ │ │ │ ├── __init__.py │ │ │ │ ├── antlr-4.11.1-complete.jar │ │ │ │ ├── asciimath_printer.py │ │ │ │ ├── description.txt │ │ │ │ ├── dev-requirements.in │ │ │ │ ├── dev-requirements.txt │ │ │ │ ├── gen │ │ │ │ │ ├── PS.interp │ │ │ │ │ ├── PS.tokens │ │ │ │ │ ├── PSLexer.interp │ │ │ │ │ ├── PSLexer.py │ │ │ │ │ ├── PSLexer.tokens │ │ │ │ │ ├── PSListener.py │ │ │ │ │ ├── PSParser.py │ │ │ │ │ └── __init__.py │ │ │ │ ├── icon.png │ │ │ │ ├── latex2sympy2.py │ │ │ │ ├── requirements.in │ │ │ │ ├── requirements.txt │ │ │ │ ├── sandbox │ │ │ │ │ ├── linalg_equations.py │ │ │ │ │ ├── linalg_span.py │ │ │ │ │ ├── matrix.py │ │ │ │ │ ├── matrix_placeholders.py │ │ │ │ │ ├── sandbox.py │ │ │ │ │ ├── sandbox_equality.py │ │ │ │ │ ├── sectan.py │ │ │ │ │ └── vector.py │ │ │ │ ├── scripts │ │ │ │ │ ├── compile.sh │ │ │ │ │ ├── coverage-ci.sh │ │ │ │ │ ├── coverage.sh │ │ │ │ │ ├── pre-commit │ │ │ │ │ ├── pre-push │ │ │ │ │ ├── publish.sh │ │ │ │ │ ├── setup-hooks.sh │ │ │ │ │ ├── setup.sh │ │ │ │ │ └── test.sh │ │ │ │ ├── setup.cfg │ │ │ │ ├── setup.py │ │ │ │ └── tests │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── abs_test.py │ │ │ │ │ ├── all_bad_test.py │ │ │ │ │ ├── all_good_test.py │ │ │ │ │ ├── atom_expr_test.py │ │ │ │ │ ├── binomial_test.py │ │ │ │ │ ├── ceil_test.py │ │ │ │ │ ├── complex_test.py │ │ │ │ │ ├── context.py │ │ │ │ │ ├── exp_test.py │ │ │ │ │ ├── floor_test.py │ │ │ │ │ ├── gcd_test.py │ │ │ │ │ ├── greek_test.py │ │ │ │ │ ├── grouping_test.py │ │ │ │ │ ├── lcm_test.py │ │ │ │ │ ├── left_right_cdot_test.py │ │ │ │ │ ├── linalg_test.py │ │ │ │ │ ├── max_test.py │ │ │ │ │ ├── min_test.py │ │ │ │ │ ├── mod_test.py │ │ │ │ │ ├── overline_test.py │ │ │ │ │ ├── pi_test.py │ │ │ │ │ ├── trig_test.py │ │ │ │ │ └── variable_test.py │ │ │ │ ├── math_eval.py │ │ │ │ ├── math_utils.py │ │ │ │ ├── model_utils.py │ │ │ │ ├── parser.py │ │ │ │ ├── python_executor.py │ │ │ │ ├── requirements.txt │ │ │ │ ├── rm_maj_eval.py │ │ │ │ ├── run.sh │ │ │ │ ├── sh │ │ │ │ ├── eval.sh │ │ │ │ └── run_eval_qwen2_math.sh │ │ │ │ ├── trajectory.py │ │ │ │ └── utils.py │ │ ├── aime │ │ │ └── evaluate_aime.py │ │ ├── amc │ │ │ └── evaluate_amc.py │ │ └── math │ │ │ └── evaluate_math.py │ ├── README.md │ ├── data │ │ ├── AI-MO │ │ │ ├── aimo-validation-aime │ │ │ │ └── aimo-validation-aime.jsonl │ │ │ └── aimo-validation-amc │ │ │ │ └── aimo-validation-amc.jsonl │ │ ├── college_math │ │ │ └── test.jsonl │ │ ├── gaokao2023en │ │ │ └── test.jsonl │ │ ├── humaneval │ │ │ └── HumanEval.jsonl.gz │ │ ├── leetcode │ │ │ └── leetcode-test.json │ │ ├── math500 │ │ │ └── math_test_cleaned.json │ │ ├── mbpp │ │ │ └── new_mbpp.json │ │ ├── minerva_math │ │ │ └── test.jsonl │ │ └── olympiadbench │ │ │ └── test.jsonl │ ├── requirements_lcb.txt │ ├── requirements_prime.txt │ ├── requirements_qwen_math.txt │ ├── run.sh │ ├── system_prompt.md │ └── utils │ │ ├── data.py │ │ ├── evaluation.py │ │ ├── evaluation_leetcode.py │ │ ├── execution.py │ │ ├── execution_leetcode.py │ │ ├── grader.py │ │ ├── math_equivalence.py │ │ ├── python_interpreter.py │ │ └── util.py ├── figures │ ├── performance.png │ ├── prime-algo.png │ └── prm.gif └── training │ ├── README.md │ ├── examples │ └── run_prime_main.sh │ ├── intellect-math-scripts │ └── train_intellect_math_7b.sh │ ├── requirements.txt │ ├── scripts │ └── data_prepare.py │ ├── setup.py │ └── verl │ ├── __init__.py │ ├── models │ ├── README.md │ ├── __init__.py │ ├── llama │ │ ├── __init__.py │ │ └── megatron │ │ │ ├── __init__.py │ │ │ ├── checkpoint_utils │ │ │ ├── __init__.py │ │ │ ├── llama_loader.py │ │ │ └── llama_saver.py │ │ │ ├── layers │ │ │ ├── __init__.py │ │ │ ├── parallel_attention.py │ │ │ ├── parallel_decoder.py │ │ │ ├── parallel_linear.py │ │ │ ├── parallel_mlp.py │ │ │ └── parallel_rmsnorm.py │ │ │ └── modeling_llama_megatron.py │ ├── registry.py │ └── weight_loader_registry.py │ ├── protocol.py │ ├── single_controller │ ├── __init__.py │ ├── base │ │ ├── __init__.py │ │ ├── decorator.py │ │ ├── dp.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 │ │ ├── decorator.py │ │ ├── dist_data_pass_protocol.py │ │ ├── dp.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 │ ├── ppo │ │ ├── __init__.py │ │ ├── core_algos.py │ │ └── ray_trainer.py │ └── runtime_env.yaml │ ├── utils │ ├── __init__.py │ ├── config.py │ ├── dataset │ │ ├── README.md │ │ ├── __init__.py │ │ ├── rl_dataset.py │ │ ├── rm_dataset.py │ │ └── sft_dataset.py │ ├── debug │ │ ├── __init__.py │ │ ├── performance.py │ │ └── trajectory_tracker.py │ ├── distributed.py │ ├── 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 │ │ ├── evaluation_utils │ │ │ ├── code_util │ │ │ │ ├── __init__.py │ │ │ │ ├── testing_util.py │ │ │ │ └── utils.py │ │ │ └── math_util │ │ │ │ ├── __init__.py │ │ │ │ ├── grader.py │ │ │ │ └── math_normalize.py │ │ ├── gsm8k.py │ │ ├── math.py │ │ └── prime.py │ ├── tokenizer.py │ ├── torch_dtypes.py │ ├── torch_functional.py │ └── tracking.py │ ├── version │ └── version │ └── workers │ ├── __init__.py │ ├── actor │ ├── __init__.py │ ├── base.py │ ├── dp_actor.py │ ├── dp_prime.py │ └── megatron_actor.py │ ├── critic │ ├── __init__.py │ ├── base.py │ ├── dp_critic.py │ └── megatron_critic.py │ ├── fsdp_workers.py │ ├── hybrid_engine │ ├── __init__.py │ ├── base.py │ ├── fsdp_vllm.py │ └── megatron_vllm.py │ ├── megatron_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 ├── sft ├── .flake8 ├── .github │ ├── actions │ │ ├── push │ │ │ └── action.yaml │ │ └── setup │ │ │ └── action.yaml │ └── workflows │ │ ├── push-image.yml │ │ ├── quality.yml │ │ └── tests.yml ├── .gitignore ├── .gitmodules ├── Dockerfile ├── Dockerfile.base ├── Dockerfile.uv ├── LICENSE ├── Makefile ├── README.md ├── assets │ ├── images │ │ └── tulu_logo.png │ └── model_licenses │ │ ├── llama_license.txt │ │ ├── opt_license.txt │ │ ├── pythia_license.txt │ │ └── tulu_license.txt ├── configs │ ├── beaker_configs │ │ ├── alpaca_7B.yaml │ │ ├── alpaca_7B_lora.yaml │ │ ├── default_dpo.yaml │ │ ├── default_dpo_multinode.yaml │ │ ├── default_dpo_multinode_olmo2_1124.yaml │ │ ├── default_dpo_multinode_olmo2_1124_augusta.yaml │ │ ├── default_eval.yaml │ │ ├── default_finetune.yaml │ │ ├── default_finetune_lora_multinode.yaml │ │ ├── default_finetune_multinode.yaml │ │ ├── default_finetune_multinode_olmo2_1124.yaml │ │ ├── default_finetune_multinode_olmo2_1124_augusta.yaml │ │ ├── default_finetune_qlora_multinode.yaml │ │ ├── ray_node_setup.sh │ │ └── run_weight_diff.sh │ ├── ds_configs │ │ ├── deepspeed_zero2.yaml │ │ ├── deepspeed_zero3.yaml │ │ ├── stage3_no_offloading.conf │ │ ├── stage3_no_offloading_accelerate.conf │ │ ├── stage3_offloading.conf │ │ └── stage3_offloading_accelerate.conf │ └── train_configs │ │ ├── dpo │ │ ├── default.yaml │ │ ├── final_best_70b_dpo_config.yaml │ │ ├── final_best_8b_dpo_config.yaml │ │ ├── mini.yaml │ │ ├── olmo_1b_mix_example.yaml │ │ ├── olmo_7b_17_inst.yaml │ │ ├── tulu3_preview_pref_v3.0.yaml │ │ ├── tulu3_preview_pref_v3.1.yaml │ │ ├── tulu3_preview_pref_v3.2.yaml │ │ ├── tulu3_preview_pref_v3.3.yaml │ │ ├── tulu3_preview_test_simpo.yaml │ │ ├── tulu_3_preview_test_if_faeze.yaml │ │ ├── valpy_dpo.yaml │ │ └── valpy_dpo_mix_new.yaml │ │ ├── olmo2 │ │ ├── olmo2_1124_13b_dpo.yaml │ │ ├── olmo2_1124_13b_sft.yaml │ │ ├── olmo2_1124_7b_dpo.yaml │ │ └── olmo2_1124_7b_sft.yaml │ │ ├── sft │ │ ├── default.yaml │ │ ├── mini.yaml │ │ ├── olmo_7b_17_remix_sft.yaml │ │ ├── olmo_7b_17_safe_sft.yaml │ │ ├── olmo_7b_17_sft.yaml │ │ ├── olmo_7b_sft.yaml │ │ ├── olmoe_preview_mix_v3.1.yaml │ │ ├── tulu2_13b.yaml │ │ ├── tulu2_70b.yaml │ │ ├── tulu2_7b.yaml │ │ ├── tulu2_7b_lora.yaml │ │ ├── tulu2_7b_qlora.yaml │ │ ├── tulu2_7b_remix.yaml │ │ ├── tulu3_70b_preview_mix_v3.8-commercial.yaml │ │ ├── tulu3_70b_preview_mix_v3.8-noncommercial.yaml │ │ ├── tulu3_70b_preview_mix_v3.9-noncommercial.yaml │ │ ├── tulu3_8b_no_robot.yaml │ │ ├── tulu3_8b_preview_mix_v3.0.yaml │ │ ├── tulu3_8b_preview_mix_v3.1.yaml │ │ ├── tulu3_8b_preview_mix_v3.10.yaml │ │ ├── tulu3_8b_preview_mix_v3.2.yaml │ │ ├── tulu3_8b_preview_mix_v3.3.yaml │ │ ├── tulu3_8b_preview_mix_v3.4.x │ │ │ ├── tulu3_8b_preview_mix_v3.4.0.yaml │ │ │ ├── tulu3_8b_preview_mix_v3.4.1.yaml │ │ │ ├── tulu3_8b_preview_mix_v3.4.10.yaml │ │ │ ├── tulu3_8b_preview_mix_v3.4.11.yaml │ │ │ ├── tulu3_8b_preview_mix_v3.4.12.yaml │ │ │ ├── tulu3_8b_preview_mix_v3.4.13.yaml │ │ │ ├── tulu3_8b_preview_mix_v3.4.14.yaml │ │ │ ├── tulu3_8b_preview_mix_v3.4.15.yaml │ │ │ ├── tulu3_8b_preview_mix_v3.4.16.yaml │ │ │ ├── tulu3_8b_preview_mix_v3.4.17.yaml │ │ │ ├── tulu3_8b_preview_mix_v3.4.18.yaml │ │ │ ├── tulu3_8b_preview_mix_v3.4.19.yaml │ │ │ ├── tulu3_8b_preview_mix_v3.4.2.yaml │ │ │ ├── tulu3_8b_preview_mix_v3.4.20.yaml │ │ │ ├── tulu3_8b_preview_mix_v3.4.21.yaml │ │ │ ├── tulu3_8b_preview_mix_v3.4.22.yaml │ │ │ ├── tulu3_8b_preview_mix_v3.4.23.yaml │ │ │ ├── tulu3_8b_preview_mix_v3.4.24.yaml │ │ │ ├── tulu3_8b_preview_mix_v3.4.25.yaml │ │ │ ├── tulu3_8b_preview_mix_v3.4.26.yaml │ │ │ ├── tulu3_8b_preview_mix_v3.4.27.yaml │ │ │ ├── tulu3_8b_preview_mix_v3.4.28.yaml │ │ │ ├── tulu3_8b_preview_mix_v3.4.29.yaml │ │ │ ├── tulu3_8b_preview_mix_v3.4.3.yaml │ │ │ ├── tulu3_8b_preview_mix_v3.4.30.yaml │ │ │ ├── tulu3_8b_preview_mix_v3.4.31.yaml │ │ │ ├── tulu3_8b_preview_mix_v3.4.32.yaml │ │ │ ├── tulu3_8b_preview_mix_v3.4.4.yaml │ │ │ ├── tulu3_8b_preview_mix_v3.4.5.yaml │ │ │ ├── tulu3_8b_preview_mix_v3.4.6.yaml │ │ │ ├── tulu3_8b_preview_mix_v3.4.7.yaml │ │ │ ├── tulu3_8b_preview_mix_v3.4.8.yaml │ │ │ └── tulu3_8b_preview_mix_v3.4.9.yaml │ │ ├── tulu3_8b_preview_mix_v3.4.yaml │ │ ├── tulu3_8b_preview_mix_v3.5.x │ │ │ ├── llama3.1_8b_preview_mix_v3.5.1.yaml │ │ │ ├── llama3.1_8b_preview_mix_v3.5.10.yaml │ │ │ ├── llama3.1_8b_preview_mix_v3.5.11.yaml │ │ │ ├── llama3.1_8b_preview_mix_v3.5.12.yaml │ │ │ ├── llama3.1_8b_preview_mix_v3.5.13.yaml │ │ │ ├── llama3.1_8b_preview_mix_v3.5.2.yaml │ │ │ ├── llama3.1_8b_preview_mix_v3.5.3.yaml │ │ │ ├── llama3.1_8b_preview_mix_v3.5.4.yaml │ │ │ ├── llama3.1_8b_preview_mix_v3.5.5.yaml │ │ │ ├── llama3.1_8b_preview_mix_v3.5.6.yaml │ │ │ ├── llama3.1_8b_preview_mix_v3.5.7.yaml │ │ │ ├── llama3.1_8b_preview_mix_v3.5.8.yaml │ │ │ └── llama3.1_8b_preview_mix_v3.5.9.yaml │ │ ├── tulu3_8b_preview_mix_v3.6.yaml │ │ ├── tulu3_8b_preview_mix_v3.7.yaml │ │ ├── tulu3_8b_preview_mix_v3.8-commercial.yaml │ │ ├── tulu3_8b_preview_mix_v3.8-noncommercial.yaml │ │ ├── tulu3_8b_preview_mix_v3.9-noncommercial.yaml │ │ ├── tulu3_L3.1_70b_preview_mix_v3.3.yaml │ │ └── tulu3_L3.1_8b_math_faeze.yaml │ │ └── tulu3 │ │ ├── tulu3_dpo_70b.yaml │ │ ├── tulu3_dpo_8b.yaml │ │ └── tulu3_sft.yaml ├── decontamination │ ├── README.md │ ├── index.py │ └── search.py ├── docs │ ├── ai2_internal.md │ ├── algorithms │ │ ├── online_dpo.md │ │ ├── ppo.md │ │ ├── rejection_sampling.md │ │ ├── reward_modeling.md │ │ ├── reward_modeling_colored_tokens.png │ │ ├── reward_modeling_ds.png │ │ ├── reward_modeling_hf_repo.png │ │ ├── reward_modeling_hf_viz.png │ │ ├── reward_modeling_preference_sample_texts.png │ │ ├── reward_modeling_token.png │ │ ├── reward_modeling_token_wandb.png │ │ ├── synthetic_preference_dataset.md │ │ └── synthetic_preference_dataset.png │ ├── data │ │ └── preference-data.md │ ├── safety-eval │ │ └── safety.md │ ├── safety.md │ ├── tulu1_tulu2.md │ └── tulu3.md ├── eval │ ├── MATH │ │ ├── examplars.py │ │ ├── minerva_utils.py │ │ ├── run_eval.py │ │ └── utilities.py │ ├── alpaca_farm │ │ └── run_eval.py │ ├── bbh │ │ └── run_eval.py │ ├── codex_humaneval │ │ ├── data.py │ │ ├── evaluation.py │ │ ├── execution.py │ │ └── run_eval.py │ ├── dispatch_openai_requests.py │ ├── gsm │ │ ├── examplars.py │ │ └── run_eval.py │ ├── ifeval │ │ ├── instructions.py │ │ ├── instructions_registry.py │ │ ├── instructions_util.py │ │ └── run_eval.py │ ├── mbpp │ │ ├── evaluation.py │ │ ├── execution.py │ │ ├── mbpp.py │ │ └── run_eval.py │ ├── mmlu │ │ ├── categories.py │ │ └── run_eval.py │ ├── predict.py │ ├── templates.py │ ├── toxigen │ │ └── run_eval.py │ ├── truthfulqa │ │ ├── configs.py │ │ ├── metrics.py │ │ ├── presets.py │ │ ├── run_eval.py │ │ └── utilities.py │ ├── tydiqa │ │ └── run_eval.py │ ├── utils.py │ └── xstest │ │ ├── classify_refusal.py │ │ └── run_eval.py ├── human_eval │ ├── README.md │ ├── app.py │ ├── compute_metrics.py │ ├── data │ │ ├── eval_annotations_tulu_1.xlsx │ │ └── eval_instances_tulu_1.jsonl │ ├── export_db.py │ ├── requirements.txt │ ├── screenshot.png │ ├── static │ │ ├── app.js │ │ ├── favicon.png │ │ └── styles.css │ └── templates │ │ ├── index.html │ │ └── login.html ├── intellect-math-scripts │ └── train_intellect_math_7b_sft.sh ├── mason.py ├── open_instruct │ ├── __init__.py │ ├── dataset_processor.py │ ├── dpo_tune.py │ ├── dpo_tune_cache.py │ ├── dpo_utils.py │ ├── finetune.py │ ├── ground_truth_utils.py │ ├── if_functions.py │ ├── math_utils.py │ ├── merge_lora.py │ ├── mix_data.py │ ├── mix_data_preferences.py │ ├── model_utils.py │ ├── online_dpo_vllm_thread.py │ ├── ppo_vllm_thread.py │ ├── ppo_vllm_thread_ray.py │ ├── ppo_vllm_thread_ray_gtrl.py │ ├── rejection_sampling │ │ ├── __init__.py │ │ ├── api_generate.py │ │ ├── generation.py │ │ ├── prompt_templates.py │ │ ├── rejection_sampling.py │ │ └── synthetic_preference_dataset.py │ ├── reward_modeling.py │ ├── reward_modeling_eval.py │ ├── test_utils.py │ ├── utils.py │ ├── vllm_utils.py │ └── vllm_utils2.py ├── pyproject.toml ├── quantize │ ├── README.md │ ├── experiments │ │ └── gptq_compress_llama_7b.py │ ├── quantize_autogptq_wikitext.py │ └── scripts │ │ └── eval_on_mmlu.sh ├── requirements.txt ├── scripts │ ├── README.md │ ├── add_metadata.py │ ├── add_metadata_from_wandb.py │ ├── cache_hf.py │ ├── collect_eval_results.py │ ├── convert_olmo_1124_weights_to_hf.py │ ├── create_ground_truth_data.py │ ├── data │ │ ├── get_statistics.py │ │ ├── get_statistics_tulu_v3.sh │ │ ├── get_token_distribution.py │ │ ├── gsm8k.py │ │ ├── preferences │ │ │ ├── __init__.py │ │ │ ├── dataset_info.py │ │ │ ├── helpsteer2.py │ │ │ ├── helpsteer2_nvidia.py │ │ │ ├── hh-harmless.py │ │ │ ├── hh-helpful.py │ │ │ ├── nectar.py │ │ │ ├── prepare_all.sh │ │ │ ├── split_tulu2.5_prefs.py │ │ │ ├── ultrafeedback_replications.py │ │ │ ├── ultrainteract.py │ │ │ ├── utils.py │ │ │ └── webgpt.py │ │ ├── prepare_eval_data.sh │ │ ├── read_statistics.py │ │ ├── sft │ │ │ ├── aya.py │ │ │ ├── coconot.py │ │ │ ├── codefeedback_mix.py │ │ │ ├── daring_anteater.py │ │ │ ├── evol_codealpaca.py │ │ │ ├── flan.py │ │ │ ├── lima.py │ │ │ ├── lmsys_chat.py │ │ │ ├── metamath.py │ │ │ ├── no_robots.py │ │ │ ├── numinamath.py │ │ │ ├── open_assistant.py │ │ │ ├── open_math_instruct.py │ │ │ ├── prepare_all.sh │ │ │ ├── sciriff.py │ │ │ ├── sharegpt.py │ │ │ ├── slim_orca.py │ │ │ ├── table_gpt.py │ │ │ ├── tulu_hard_coded.py │ │ │ ├── utils.py │ │ │ ├── web_instruct.py │ │ │ ├── wildchat.py │ │ │ └── wizardlm.py │ │ └── sft_v1_v2 │ │ │ ├── get_statistics.sh │ │ │ ├── prepare_science_data.py │ │ │ ├── prepare_tulu_v1_v2.sh │ │ │ ├── reformat_datasets.py │ │ │ ├── resample_flan_v2.py │ │ │ └── split_sharegpt_conversations.py │ ├── dpo_train_with_accelerate.sh │ ├── dpo_train_with_accelerate_config.sh │ ├── dpo_train_with_qlora.sh │ ├── eval │ │ ├── MATH.sh │ │ ├── alpaca_farm.sh │ │ ├── bbh.sh │ │ ├── codex_humaneval.sh │ │ ├── dummy_length_scorer.py │ │ ├── faster_oe_eval_mmlu.sh │ │ ├── fetch_mmlu_jobs.py │ │ ├── gsm.sh │ │ ├── ifeval.sh │ │ ├── mbpp.sh │ │ ├── mmlu.sh │ │ ├── oe-eval.sh │ │ ├── toxigen.sh │ │ ├── truthfulqa.sh │ │ ├── tulu3_baselines.sh │ │ ├── tulu3_baselines_unseen.sh │ │ ├── tydiqa.sh │ │ └── xstest.sh │ ├── eval_constraints │ │ └── if_functions.py │ ├── finetune_lora_with_accelerate.sh │ ├── finetune_lora_with_accelerate_config.sh │ ├── finetune_qlora_with_accelerate.sh │ ├── finetune_qlora_with_accelerate_config.sh │ ├── finetune_with_accelerate.sh │ ├── finetune_with_accelerate_config.sh │ ├── persona_driven_data_gen │ │ ├── README.md │ │ ├── data │ │ │ └── if_constraint_fewshots_handwritten.json │ │ ├── persona_driven_generate_ifdata.py │ │ ├── persona_driven_generate_math_code.py │ │ ├── prompt_templates.py │ │ └── requirements.txt │ ├── rejection_sampling_tulu.bash │ ├── rejection_sampling_tulu_docker.bash │ ├── submit_dpo_job.py │ ├── submit_eval_jobs.py │ ├── submit_finetune_job.py │ ├── submit_finetune_jobs.sh │ ├── synth_pref │ │ ├── README.md │ │ ├── __init__.py │ │ ├── annotate_preferences.py │ │ ├── assets │ │ │ ├── ufpp_pipeline_v2_code.png │ │ │ └── ufpp_pipeline_v2_normal.png │ │ ├── create_annotation_mix.py │ │ ├── example │ │ │ ├── create_annotation_mix_out │ │ │ │ ├── full │ │ │ │ │ ├── helpfulness-full.jsonl │ │ │ │ │ ├── honesty-full.jsonl │ │ │ │ │ ├── instruction_following-full.jsonl │ │ │ │ │ └── truthfulness-full.jsonl │ │ │ │ └── myprompts │ │ │ │ │ ├── helpfulness │ │ │ │ │ └── helpfulness___shard-000000.jsonl │ │ │ │ │ ├── honesty │ │ │ │ │ └── honesty___shard-000000.jsonl │ │ │ │ │ ├── instruction_following │ │ │ │ │ └── instruction_following___shard-000000.jsonl │ │ │ │ │ └── truthfulness │ │ │ │ │ └── truthfulness___shard-000000.jsonl │ │ │ ├── generate_responses_in │ │ │ │ └── input_file.jsonl │ │ │ └── generate_responses_out │ │ │ │ ├── model0 │ │ │ │ └── input_file.jsonl │ │ │ │ ├── model1 │ │ │ │ └── input_file.jsonl │ │ │ │ ├── model2 │ │ │ │ └── input_file.jsonl │ │ │ │ └── model3 │ │ │ │ └── input_file.jsonl │ │ ├── generate_responses.py │ │ ├── parse_preferences.py │ │ ├── requirements.txt │ │ └── utils │ │ │ ├── __init__.py │ │ │ ├── model_configs.py │ │ │ ├── openai_api.py │ │ │ └── ultrafeedback_template.py │ ├── synthetic_preference_dataset.bash │ ├── wait_beaker_dataset_model_upload_then_evaluate_model.py │ └── weights │ │ ├── convert_llama_weights_to_hf.sh │ │ └── weight_diff.py ├── uv.lock ├── weight-diff-requirements.txt └── weka_setup_helper.sh └── synthetic-data ├── README.md ├── filter_and_upload_sft_data_to_huggingface.py ├── generate.py ├── requirements.txt └── utils.py /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/README.md -------------------------------------------------------------------------------- /rl-and-evals/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/.gitignore -------------------------------------------------------------------------------- /rl-and-evals/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/LICENSE -------------------------------------------------------------------------------- /rl-and-evals/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/README.md -------------------------------------------------------------------------------- /rl-and-evals/data_preprocessing/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/data_preprocessing/README.md -------------------------------------------------------------------------------- /rl-and-evals/data_preprocessing/math_util/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/data_preprocessing/math_util/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/data_preprocessing/math_util/grader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/data_preprocessing/math_util/grader.py -------------------------------------------------------------------------------- /rl-and-evals/data_preprocessing/math_util/math_normalize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/data_preprocessing/math_util/math_normalize.py -------------------------------------------------------------------------------- /rl-and-evals/data_preprocessing/sft_prompt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/data_preprocessing/sft_prompt.py -------------------------------------------------------------------------------- /rl-and-evals/data_preprocessing/stage1_filter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/data_preprocessing/stage1_filter.py -------------------------------------------------------------------------------- /rl-and-evals/data_preprocessing/stage2_format_choice.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/data_preprocessing/stage2_format_choice.py -------------------------------------------------------------------------------- /rl-and-evals/data_preprocessing/stage3_merge.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/data_preprocessing/stage3_merge.py -------------------------------------------------------------------------------- /rl-and-evals/data_preprocessing/stage4_judge.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/data_preprocessing/stage4_judge.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/human_eval/evaluate_human_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/human_eval/evaluate_human_eval.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/leetcode/evaluate_leetcode.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/leetcode/evaluate_leetcode.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/.gitignore -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/ERRATA.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/ERRATA.md -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/LICENSE -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/README.md -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/assets/images/contamination1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/assets/images/contamination1.png -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/assets/images/contamination2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/assets/images/contamination2.png -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/assets/images/lc_barchart.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/assets/images/lc_barchart.png -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/assets/images/lcb.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/assets/images/lcb.png -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/assets/images/lcb_vs_he.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/assets/images/lcb_vs_he.png -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/assets/images/tasks_radar.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/assets/images/tasks_radar.png -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/benchmarks/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/benchmarks/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/evaluation/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/evaluation/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/evaluation/pass_k_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/evaluation/pass_k_utils.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/evaluation/testing_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/evaluation/testing_util.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/lm_styles.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/lm_styles.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/prompts/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/prompts/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/prompts/code_execution.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/prompts/code_execution.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/prompts/code_generation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/prompts/code_generation.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/prompts/self_repair.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/prompts/self_repair.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/runner/base_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/runner/base_runner.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/runner/claude3_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/runner/claude3_runner.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/runner/claude_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/runner/claude_runner.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/runner/cohere_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/runner/cohere_runner.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/runner/custom_evaluator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/runner/custom_evaluator.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/runner/deepseek_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/runner/deepseek_runner.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/runner/gemini_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/runner/gemini_runner.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/runner/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/runner/main.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/runner/mistral_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/runner/mistral_runner.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/runner/oai_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/runner/oai_runner.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/runner/parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/runner/parser.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/runner/runner_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/runner/runner_utils.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/runner/vllm_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/runner/vllm_runner.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/utils/multiprocess.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/utils/multiprocess.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/utils/path_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/utils/path_utils.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/utils/scenarios.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_runner/utils/scenarios.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_sky.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/lcb_sky.yml -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/poetry.lock: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/poetry.lock -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/pyproject.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/livecodebench/LiveCodeBench-main/pyproject.toml -------------------------------------------------------------------------------- /rl-and-evals/eval/Coding/mbpp/evaluate_mbpp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Coding/mbpp/evaluate_mbpp.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/README.md -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/LICENSE -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/README.md -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/data_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/data_loader.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/evaluate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/evaluate.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/examples.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/examples.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/grader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/grader.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/.coveragerc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/.coveragerc -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/.gitignore -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/LICENSE.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/LICENSE.txt -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/PS.g4: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/PS.g4 -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/README.md -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/__init__.py: -------------------------------------------------------------------------------- 1 | import latex2sympy -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/antlr-4.11.1-complete.jar: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/antlr-4.11.1-complete.jar -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/asciimath_printer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/asciimath_printer.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/description.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/description.txt -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/dev-requirements.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/dev-requirements.in -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/dev-requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/dev-requirements.txt -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/gen/PS.interp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/gen/PS.interp -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/gen/PS.tokens: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/gen/PS.tokens -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/gen/PSLexer.interp: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/gen/PSLexer.interp -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/gen/PSLexer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/gen/PSLexer.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/gen/PSLexer.tokens: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/gen/PSLexer.tokens -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/gen/PSListener.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/gen/PSListener.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/gen/PSParser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/gen/PSParser.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/gen/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/icon.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/icon.png -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/latex2sympy2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/latex2sympy2.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/requirements.in: -------------------------------------------------------------------------------- 1 | sympy 2 | antlr4-python3-runtime 3 | -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/requirements.txt -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/sandbox/linalg_equations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/sandbox/linalg_equations.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/sandbox/linalg_span.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/sandbox/linalg_span.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/sandbox/matrix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/sandbox/matrix.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/sandbox/matrix_placeholders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/sandbox/matrix_placeholders.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/sandbox/sandbox.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/sandbox/sandbox.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/sandbox/sandbox_equality.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/sandbox/sandbox_equality.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/sandbox/sectan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/sandbox/sectan.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/sandbox/vector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/sandbox/vector.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/scripts/compile.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/scripts/compile.sh -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/scripts/coverage-ci.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/scripts/coverage-ci.sh -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/scripts/coverage.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/scripts/coverage.sh -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/scripts/pre-commit: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/scripts/pre-commit -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/scripts/pre-push: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/scripts/pre-push -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/scripts/publish.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/scripts/publish.sh -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/scripts/setup-hooks.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/scripts/setup-hooks.sh -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/scripts/setup.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/scripts/setup.sh -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/scripts/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/scripts/test.sh -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/setup.cfg: -------------------------------------------------------------------------------- 1 | [pycodestyle] 2 | max-line-length = 120 3 | ignore = E501 4 | -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/setup.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/abs_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/abs_test.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/all_bad_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/all_bad_test.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/all_good_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/all_good_test.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/atom_expr_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/atom_expr_test.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/binomial_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/binomial_test.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/ceil_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/ceil_test.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/complex_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/complex_test.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/context.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/context.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/exp_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/exp_test.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/floor_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/floor_test.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/gcd_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/gcd_test.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/greek_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/greek_test.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/grouping_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/grouping_test.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/lcm_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/lcm_test.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/left_right_cdot_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/left_right_cdot_test.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/linalg_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/linalg_test.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/max_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/max_test.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/min_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/min_test.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/mod_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/mod_test.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/overline_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/overline_test.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/pi_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/pi_test.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/trig_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/trig_test.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/variable_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/latex2sympy/tests/variable_test.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/math_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/math_eval.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/math_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/math_utils.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/model_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/model_utils.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/parser.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/parser.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/python_executor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/python_executor.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/requirements.txt -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/rm_maj_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/rm_maj_eval.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/run.sh -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/sh/eval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/sh/eval.sh -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/sh/run_eval_qwen2_math.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/sh/run_eval_qwen2_math.sh -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/trajectory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/trajectory.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/Qwen25-Math/evaluation/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/Qwen25-Math/evaluation/utils.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/aime/evaluate_aime.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/aime/evaluate_aime.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/amc/evaluate_amc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/amc/evaluate_amc.py -------------------------------------------------------------------------------- /rl-and-evals/eval/Math/math/evaluate_math.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/Math/math/evaluate_math.py -------------------------------------------------------------------------------- /rl-and-evals/eval/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/README.md -------------------------------------------------------------------------------- /rl-and-evals/eval/data/AI-MO/aimo-validation-aime/aimo-validation-aime.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/data/AI-MO/aimo-validation-aime/aimo-validation-aime.jsonl -------------------------------------------------------------------------------- /rl-and-evals/eval/data/AI-MO/aimo-validation-amc/aimo-validation-amc.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/data/AI-MO/aimo-validation-amc/aimo-validation-amc.jsonl -------------------------------------------------------------------------------- /rl-and-evals/eval/data/college_math/test.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/data/college_math/test.jsonl -------------------------------------------------------------------------------- /rl-and-evals/eval/data/gaokao2023en/test.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/data/gaokao2023en/test.jsonl -------------------------------------------------------------------------------- /rl-and-evals/eval/data/humaneval/HumanEval.jsonl.gz: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/data/humaneval/HumanEval.jsonl.gz -------------------------------------------------------------------------------- /rl-and-evals/eval/data/leetcode/leetcode-test.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/data/leetcode/leetcode-test.json -------------------------------------------------------------------------------- /rl-and-evals/eval/data/math500/math_test_cleaned.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/data/math500/math_test_cleaned.json -------------------------------------------------------------------------------- /rl-and-evals/eval/data/mbpp/new_mbpp.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/data/mbpp/new_mbpp.json -------------------------------------------------------------------------------- /rl-and-evals/eval/data/minerva_math/test.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/data/minerva_math/test.jsonl -------------------------------------------------------------------------------- /rl-and-evals/eval/data/olympiadbench/test.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/data/olympiadbench/test.jsonl -------------------------------------------------------------------------------- /rl-and-evals/eval/requirements_lcb.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/requirements_lcb.txt -------------------------------------------------------------------------------- /rl-and-evals/eval/requirements_prime.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/requirements_prime.txt -------------------------------------------------------------------------------- /rl-and-evals/eval/requirements_qwen_math.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/requirements_qwen_math.txt -------------------------------------------------------------------------------- /rl-and-evals/eval/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/run.sh -------------------------------------------------------------------------------- /rl-and-evals/eval/system_prompt.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/system_prompt.md -------------------------------------------------------------------------------- /rl-and-evals/eval/utils/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/utils/data.py -------------------------------------------------------------------------------- /rl-and-evals/eval/utils/evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/utils/evaluation.py -------------------------------------------------------------------------------- /rl-and-evals/eval/utils/evaluation_leetcode.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/utils/evaluation_leetcode.py -------------------------------------------------------------------------------- /rl-and-evals/eval/utils/execution.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/utils/execution.py -------------------------------------------------------------------------------- /rl-and-evals/eval/utils/execution_leetcode.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/utils/execution_leetcode.py -------------------------------------------------------------------------------- /rl-and-evals/eval/utils/grader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/utils/grader.py -------------------------------------------------------------------------------- /rl-and-evals/eval/utils/math_equivalence.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/utils/math_equivalence.py -------------------------------------------------------------------------------- /rl-and-evals/eval/utils/python_interpreter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/utils/python_interpreter.py -------------------------------------------------------------------------------- /rl-and-evals/eval/utils/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/eval/utils/util.py -------------------------------------------------------------------------------- /rl-and-evals/figures/performance.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/figures/performance.png -------------------------------------------------------------------------------- /rl-and-evals/figures/prime-algo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/figures/prime-algo.png -------------------------------------------------------------------------------- /rl-and-evals/figures/prm.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/figures/prm.gif -------------------------------------------------------------------------------- /rl-and-evals/training/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/README.md -------------------------------------------------------------------------------- /rl-and-evals/training/examples/run_prime_main.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/examples/run_prime_main.sh -------------------------------------------------------------------------------- /rl-and-evals/training/intellect-math-scripts/train_intellect_math_7b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/intellect-math-scripts/train_intellect_math_7b.sh -------------------------------------------------------------------------------- /rl-and-evals/training/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/requirements.txt -------------------------------------------------------------------------------- /rl-and-evals/training/scripts/data_prepare.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/scripts/data_prepare.py -------------------------------------------------------------------------------- /rl-and-evals/training/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/setup.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/models/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/models/README.md -------------------------------------------------------------------------------- /rl-and-evals/training/verl/models/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/models/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/models/llama/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /rl-and-evals/training/verl/models/llama/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/models/llama/megatron/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/models/llama/megatron/checkpoint_utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/models/llama/megatron/checkpoint_utils/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/models/llama/megatron/checkpoint_utils/llama_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/models/llama/megatron/checkpoint_utils/llama_loader.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/models/llama/megatron/checkpoint_utils/llama_saver.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/models/llama/megatron/checkpoint_utils/llama_saver.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/models/llama/megatron/layers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/models/llama/megatron/layers/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/models/llama/megatron/layers/parallel_attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/models/llama/megatron/layers/parallel_attention.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/models/llama/megatron/layers/parallel_decoder.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/models/llama/megatron/layers/parallel_decoder.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/models/llama/megatron/layers/parallel_linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/models/llama/megatron/layers/parallel_linear.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/models/llama/megatron/layers/parallel_mlp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/models/llama/megatron/layers/parallel_mlp.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/models/llama/megatron/layers/parallel_rmsnorm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/models/llama/megatron/layers/parallel_rmsnorm.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/models/llama/megatron/modeling_llama_megatron.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/models/llama/megatron/modeling_llama_megatron.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/models/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/models/registry.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/models/weight_loader_registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/models/weight_loader_registry.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/protocol.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/protocol.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/single_controller/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/single_controller/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/single_controller/base/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/single_controller/base/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/single_controller/base/decorator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/single_controller/base/decorator.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/single_controller/base/dp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/single_controller/base/dp.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/single_controller/base/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/single_controller/base/megatron/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/single_controller/base/megatron/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/single_controller/base/megatron/worker.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/single_controller/base/megatron/worker_group.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/single_controller/base/megatron/worker_group.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/single_controller/base/register_center/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/single_controller/base/register_center/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/single_controller/base/register_center/ray.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/single_controller/base/register_center/ray.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/single_controller/base/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/single_controller/base/worker.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/single_controller/base/worker_group.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/single_controller/base/worker_group.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/single_controller/ray/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/single_controller/ray/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/single_controller/ray/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/single_controller/ray/base.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/single_controller/ray/decorator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/single_controller/ray/decorator.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/single_controller/ray/dist_data_pass_protocol.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/single_controller/ray/dist_data_pass_protocol.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/single_controller/ray/dp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/single_controller/ray/dp.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/single_controller/ray/megatron.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/single_controller/ray/megatron.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/single_controller/version/version: -------------------------------------------------------------------------------- 1 | 0.0.2 -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_3_1/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_3_1/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_3_1/arg_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_3_1/arg_utils.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_3_1/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_3_1/config.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_3_1/llm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_3_1/llm.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_3_1/llm_engine_sp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_3_1/llm_engine_sp.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_3_1/model_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_3_1/model_loader.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_3_1/model_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_3_1/model_runner.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_3_1/parallel_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_3_1/parallel_state.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_3_1/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_3_1/tokenizer.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_3_1/weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_3_1/weight_loaders.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_3_1/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_3_1/worker.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_4_2/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_4_2/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_4_2/arg_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_4_2/arg_utils.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_4_2/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_4_2/config.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_4_2/dtensor_weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_4_2/dtensor_weight_loaders.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_4_2/hf_weight_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_4_2/hf_weight_loader.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_4_2/llm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_4_2/llm.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_4_2/llm_engine_sp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_4_2/llm_engine_sp.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_4_2/megatron_weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_4_2/megatron_weight_loaders.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_4_2/model_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_4_2/model_loader.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_4_2/model_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_4_2/model_runner.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_4_2/parallel_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_4_2/parallel_state.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_4_2/spmd_gpu_executor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_4_2/spmd_gpu_executor.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_4_2/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_4_2/tokenizer.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_4_2/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_4_2/worker.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_5_4/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_5_4/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_5_4/arg_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_5_4/arg_utils.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_5_4/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_5_4/config.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_5_4/dtensor_weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_5_4/dtensor_weight_loaders.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_5_4/hf_weight_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_5_4/hf_weight_loader.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_5_4/llm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_5_4/llm.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_5_4/llm_engine_sp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_5_4/llm_engine_sp.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_5_4/megatron_weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_5_4/megatron_weight_loaders.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_5_4/model_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_5_4/model_loader.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_5_4/model_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_5_4/model_runner.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_5_4/parallel_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_5_4/parallel_state.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_5_4/spmd_gpu_executor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_5_4/spmd_gpu_executor.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_5_4/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_5_4/tokenizer.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_5_4/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_5_4/worker.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_6_3/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_6_3/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_6_3/arg_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_6_3/arg_utils.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_6_3/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_6_3/config.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_6_3/dtensor_weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_6_3/dtensor_weight_loaders.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_6_3/hf_weight_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_6_3/hf_weight_loader.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_6_3/llm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_6_3/llm.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_6_3/llm_engine_sp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_6_3/llm_engine_sp.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_6_3/megatron_weight_loaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_6_3/megatron_weight_loaders.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_6_3/model_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_6_3/model_loader.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_6_3/model_runner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_6_3/model_runner.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_6_3/parallel_state.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_6_3/parallel_state.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_6_3/spmd_gpu_executor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_6_3/spmd_gpu_executor.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_6_3/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_6_3/tokenizer.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/third_party/vllm/vllm_v_0_6_3/worker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/third_party/vllm/vllm_v_0_6_3/worker.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/trainer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/trainer/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/trainer/config/evaluation.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/trainer/config/evaluation.yaml -------------------------------------------------------------------------------- /rl-and-evals/training/verl/trainer/config/generation.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/trainer/config/generation.yaml -------------------------------------------------------------------------------- /rl-and-evals/training/verl/trainer/config/ppo_megatron_trainer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/trainer/config/ppo_megatron_trainer.yaml -------------------------------------------------------------------------------- /rl-and-evals/training/verl/trainer/config/ppo_trainer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/trainer/config/ppo_trainer.yaml -------------------------------------------------------------------------------- /rl-and-evals/training/verl/trainer/config/sft_trainer.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/trainer/config/sft_trainer.yaml -------------------------------------------------------------------------------- /rl-and-evals/training/verl/trainer/fsdp_sft_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/trainer/fsdp_sft_trainer.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/trainer/main_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/trainer/main_eval.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/trainer/main_generation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/trainer/main_generation.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/trainer/main_ppo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/trainer/main_ppo.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/trainer/ppo/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/trainer/ppo/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/trainer/ppo/core_algos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/trainer/ppo/core_algos.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/trainer/ppo/ray_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/trainer/ppo/ray_trainer.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/trainer/runtime_env.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/trainer/runtime_env.yaml -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/config.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/dataset/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/dataset/README.md -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/dataset/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/dataset/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/dataset/rl_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/dataset/rl_dataset.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/dataset/rm_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/dataset/rm_dataset.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/dataset/sft_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/dataset/sft_dataset.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/debug/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/debug/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/debug/performance.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/debug/performance.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/debug/trajectory_tracker.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/debug/trajectory_tracker.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/distributed.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/distributed.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/fs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/fs.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/fsdp_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/fsdp_utils.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/hdfs_io.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/hdfs_io.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/import_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/import_utils.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/logger/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/logger/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/logger/aggregate_logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/logger/aggregate_logger.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/logging_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/logging_utils.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/megatron/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/megatron/memory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/megatron/memory.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/megatron/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/megatron/optimizer.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/megatron/optimizer_config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/megatron/optimizer_config.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/megatron/pipeline_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/megatron/pipeline_parallel.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/megatron/sequence_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/megatron/sequence_parallel.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/megatron/tensor_parallel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/megatron/tensor_parallel.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/megatron_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/megatron_utils.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/memory_buffer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/memory_buffer.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/model.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/py_functional.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/py_functional.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/ray_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/ray_utils.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/rendezvous/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/rendezvous/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/rendezvous/ray_backend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/rendezvous/ray_backend.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/reward_score/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/reward_score/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/reward_score/evaluation_utils/code_util/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/reward_score/evaluation_utils/code_util/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/reward_score/evaluation_utils/code_util/testing_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/reward_score/evaluation_utils/code_util/testing_util.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/reward_score/evaluation_utils/code_util/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/reward_score/evaluation_utils/code_util/utils.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/reward_score/evaluation_utils/math_util/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/reward_score/evaluation_utils/math_util/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/reward_score/evaluation_utils/math_util/grader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/reward_score/evaluation_utils/math_util/grader.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/reward_score/evaluation_utils/math_util/math_normalize.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/reward_score/evaluation_utils/math_util/math_normalize.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/reward_score/gsm8k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/reward_score/gsm8k.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/reward_score/math.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/reward_score/math.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/reward_score/prime.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/reward_score/prime.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/tokenizer.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/torch_dtypes.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/torch_dtypes.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/torch_functional.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/torch_functional.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/utils/tracking.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/utils/tracking.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/version/version: -------------------------------------------------------------------------------- 1 | 0.1 -------------------------------------------------------------------------------- /rl-and-evals/training/verl/workers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/workers/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/workers/actor/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/workers/actor/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/workers/actor/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/workers/actor/base.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/workers/actor/dp_actor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/workers/actor/dp_actor.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/workers/actor/dp_prime.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/workers/actor/dp_prime.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/workers/actor/megatron_actor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/workers/actor/megatron_actor.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/workers/critic/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/workers/critic/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/workers/critic/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/workers/critic/base.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/workers/critic/dp_critic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/workers/critic/dp_critic.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/workers/critic/megatron_critic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/workers/critic/megatron_critic.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/workers/fsdp_workers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/workers/fsdp_workers.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/workers/hybrid_engine/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/workers/hybrid_engine/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/workers/hybrid_engine/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/workers/hybrid_engine/base.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/workers/hybrid_engine/fsdp_vllm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/workers/hybrid_engine/fsdp_vllm.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/workers/hybrid_engine/megatron_vllm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/workers/hybrid_engine/megatron_vllm.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/workers/megatron_workers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/workers/megatron_workers.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/workers/reward_model/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/workers/reward_model/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/workers/reward_model/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/workers/reward_model/base.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/workers/reward_model/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/workers/reward_model/megatron/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/workers/reward_model/megatron/reward_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/workers/reward_model/megatron/reward_model.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/workers/rollout/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/workers/rollout/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/workers/rollout/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/workers/rollout/base.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/workers/rollout/hf_rollout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/workers/rollout/hf_rollout.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/workers/rollout/naive/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/workers/rollout/naive/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/workers/rollout/naive/naive_rollout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/workers/rollout/naive/naive_rollout.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/workers/rollout/tokenizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/workers/rollout/tokenizer.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/workers/rollout/vllm_rollout/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/workers/rollout/vllm_rollout/__init__.py -------------------------------------------------------------------------------- /rl-and-evals/training/verl/workers/rollout/vllm_rollout/vllm_rollout.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/rl-and-evals/training/verl/workers/rollout/vllm_rollout/vllm_rollout.py -------------------------------------------------------------------------------- /sft/.flake8: -------------------------------------------------------------------------------- 1 | [flake8] 2 | extend-ignore = E203,E402 -------------------------------------------------------------------------------- /sft/.github/actions/push/action.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/.github/actions/push/action.yaml -------------------------------------------------------------------------------- /sft/.github/actions/setup/action.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/.github/actions/setup/action.yaml -------------------------------------------------------------------------------- /sft/.github/workflows/push-image.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/.github/workflows/push-image.yml -------------------------------------------------------------------------------- /sft/.github/workflows/quality.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/.github/workflows/quality.yml -------------------------------------------------------------------------------- /sft/.github/workflows/tests.yml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/.github/workflows/tests.yml -------------------------------------------------------------------------------- /sft/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/.gitignore -------------------------------------------------------------------------------- /sft/.gitmodules: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/.gitmodules -------------------------------------------------------------------------------- /sft/Dockerfile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/Dockerfile -------------------------------------------------------------------------------- /sft/Dockerfile.base: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/Dockerfile.base -------------------------------------------------------------------------------- /sft/Dockerfile.uv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/Dockerfile.uv -------------------------------------------------------------------------------- /sft/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/LICENSE -------------------------------------------------------------------------------- /sft/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/Makefile -------------------------------------------------------------------------------- /sft/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/README.md -------------------------------------------------------------------------------- /sft/assets/images/tulu_logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/assets/images/tulu_logo.png -------------------------------------------------------------------------------- /sft/assets/model_licenses/llama_license.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/assets/model_licenses/llama_license.txt -------------------------------------------------------------------------------- /sft/assets/model_licenses/opt_license.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/assets/model_licenses/opt_license.txt -------------------------------------------------------------------------------- /sft/assets/model_licenses/pythia_license.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/assets/model_licenses/pythia_license.txt -------------------------------------------------------------------------------- /sft/assets/model_licenses/tulu_license.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/assets/model_licenses/tulu_license.txt -------------------------------------------------------------------------------- /sft/configs/beaker_configs/alpaca_7B.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/beaker_configs/alpaca_7B.yaml -------------------------------------------------------------------------------- /sft/configs/beaker_configs/alpaca_7B_lora.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/beaker_configs/alpaca_7B_lora.yaml -------------------------------------------------------------------------------- /sft/configs/beaker_configs/default_dpo.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/beaker_configs/default_dpo.yaml -------------------------------------------------------------------------------- /sft/configs/beaker_configs/default_dpo_multinode.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/beaker_configs/default_dpo_multinode.yaml -------------------------------------------------------------------------------- /sft/configs/beaker_configs/default_dpo_multinode_olmo2_1124.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/beaker_configs/default_dpo_multinode_olmo2_1124.yaml -------------------------------------------------------------------------------- /sft/configs/beaker_configs/default_dpo_multinode_olmo2_1124_augusta.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/beaker_configs/default_dpo_multinode_olmo2_1124_augusta.yaml -------------------------------------------------------------------------------- /sft/configs/beaker_configs/default_eval.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/beaker_configs/default_eval.yaml -------------------------------------------------------------------------------- /sft/configs/beaker_configs/default_finetune.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/beaker_configs/default_finetune.yaml -------------------------------------------------------------------------------- /sft/configs/beaker_configs/default_finetune_lora_multinode.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/beaker_configs/default_finetune_lora_multinode.yaml -------------------------------------------------------------------------------- /sft/configs/beaker_configs/default_finetune_multinode.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/beaker_configs/default_finetune_multinode.yaml -------------------------------------------------------------------------------- /sft/configs/beaker_configs/default_finetune_multinode_olmo2_1124.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/beaker_configs/default_finetune_multinode_olmo2_1124.yaml -------------------------------------------------------------------------------- /sft/configs/beaker_configs/default_finetune_multinode_olmo2_1124_augusta.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/beaker_configs/default_finetune_multinode_olmo2_1124_augusta.yaml -------------------------------------------------------------------------------- /sft/configs/beaker_configs/default_finetune_qlora_multinode.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/beaker_configs/default_finetune_qlora_multinode.yaml -------------------------------------------------------------------------------- /sft/configs/beaker_configs/ray_node_setup.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/beaker_configs/ray_node_setup.sh -------------------------------------------------------------------------------- /sft/configs/beaker_configs/run_weight_diff.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/beaker_configs/run_weight_diff.sh -------------------------------------------------------------------------------- /sft/configs/ds_configs/deepspeed_zero2.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/ds_configs/deepspeed_zero2.yaml -------------------------------------------------------------------------------- /sft/configs/ds_configs/deepspeed_zero3.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/ds_configs/deepspeed_zero3.yaml -------------------------------------------------------------------------------- /sft/configs/ds_configs/stage3_no_offloading.conf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/ds_configs/stage3_no_offloading.conf -------------------------------------------------------------------------------- /sft/configs/ds_configs/stage3_no_offloading_accelerate.conf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/ds_configs/stage3_no_offloading_accelerate.conf -------------------------------------------------------------------------------- /sft/configs/ds_configs/stage3_offloading.conf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/ds_configs/stage3_offloading.conf -------------------------------------------------------------------------------- /sft/configs/ds_configs/stage3_offloading_accelerate.conf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/ds_configs/stage3_offloading_accelerate.conf -------------------------------------------------------------------------------- /sft/configs/train_configs/dpo/default.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/dpo/default.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/dpo/final_best_70b_dpo_config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/dpo/final_best_70b_dpo_config.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/dpo/final_best_8b_dpo_config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/dpo/final_best_8b_dpo_config.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/dpo/mini.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/dpo/mini.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/dpo/olmo_1b_mix_example.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/dpo/olmo_1b_mix_example.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/dpo/olmo_7b_17_inst.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/dpo/olmo_7b_17_inst.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/dpo/tulu3_preview_pref_v3.0.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/dpo/tulu3_preview_pref_v3.0.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/dpo/tulu3_preview_pref_v3.1.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/dpo/tulu3_preview_pref_v3.1.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/dpo/tulu3_preview_pref_v3.2.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/dpo/tulu3_preview_pref_v3.2.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/dpo/tulu3_preview_pref_v3.3.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/dpo/tulu3_preview_pref_v3.3.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/dpo/tulu3_preview_test_simpo.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/dpo/tulu3_preview_test_simpo.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/dpo/tulu_3_preview_test_if_faeze.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/dpo/tulu_3_preview_test_if_faeze.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/dpo/valpy_dpo.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/dpo/valpy_dpo.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/dpo/valpy_dpo_mix_new.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/dpo/valpy_dpo_mix_new.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/olmo2/olmo2_1124_13b_dpo.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/olmo2/olmo2_1124_13b_dpo.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/olmo2/olmo2_1124_13b_sft.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/olmo2/olmo2_1124_13b_sft.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/olmo2/olmo2_1124_7b_dpo.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/olmo2/olmo2_1124_7b_dpo.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/olmo2/olmo2_1124_7b_sft.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/olmo2/olmo2_1124_7b_sft.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/default.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/default.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/mini.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/mini.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/olmo_7b_17_remix_sft.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/olmo_7b_17_remix_sft.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/olmo_7b_17_safe_sft.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/olmo_7b_17_safe_sft.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/olmo_7b_17_sft.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/olmo_7b_17_sft.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/olmo_7b_sft.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/olmo_7b_sft.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/olmoe_preview_mix_v3.1.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/olmoe_preview_mix_v3.1.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu2_13b.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu2_13b.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu2_70b.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu2_70b.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu2_7b.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu2_7b.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu2_7b_lora.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu2_7b_lora.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu2_7b_qlora.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu2_7b_qlora.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu2_7b_remix.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu2_7b_remix.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_70b_preview_mix_v3.8-commercial.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_70b_preview_mix_v3.8-commercial.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_70b_preview_mix_v3.8-noncommercial.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_70b_preview_mix_v3.8-noncommercial.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_70b_preview_mix_v3.9-noncommercial.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_70b_preview_mix_v3.9-noncommercial.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_no_robot.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_no_robot.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.0.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.0.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.1.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.1.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.10.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.10.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.2.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.2.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.3.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.3.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.0.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.0.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.1.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.1.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.10.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.10.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.11.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.11.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.12.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.12.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.13.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.13.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.14.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.14.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.15.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.15.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.16.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.16.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.17.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.17.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.18.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.18.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.19.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.19.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.2.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.2.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.20.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.20.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.21.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.21.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.22.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.22.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.23.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.23.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.24.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.24.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.25.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.25.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.26.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.26.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.27.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.27.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.28.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.28.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.29.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.29.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.3.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.3.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.30.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.30.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.31.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.31.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.32.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.32.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.4.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.4.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.5.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.5.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.6.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.6.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.7.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.7.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.8.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.8.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.9.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.x/tulu3_8b_preview_mix_v3.4.9.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.4.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.6.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.6.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.7.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.7.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.8-commercial.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.8-commercial.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.8-noncommercial.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.8-noncommercial.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.9-noncommercial.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_8b_preview_mix_v3.9-noncommercial.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_L3.1_70b_preview_mix_v3.3.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_L3.1_70b_preview_mix_v3.3.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/sft/tulu3_L3.1_8b_math_faeze.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/sft/tulu3_L3.1_8b_math_faeze.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/tulu3/tulu3_dpo_70b.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/tulu3/tulu3_dpo_70b.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/tulu3/tulu3_dpo_8b.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/tulu3/tulu3_dpo_8b.yaml -------------------------------------------------------------------------------- /sft/configs/train_configs/tulu3/tulu3_sft.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/configs/train_configs/tulu3/tulu3_sft.yaml -------------------------------------------------------------------------------- /sft/decontamination/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/decontamination/README.md -------------------------------------------------------------------------------- /sft/decontamination/index.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/decontamination/index.py -------------------------------------------------------------------------------- /sft/decontamination/search.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/decontamination/search.py -------------------------------------------------------------------------------- /sft/docs/ai2_internal.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/docs/ai2_internal.md -------------------------------------------------------------------------------- /sft/docs/algorithms/online_dpo.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/docs/algorithms/online_dpo.md -------------------------------------------------------------------------------- /sft/docs/algorithms/ppo.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/docs/algorithms/ppo.md -------------------------------------------------------------------------------- /sft/docs/algorithms/rejection_sampling.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/docs/algorithms/rejection_sampling.md -------------------------------------------------------------------------------- /sft/docs/algorithms/reward_modeling.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/docs/algorithms/reward_modeling.md -------------------------------------------------------------------------------- /sft/docs/algorithms/reward_modeling_colored_tokens.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/docs/algorithms/reward_modeling_colored_tokens.png -------------------------------------------------------------------------------- /sft/docs/algorithms/reward_modeling_ds.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/docs/algorithms/reward_modeling_ds.png -------------------------------------------------------------------------------- /sft/docs/algorithms/reward_modeling_hf_repo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/docs/algorithms/reward_modeling_hf_repo.png -------------------------------------------------------------------------------- /sft/docs/algorithms/reward_modeling_hf_viz.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/docs/algorithms/reward_modeling_hf_viz.png -------------------------------------------------------------------------------- /sft/docs/algorithms/reward_modeling_preference_sample_texts.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/docs/algorithms/reward_modeling_preference_sample_texts.png -------------------------------------------------------------------------------- /sft/docs/algorithms/reward_modeling_token.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/docs/algorithms/reward_modeling_token.png -------------------------------------------------------------------------------- /sft/docs/algorithms/reward_modeling_token_wandb.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/docs/algorithms/reward_modeling_token_wandb.png -------------------------------------------------------------------------------- /sft/docs/algorithms/synthetic_preference_dataset.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/docs/algorithms/synthetic_preference_dataset.md -------------------------------------------------------------------------------- /sft/docs/algorithms/synthetic_preference_dataset.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/docs/algorithms/synthetic_preference_dataset.png -------------------------------------------------------------------------------- /sft/docs/data/preference-data.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/docs/data/preference-data.md -------------------------------------------------------------------------------- /sft/docs/safety-eval/safety.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/docs/safety-eval/safety.md -------------------------------------------------------------------------------- /sft/docs/safety.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/docs/safety.md -------------------------------------------------------------------------------- /sft/docs/tulu1_tulu2.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/docs/tulu1_tulu2.md -------------------------------------------------------------------------------- /sft/docs/tulu3.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/docs/tulu3.md -------------------------------------------------------------------------------- /sft/eval/MATH/examplars.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/eval/MATH/examplars.py -------------------------------------------------------------------------------- /sft/eval/MATH/minerva_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/eval/MATH/minerva_utils.py -------------------------------------------------------------------------------- /sft/eval/MATH/run_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/eval/MATH/run_eval.py -------------------------------------------------------------------------------- /sft/eval/MATH/utilities.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/eval/MATH/utilities.py -------------------------------------------------------------------------------- /sft/eval/alpaca_farm/run_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/eval/alpaca_farm/run_eval.py -------------------------------------------------------------------------------- /sft/eval/bbh/run_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/eval/bbh/run_eval.py -------------------------------------------------------------------------------- /sft/eval/codex_humaneval/data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/eval/codex_humaneval/data.py -------------------------------------------------------------------------------- /sft/eval/codex_humaneval/evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/eval/codex_humaneval/evaluation.py -------------------------------------------------------------------------------- /sft/eval/codex_humaneval/execution.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/eval/codex_humaneval/execution.py -------------------------------------------------------------------------------- /sft/eval/codex_humaneval/run_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/eval/codex_humaneval/run_eval.py -------------------------------------------------------------------------------- /sft/eval/dispatch_openai_requests.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/eval/dispatch_openai_requests.py -------------------------------------------------------------------------------- /sft/eval/gsm/examplars.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/eval/gsm/examplars.py -------------------------------------------------------------------------------- /sft/eval/gsm/run_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/eval/gsm/run_eval.py -------------------------------------------------------------------------------- /sft/eval/ifeval/instructions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/eval/ifeval/instructions.py -------------------------------------------------------------------------------- /sft/eval/ifeval/instructions_registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/eval/ifeval/instructions_registry.py -------------------------------------------------------------------------------- /sft/eval/ifeval/instructions_util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/eval/ifeval/instructions_util.py -------------------------------------------------------------------------------- /sft/eval/ifeval/run_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/eval/ifeval/run_eval.py -------------------------------------------------------------------------------- /sft/eval/mbpp/evaluation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/eval/mbpp/evaluation.py -------------------------------------------------------------------------------- /sft/eval/mbpp/execution.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/eval/mbpp/execution.py -------------------------------------------------------------------------------- /sft/eval/mbpp/mbpp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/eval/mbpp/mbpp.py -------------------------------------------------------------------------------- /sft/eval/mbpp/run_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/eval/mbpp/run_eval.py -------------------------------------------------------------------------------- /sft/eval/mmlu/categories.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/eval/mmlu/categories.py -------------------------------------------------------------------------------- /sft/eval/mmlu/run_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/eval/mmlu/run_eval.py -------------------------------------------------------------------------------- /sft/eval/predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/eval/predict.py -------------------------------------------------------------------------------- /sft/eval/templates.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/eval/templates.py -------------------------------------------------------------------------------- /sft/eval/toxigen/run_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/eval/toxigen/run_eval.py -------------------------------------------------------------------------------- /sft/eval/truthfulqa/configs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/eval/truthfulqa/configs.py -------------------------------------------------------------------------------- /sft/eval/truthfulqa/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/eval/truthfulqa/metrics.py -------------------------------------------------------------------------------- /sft/eval/truthfulqa/presets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/eval/truthfulqa/presets.py -------------------------------------------------------------------------------- /sft/eval/truthfulqa/run_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/eval/truthfulqa/run_eval.py -------------------------------------------------------------------------------- /sft/eval/truthfulqa/utilities.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/eval/truthfulqa/utilities.py -------------------------------------------------------------------------------- /sft/eval/tydiqa/run_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/eval/tydiqa/run_eval.py -------------------------------------------------------------------------------- /sft/eval/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/eval/utils.py -------------------------------------------------------------------------------- /sft/eval/xstest/classify_refusal.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/eval/xstest/classify_refusal.py -------------------------------------------------------------------------------- /sft/eval/xstest/run_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/eval/xstest/run_eval.py -------------------------------------------------------------------------------- /sft/human_eval/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/human_eval/README.md -------------------------------------------------------------------------------- /sft/human_eval/app.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/human_eval/app.py -------------------------------------------------------------------------------- /sft/human_eval/compute_metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/human_eval/compute_metrics.py -------------------------------------------------------------------------------- /sft/human_eval/data/eval_annotations_tulu_1.xlsx: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/human_eval/data/eval_annotations_tulu_1.xlsx -------------------------------------------------------------------------------- /sft/human_eval/data/eval_instances_tulu_1.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/human_eval/data/eval_instances_tulu_1.jsonl -------------------------------------------------------------------------------- /sft/human_eval/export_db.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/human_eval/export_db.py -------------------------------------------------------------------------------- /sft/human_eval/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/human_eval/requirements.txt -------------------------------------------------------------------------------- /sft/human_eval/screenshot.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/human_eval/screenshot.png -------------------------------------------------------------------------------- /sft/human_eval/static/app.js: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/human_eval/static/app.js -------------------------------------------------------------------------------- /sft/human_eval/static/favicon.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/human_eval/static/favicon.png -------------------------------------------------------------------------------- /sft/human_eval/static/styles.css: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/human_eval/static/styles.css -------------------------------------------------------------------------------- /sft/human_eval/templates/index.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/human_eval/templates/index.html -------------------------------------------------------------------------------- /sft/human_eval/templates/login.html: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/human_eval/templates/login.html -------------------------------------------------------------------------------- /sft/intellect-math-scripts/train_intellect_math_7b_sft.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/intellect-math-scripts/train_intellect_math_7b_sft.sh -------------------------------------------------------------------------------- /sft/mason.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/mason.py -------------------------------------------------------------------------------- /sft/open_instruct/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/open_instruct/__init__.py -------------------------------------------------------------------------------- /sft/open_instruct/dataset_processor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/open_instruct/dataset_processor.py -------------------------------------------------------------------------------- /sft/open_instruct/dpo_tune.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/open_instruct/dpo_tune.py -------------------------------------------------------------------------------- /sft/open_instruct/dpo_tune_cache.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/open_instruct/dpo_tune_cache.py -------------------------------------------------------------------------------- /sft/open_instruct/dpo_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/open_instruct/dpo_utils.py -------------------------------------------------------------------------------- /sft/open_instruct/finetune.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/open_instruct/finetune.py -------------------------------------------------------------------------------- /sft/open_instruct/ground_truth_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/open_instruct/ground_truth_utils.py -------------------------------------------------------------------------------- /sft/open_instruct/if_functions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/open_instruct/if_functions.py -------------------------------------------------------------------------------- /sft/open_instruct/math_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/open_instruct/math_utils.py -------------------------------------------------------------------------------- /sft/open_instruct/merge_lora.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/open_instruct/merge_lora.py -------------------------------------------------------------------------------- /sft/open_instruct/mix_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/open_instruct/mix_data.py -------------------------------------------------------------------------------- /sft/open_instruct/mix_data_preferences.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/open_instruct/mix_data_preferences.py -------------------------------------------------------------------------------- /sft/open_instruct/model_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/open_instruct/model_utils.py -------------------------------------------------------------------------------- /sft/open_instruct/online_dpo_vllm_thread.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/open_instruct/online_dpo_vllm_thread.py -------------------------------------------------------------------------------- /sft/open_instruct/ppo_vllm_thread.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/open_instruct/ppo_vllm_thread.py -------------------------------------------------------------------------------- /sft/open_instruct/ppo_vllm_thread_ray.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/open_instruct/ppo_vllm_thread_ray.py -------------------------------------------------------------------------------- /sft/open_instruct/ppo_vllm_thread_ray_gtrl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/open_instruct/ppo_vllm_thread_ray_gtrl.py -------------------------------------------------------------------------------- /sft/open_instruct/rejection_sampling/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /sft/open_instruct/rejection_sampling/api_generate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/open_instruct/rejection_sampling/api_generate.py -------------------------------------------------------------------------------- /sft/open_instruct/rejection_sampling/generation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/open_instruct/rejection_sampling/generation.py -------------------------------------------------------------------------------- /sft/open_instruct/rejection_sampling/prompt_templates.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/open_instruct/rejection_sampling/prompt_templates.py -------------------------------------------------------------------------------- /sft/open_instruct/rejection_sampling/rejection_sampling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/open_instruct/rejection_sampling/rejection_sampling.py -------------------------------------------------------------------------------- /sft/open_instruct/rejection_sampling/synthetic_preference_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/open_instruct/rejection_sampling/synthetic_preference_dataset.py -------------------------------------------------------------------------------- /sft/open_instruct/reward_modeling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/open_instruct/reward_modeling.py -------------------------------------------------------------------------------- /sft/open_instruct/reward_modeling_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/open_instruct/reward_modeling_eval.py -------------------------------------------------------------------------------- /sft/open_instruct/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/open_instruct/test_utils.py -------------------------------------------------------------------------------- /sft/open_instruct/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/open_instruct/utils.py -------------------------------------------------------------------------------- /sft/open_instruct/vllm_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/open_instruct/vllm_utils.py -------------------------------------------------------------------------------- /sft/open_instruct/vllm_utils2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/open_instruct/vllm_utils2.py -------------------------------------------------------------------------------- /sft/pyproject.toml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/pyproject.toml -------------------------------------------------------------------------------- /sft/quantize/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/quantize/README.md -------------------------------------------------------------------------------- /sft/quantize/experiments/gptq_compress_llama_7b.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/quantize/experiments/gptq_compress_llama_7b.py -------------------------------------------------------------------------------- /sft/quantize/quantize_autogptq_wikitext.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/quantize/quantize_autogptq_wikitext.py -------------------------------------------------------------------------------- /sft/quantize/scripts/eval_on_mmlu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/quantize/scripts/eval_on_mmlu.sh -------------------------------------------------------------------------------- /sft/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/requirements.txt -------------------------------------------------------------------------------- /sft/scripts/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/README.md -------------------------------------------------------------------------------- /sft/scripts/add_metadata.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/add_metadata.py -------------------------------------------------------------------------------- /sft/scripts/add_metadata_from_wandb.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/add_metadata_from_wandb.py -------------------------------------------------------------------------------- /sft/scripts/cache_hf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/cache_hf.py -------------------------------------------------------------------------------- /sft/scripts/collect_eval_results.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/collect_eval_results.py -------------------------------------------------------------------------------- /sft/scripts/convert_olmo_1124_weights_to_hf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/convert_olmo_1124_weights_to_hf.py -------------------------------------------------------------------------------- /sft/scripts/create_ground_truth_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/create_ground_truth_data.py -------------------------------------------------------------------------------- /sft/scripts/data/get_statistics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/get_statistics.py -------------------------------------------------------------------------------- /sft/scripts/data/get_statistics_tulu_v3.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/get_statistics_tulu_v3.sh -------------------------------------------------------------------------------- /sft/scripts/data/get_token_distribution.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/get_token_distribution.py -------------------------------------------------------------------------------- /sft/scripts/data/gsm8k.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/gsm8k.py -------------------------------------------------------------------------------- /sft/scripts/data/preferences/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /sft/scripts/data/preferences/dataset_info.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/preferences/dataset_info.py -------------------------------------------------------------------------------- /sft/scripts/data/preferences/helpsteer2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/preferences/helpsteer2.py -------------------------------------------------------------------------------- /sft/scripts/data/preferences/helpsteer2_nvidia.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/preferences/helpsteer2_nvidia.py -------------------------------------------------------------------------------- /sft/scripts/data/preferences/hh-harmless.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/preferences/hh-harmless.py -------------------------------------------------------------------------------- /sft/scripts/data/preferences/hh-helpful.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/preferences/hh-helpful.py -------------------------------------------------------------------------------- /sft/scripts/data/preferences/nectar.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/preferences/nectar.py -------------------------------------------------------------------------------- /sft/scripts/data/preferences/prepare_all.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/preferences/prepare_all.sh -------------------------------------------------------------------------------- /sft/scripts/data/preferences/split_tulu2.5_prefs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/preferences/split_tulu2.5_prefs.py -------------------------------------------------------------------------------- /sft/scripts/data/preferences/ultrafeedback_replications.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/preferences/ultrafeedback_replications.py -------------------------------------------------------------------------------- /sft/scripts/data/preferences/ultrainteract.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/preferences/ultrainteract.py -------------------------------------------------------------------------------- /sft/scripts/data/preferences/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/preferences/utils.py -------------------------------------------------------------------------------- /sft/scripts/data/preferences/webgpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/preferences/webgpt.py -------------------------------------------------------------------------------- /sft/scripts/data/prepare_eval_data.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/prepare_eval_data.sh -------------------------------------------------------------------------------- /sft/scripts/data/read_statistics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/read_statistics.py -------------------------------------------------------------------------------- /sft/scripts/data/sft/aya.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/sft/aya.py -------------------------------------------------------------------------------- /sft/scripts/data/sft/coconot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/sft/coconot.py -------------------------------------------------------------------------------- /sft/scripts/data/sft/codefeedback_mix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/sft/codefeedback_mix.py -------------------------------------------------------------------------------- /sft/scripts/data/sft/daring_anteater.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/sft/daring_anteater.py -------------------------------------------------------------------------------- /sft/scripts/data/sft/evol_codealpaca.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/sft/evol_codealpaca.py -------------------------------------------------------------------------------- /sft/scripts/data/sft/flan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/sft/flan.py -------------------------------------------------------------------------------- /sft/scripts/data/sft/lima.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/sft/lima.py -------------------------------------------------------------------------------- /sft/scripts/data/sft/lmsys_chat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/sft/lmsys_chat.py -------------------------------------------------------------------------------- /sft/scripts/data/sft/metamath.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/sft/metamath.py -------------------------------------------------------------------------------- /sft/scripts/data/sft/no_robots.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/sft/no_robots.py -------------------------------------------------------------------------------- /sft/scripts/data/sft/numinamath.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/sft/numinamath.py -------------------------------------------------------------------------------- /sft/scripts/data/sft/open_assistant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/sft/open_assistant.py -------------------------------------------------------------------------------- /sft/scripts/data/sft/open_math_instruct.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/sft/open_math_instruct.py -------------------------------------------------------------------------------- /sft/scripts/data/sft/prepare_all.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/sft/prepare_all.sh -------------------------------------------------------------------------------- /sft/scripts/data/sft/sciriff.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/sft/sciriff.py -------------------------------------------------------------------------------- /sft/scripts/data/sft/sharegpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/sft/sharegpt.py -------------------------------------------------------------------------------- /sft/scripts/data/sft/slim_orca.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/sft/slim_orca.py -------------------------------------------------------------------------------- /sft/scripts/data/sft/table_gpt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/sft/table_gpt.py -------------------------------------------------------------------------------- /sft/scripts/data/sft/tulu_hard_coded.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/sft/tulu_hard_coded.py -------------------------------------------------------------------------------- /sft/scripts/data/sft/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/sft/utils.py -------------------------------------------------------------------------------- /sft/scripts/data/sft/web_instruct.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/sft/web_instruct.py -------------------------------------------------------------------------------- /sft/scripts/data/sft/wildchat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/sft/wildchat.py -------------------------------------------------------------------------------- /sft/scripts/data/sft/wizardlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/sft/wizardlm.py -------------------------------------------------------------------------------- /sft/scripts/data/sft_v1_v2/get_statistics.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/sft_v1_v2/get_statistics.sh -------------------------------------------------------------------------------- /sft/scripts/data/sft_v1_v2/prepare_science_data.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/sft_v1_v2/prepare_science_data.py -------------------------------------------------------------------------------- /sft/scripts/data/sft_v1_v2/prepare_tulu_v1_v2.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/sft_v1_v2/prepare_tulu_v1_v2.sh -------------------------------------------------------------------------------- /sft/scripts/data/sft_v1_v2/reformat_datasets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/sft_v1_v2/reformat_datasets.py -------------------------------------------------------------------------------- /sft/scripts/data/sft_v1_v2/resample_flan_v2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/sft_v1_v2/resample_flan_v2.py -------------------------------------------------------------------------------- /sft/scripts/data/sft_v1_v2/split_sharegpt_conversations.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/data/sft_v1_v2/split_sharegpt_conversations.py -------------------------------------------------------------------------------- /sft/scripts/dpo_train_with_accelerate.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/dpo_train_with_accelerate.sh -------------------------------------------------------------------------------- /sft/scripts/dpo_train_with_accelerate_config.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/dpo_train_with_accelerate_config.sh -------------------------------------------------------------------------------- /sft/scripts/dpo_train_with_qlora.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/dpo_train_with_qlora.sh -------------------------------------------------------------------------------- /sft/scripts/eval/MATH.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/eval/MATH.sh -------------------------------------------------------------------------------- /sft/scripts/eval/alpaca_farm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/eval/alpaca_farm.sh -------------------------------------------------------------------------------- /sft/scripts/eval/bbh.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/eval/bbh.sh -------------------------------------------------------------------------------- /sft/scripts/eval/codex_humaneval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/eval/codex_humaneval.sh -------------------------------------------------------------------------------- /sft/scripts/eval/dummy_length_scorer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/eval/dummy_length_scorer.py -------------------------------------------------------------------------------- /sft/scripts/eval/faster_oe_eval_mmlu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/eval/faster_oe_eval_mmlu.sh -------------------------------------------------------------------------------- /sft/scripts/eval/fetch_mmlu_jobs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/eval/fetch_mmlu_jobs.py -------------------------------------------------------------------------------- /sft/scripts/eval/gsm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/eval/gsm.sh -------------------------------------------------------------------------------- /sft/scripts/eval/ifeval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/eval/ifeval.sh -------------------------------------------------------------------------------- /sft/scripts/eval/mbpp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/eval/mbpp.sh -------------------------------------------------------------------------------- /sft/scripts/eval/mmlu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/eval/mmlu.sh -------------------------------------------------------------------------------- /sft/scripts/eval/oe-eval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/eval/oe-eval.sh -------------------------------------------------------------------------------- /sft/scripts/eval/toxigen.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/eval/toxigen.sh -------------------------------------------------------------------------------- /sft/scripts/eval/truthfulqa.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/eval/truthfulqa.sh -------------------------------------------------------------------------------- /sft/scripts/eval/tulu3_baselines.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/eval/tulu3_baselines.sh -------------------------------------------------------------------------------- /sft/scripts/eval/tulu3_baselines_unseen.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/eval/tulu3_baselines_unseen.sh -------------------------------------------------------------------------------- /sft/scripts/eval/tydiqa.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/eval/tydiqa.sh -------------------------------------------------------------------------------- /sft/scripts/eval/xstest.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/eval/xstest.sh -------------------------------------------------------------------------------- /sft/scripts/eval_constraints/if_functions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/eval_constraints/if_functions.py -------------------------------------------------------------------------------- /sft/scripts/finetune_lora_with_accelerate.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/finetune_lora_with_accelerate.sh -------------------------------------------------------------------------------- /sft/scripts/finetune_lora_with_accelerate_config.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/finetune_lora_with_accelerate_config.sh -------------------------------------------------------------------------------- /sft/scripts/finetune_qlora_with_accelerate.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/finetune_qlora_with_accelerate.sh -------------------------------------------------------------------------------- /sft/scripts/finetune_qlora_with_accelerate_config.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/finetune_qlora_with_accelerate_config.sh -------------------------------------------------------------------------------- /sft/scripts/finetune_with_accelerate.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/finetune_with_accelerate.sh -------------------------------------------------------------------------------- /sft/scripts/finetune_with_accelerate_config.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/finetune_with_accelerate_config.sh -------------------------------------------------------------------------------- /sft/scripts/persona_driven_data_gen/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/persona_driven_data_gen/README.md -------------------------------------------------------------------------------- /sft/scripts/persona_driven_data_gen/data/if_constraint_fewshots_handwritten.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/persona_driven_data_gen/data/if_constraint_fewshots_handwritten.json -------------------------------------------------------------------------------- /sft/scripts/persona_driven_data_gen/persona_driven_generate_ifdata.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/persona_driven_data_gen/persona_driven_generate_ifdata.py -------------------------------------------------------------------------------- /sft/scripts/persona_driven_data_gen/persona_driven_generate_math_code.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/persona_driven_data_gen/persona_driven_generate_math_code.py -------------------------------------------------------------------------------- /sft/scripts/persona_driven_data_gen/prompt_templates.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/persona_driven_data_gen/prompt_templates.py -------------------------------------------------------------------------------- /sft/scripts/persona_driven_data_gen/requirements.txt: -------------------------------------------------------------------------------- 1 | anthropic 2 | openai==0.28 3 | tenacity 4 | -------------------------------------------------------------------------------- /sft/scripts/rejection_sampling_tulu.bash: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/rejection_sampling_tulu.bash -------------------------------------------------------------------------------- /sft/scripts/rejection_sampling_tulu_docker.bash: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/rejection_sampling_tulu_docker.bash -------------------------------------------------------------------------------- /sft/scripts/submit_dpo_job.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/submit_dpo_job.py -------------------------------------------------------------------------------- /sft/scripts/submit_eval_jobs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/submit_eval_jobs.py -------------------------------------------------------------------------------- /sft/scripts/submit_finetune_job.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/submit_finetune_job.py -------------------------------------------------------------------------------- /sft/scripts/submit_finetune_jobs.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/submit_finetune_jobs.sh -------------------------------------------------------------------------------- /sft/scripts/synth_pref/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/synth_pref/README.md -------------------------------------------------------------------------------- /sft/scripts/synth_pref/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /sft/scripts/synth_pref/annotate_preferences.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/synth_pref/annotate_preferences.py -------------------------------------------------------------------------------- /sft/scripts/synth_pref/assets/ufpp_pipeline_v2_code.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/synth_pref/assets/ufpp_pipeline_v2_code.png -------------------------------------------------------------------------------- /sft/scripts/synth_pref/assets/ufpp_pipeline_v2_normal.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/synth_pref/assets/ufpp_pipeline_v2_normal.png -------------------------------------------------------------------------------- /sft/scripts/synth_pref/create_annotation_mix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/synth_pref/create_annotation_mix.py -------------------------------------------------------------------------------- /sft/scripts/synth_pref/example/create_annotation_mix_out/full/helpfulness-full.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/synth_pref/example/create_annotation_mix_out/full/helpfulness-full.jsonl -------------------------------------------------------------------------------- /sft/scripts/synth_pref/example/create_annotation_mix_out/full/honesty-full.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/synth_pref/example/create_annotation_mix_out/full/honesty-full.jsonl -------------------------------------------------------------------------------- /sft/scripts/synth_pref/example/create_annotation_mix_out/full/truthfulness-full.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/synth_pref/example/create_annotation_mix_out/full/truthfulness-full.jsonl -------------------------------------------------------------------------------- /sft/scripts/synth_pref/example/generate_responses_in/input_file.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/synth_pref/example/generate_responses_in/input_file.jsonl -------------------------------------------------------------------------------- /sft/scripts/synth_pref/example/generate_responses_out/model0/input_file.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/synth_pref/example/generate_responses_out/model0/input_file.jsonl -------------------------------------------------------------------------------- /sft/scripts/synth_pref/example/generate_responses_out/model1/input_file.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/synth_pref/example/generate_responses_out/model1/input_file.jsonl -------------------------------------------------------------------------------- /sft/scripts/synth_pref/example/generate_responses_out/model2/input_file.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/synth_pref/example/generate_responses_out/model2/input_file.jsonl -------------------------------------------------------------------------------- /sft/scripts/synth_pref/example/generate_responses_out/model3/input_file.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/synth_pref/example/generate_responses_out/model3/input_file.jsonl -------------------------------------------------------------------------------- /sft/scripts/synth_pref/generate_responses.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/synth_pref/generate_responses.py -------------------------------------------------------------------------------- /sft/scripts/synth_pref/parse_preferences.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/synth_pref/parse_preferences.py -------------------------------------------------------------------------------- /sft/scripts/synth_pref/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/synth_pref/requirements.txt -------------------------------------------------------------------------------- /sft/scripts/synth_pref/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /sft/scripts/synth_pref/utils/model_configs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/synth_pref/utils/model_configs.py -------------------------------------------------------------------------------- /sft/scripts/synth_pref/utils/openai_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/synth_pref/utils/openai_api.py -------------------------------------------------------------------------------- /sft/scripts/synth_pref/utils/ultrafeedback_template.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/synth_pref/utils/ultrafeedback_template.py -------------------------------------------------------------------------------- /sft/scripts/synthetic_preference_dataset.bash: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/synthetic_preference_dataset.bash -------------------------------------------------------------------------------- /sft/scripts/wait_beaker_dataset_model_upload_then_evaluate_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/wait_beaker_dataset_model_upload_then_evaluate_model.py -------------------------------------------------------------------------------- /sft/scripts/weights/convert_llama_weights_to_hf.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/weights/convert_llama_weights_to_hf.sh -------------------------------------------------------------------------------- /sft/scripts/weights/weight_diff.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/scripts/weights/weight_diff.py -------------------------------------------------------------------------------- /sft/uv.lock: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/uv.lock -------------------------------------------------------------------------------- /sft/weight-diff-requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/weight-diff-requirements.txt -------------------------------------------------------------------------------- /sft/weka_setup_helper.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/sft/weka_setup_helper.sh -------------------------------------------------------------------------------- /synthetic-data/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/synthetic-data/README.md -------------------------------------------------------------------------------- /synthetic-data/filter_and_upload_sft_data_to_huggingface.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/synthetic-data/filter_and_upload_sft_data_to_huggingface.py -------------------------------------------------------------------------------- /synthetic-data/generate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/synthetic-data/generate.py -------------------------------------------------------------------------------- /synthetic-data/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/synthetic-data/requirements.txt -------------------------------------------------------------------------------- /synthetic-data/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/PrimeIntellect-ai/INTELLECT-MATH/HEAD/synthetic-data/utils.py --------------------------------------------------------------------------------