├── .gitignore ├── LICENSE ├── README.md ├── assets ├── 4_game_example_samples.png ├── Code2Logic_approach.png ├── GameQA_generalizes_better.png ├── categorized_30_games_images.png └── evaluation_results_on_general_vision_benchmarks.png ├── ms-swift ├── .dev_scripts │ ├── build_docs.sh │ ├── ci_container_test.sh │ └── dockerci.sh ├── .github │ ├── ISSUE_TEMPLATE │ │ ├── bug_report.md │ │ ├── custom.md │ │ └── feature_request.md │ ├── PULL_REQUEST_TEMPLATE.md │ ├── SECURITY.md │ └── workflows │ │ ├── citest.yaml │ │ ├── lint.yaml │ │ └── publish.yaml ├── .gitignore ├── .pre-commit-config.yaml ├── .pre-commit-config_local.yaml ├── CODE_OF_CONDUCT.md ├── CONTRIBUTING.md ├── CONTRIBUTING_CN.md ├── LICENSE ├── MANIFEST.in ├── Makefile ├── README.md ├── README_CN.md ├── asset │ ├── banner.png │ ├── discord_qr.jpg │ └── wechat.png ├── docs │ ├── Makefile │ ├── README.md │ ├── make.bat │ ├── resources │ │ ├── dpo_data.png │ │ ├── grpo.png │ │ ├── grpo_clevr_count.png │ │ ├── grpo_code.png │ │ ├── grpo_countdown.png │ │ ├── grpo_countdown_1.png │ │ ├── grpo_geoqa.png │ │ ├── grpo_openr1_multimodal.png │ │ ├── kto_data.png │ │ ├── web-ui-en.jpg │ │ └── web-ui.jpg │ ├── source │ │ ├── .readthedocs.yaml │ │ ├── BestPractices │ │ │ ├── Embedding训练.md │ │ │ ├── GRPO代码训练.md │ │ │ ├── GRPO多模态训练.md │ │ │ ├── GRPO完整流程.md │ │ │ ├── NPU支持.md │ │ │ └── 更多最佳实践.md │ │ ├── Customization │ │ │ ├── 插件化.md │ │ │ ├── 自定义数据集.md │ │ │ └── 自定义模型.md │ │ ├── GetStarted │ │ │ ├── SWIFT安装.md │ │ │ ├── Web-UI.md │ │ │ └── 快速开始.md │ │ ├── Instruction │ │ │ ├── Agent支持.md │ │ │ ├── GRPO.md │ │ │ ├── Megatron-SWIFT训练.md │ │ │ ├── ReleaseNote3.0.md │ │ │ ├── 人类对齐.md │ │ │ ├── 使用tuners.md │ │ │ ├── 命令行参数.md │ │ │ ├── 导出与推送.md │ │ │ ├── 常见问题整理.md │ │ │ ├── 强化微调.md │ │ │ ├── 推理和部署.md │ │ │ ├── 支持的模型和数据集.md │ │ │ ├── 评测.md │ │ │ ├── 采样.md │ │ │ └── 预训练与微调.md │ │ ├── _templates │ │ │ ├── autosummary │ │ │ │ └── class.rst │ │ │ ├── classtemplate.rst │ │ │ └── sobolengine.rst │ │ ├── conf.py │ │ └── index.rst │ └── source_en │ │ ├── .readthedocs.yaml │ │ ├── BestPractices │ │ ├── Embedding.md │ │ ├── GRPO-Code-Training.md │ │ ├── GRPO-Multi-Modal-Training.md │ │ ├── GRPO.md │ │ ├── More-Best-Practices.md │ │ └── NPU-support.md │ │ ├── Customization │ │ ├── Custom-dataset.md │ │ ├── Custom-model.md │ │ └── Pluginization.md │ │ ├── GetStarted │ │ ├── Quick-start.md │ │ ├── SWIFT-installation.md │ │ └── Web-UI.md │ │ ├── Instruction │ │ ├── Agent-support.md │ │ ├── Command-line-parameters.md │ │ ├── Evaluation.md │ │ ├── Export-and-push.md │ │ ├── Frequently-asked-questions.md │ │ ├── GRPO.md │ │ ├── Inference-and-deployment.md │ │ ├── Megatron-SWIFT-Training.md │ │ ├── Pre-training-and-Fine-tuning.md │ │ ├── RLHF.md │ │ ├── Reinforced-Fine-tuning.md │ │ ├── ReleaseNote3.0.md │ │ ├── Sample.md │ │ ├── Supported-models-and-datasets.md │ │ └── Use-tuners.md │ │ ├── _templates │ │ ├── autosummary │ │ │ └── class.rst │ │ ├── classtemplate.rst │ │ └── sobolengine.rst │ │ ├── conf.py │ │ └── index.rst ├── examples │ ├── README.md │ ├── app │ │ ├── base_url │ │ │ ├── demo.py │ │ │ └── demo.sh │ │ ├── llm.sh │ │ └── mllm.sh │ ├── custom │ │ ├── dataset.py │ │ ├── infer.sh │ │ ├── model.py │ │ └── sft.sh │ ├── deploy │ │ ├── agent │ │ │ ├── client.py │ │ │ └── server.sh │ │ ├── bert │ │ │ ├── client.py │ │ │ └── server.sh │ │ ├── client │ │ │ ├── llm │ │ │ │ ├── base │ │ │ │ │ ├── openai_client.py │ │ │ │ │ └── swift_client.py │ │ │ │ └── chat │ │ │ │ │ ├── openai_client.py │ │ │ │ │ └── swift_client.py │ │ │ └── mllm │ │ │ │ ├── openai_client.py │ │ │ │ └── swift_client.py │ │ ├── lora │ │ │ ├── client.py │ │ │ └── server.sh │ │ ├── reward_model │ │ │ ├── client.py │ │ │ └── server.sh │ │ └── server │ │ │ ├── README.md │ │ │ └── demo.sh │ ├── eval │ │ ├── eval_url │ │ │ ├── demo.py │ │ │ └── eval.sh │ │ ├── llm │ │ │ └── eval.sh │ │ ├── train_eval │ │ │ └── train.sh │ │ └── vlm │ │ │ └── eval.sh │ ├── export │ │ ├── merge_lora.sh │ │ ├── ollama.sh │ │ ├── push_to_hub.sh │ │ └── quantize │ │ │ ├── awq.sh │ │ │ ├── bert │ │ │ ├── bnb.sh │ │ │ └── gptq.sh │ │ │ ├── bnb.sh │ │ │ ├── gptq.sh │ │ │ ├── mllm │ │ │ ├── awq.sh │ │ │ └── gptq.sh │ │ │ ├── moe │ │ │ └── gptq.sh │ │ │ ├── omni │ │ │ └── gptq.sh │ │ │ └── reward_model │ │ │ ├── bnb.sh │ │ │ └── gptq.sh │ ├── infer │ │ ├── cli_demo.sh │ │ ├── demo.py │ │ ├── demo_agent.py │ │ ├── demo_bert.py │ │ ├── demo_grounding.py │ │ ├── demo_hf.py │ │ ├── demo_lora.py │ │ ├── demo_mllm.py │ │ ├── demo_reward_model.py │ │ ├── lmdeploy │ │ │ ├── ddp.sh │ │ │ └── mllm_tp.sh │ │ ├── pt │ │ │ ├── batch_ddp.sh │ │ │ ├── bert.sh │ │ │ ├── lora.sh │ │ │ ├── mllm_device_map.sh │ │ │ ├── prm.sh │ │ │ └── reward_model.sh │ │ └── vllm │ │ │ ├── ddp.sh │ │ │ ├── mllm_ddp.sh │ │ │ └── mllm_tp.sh │ ├── notebook │ │ ├── qwen2_5-self-cognition │ │ │ ├── infer.ipynb │ │ │ ├── infer.sh │ │ │ ├── self-cognition-sft.ipynb │ │ │ └── sft.sh │ │ ├── qwen2_5-vl-grounding │ │ │ └── zh.ipynb │ │ └── qwen2vl-ocr │ │ │ ├── infer.ipynb │ │ │ └── ocr-sft.ipynb │ ├── sampler │ │ ├── distill │ │ │ └── distill.sh │ │ └── mcts │ │ │ ├── mcts.py │ │ │ ├── mcts.sh │ │ │ └── system_prompt.txt │ └── train │ │ ├── agent │ │ ├── deepseek_r1.sh │ │ ├── glm4.sh │ │ ├── loss_scale │ │ │ ├── infer_lora.py │ │ │ └── train.sh │ │ └── qwen2_5.sh │ │ ├── all_to_all │ │ ├── infer.sh │ │ └── train.sh │ │ ├── base_to_chat │ │ ├── full.sh │ │ ├── lora.sh │ │ └── lora2.sh │ │ ├── embedding │ │ ├── train_gme.sh │ │ └── train_gte.sh │ │ ├── full │ │ ├── infer.sh │ │ ├── qwen2_5_32b.sh │ │ └── train.sh │ │ ├── grpo │ │ ├── full_lmdeploy.sh │ │ ├── full_vllm.sh │ │ ├── full_vllm_qwenvl.sh │ │ ├── game_prompt.txt │ │ ├── grpo.sh │ │ ├── lora_qwenvl72b.sh │ │ ├── lora_vllm.sh │ │ ├── multi_gpu_agent.sh │ │ ├── multi_gpu_mp_colocate.sh │ │ ├── multi_node │ │ │ ├── Qwen2_5_32B_full.sh │ │ │ ├── multi_node1.sh │ │ │ ├── multi_node2.sh │ │ │ └── train_dlc.sh │ │ ├── plugin │ │ │ ├── plugin.py │ │ │ └── run_external_rm.sh │ │ ├── prompt.txt │ │ ├── qwen2_5_omni │ │ │ ├── grpo.sh │ │ │ └── infer.sh │ │ ├── train_72b_4gpu.sh │ │ └── train_multi_round.sh │ │ ├── infer.sh │ │ ├── lazy_tokenize │ │ └── train.sh │ │ ├── liger │ │ └── sft.sh │ │ ├── long_text │ │ └── zero3.sh │ │ ├── lora_sft.sh │ │ ├── megatron │ │ ├── base_to_chat.sh │ │ ├── benchmark │ │ │ └── deepspeed.sh │ │ ├── moe.sh │ │ ├── multi-node │ │ │ ├── node1.sh │ │ │ └── node2.sh │ │ ├── pretrain.sh │ │ ├── qwen3_moe.sh │ │ └── sft.sh │ │ ├── moe │ │ ├── llama4.sh │ │ └── qwen2_5_moe.sh │ │ ├── multi-gpu │ │ ├── ddp │ │ │ └── train.sh │ │ ├── ddp_device_map │ │ │ └── train.sh │ │ ├── deepspeed │ │ │ ├── train_zero2.sh │ │ │ └── train_zero3.sh │ │ ├── device_map │ │ │ └── train.sh │ │ └── fsdp_qlora │ │ │ ├── fsdp_offload.json │ │ │ └── train.sh │ │ ├── multi-node │ │ ├── accelerate │ │ │ ├── multi_node.yaml │ │ │ ├── train_node1.sh │ │ │ └── train_node2.sh │ │ ├── deepspeed │ │ │ ├── README.md │ │ │ ├── host.txt │ │ │ └── train.sh │ │ ├── dlc │ │ │ └── train.sh │ │ ├── swift │ │ │ ├── train_node1.sh │ │ │ └── train_node2.sh │ │ └── torchrun │ │ │ ├── train_node1.sh │ │ │ └── train_node2.sh │ │ ├── multimodal │ │ ├── audio.sh │ │ ├── caption.sh │ │ ├── grounding.sh │ │ ├── infer.sh │ │ ├── lora_llm_full_vit │ │ │ ├── custom_plugin.py │ │ │ ├── infer.sh │ │ │ ├── merge_lora.sh │ │ │ └── sft.sh │ │ ├── ocr.sh │ │ ├── omni │ │ │ ├── infer.sh │ │ │ └── sft.sh │ │ ├── rlhf │ │ │ ├── dpo.sh │ │ │ └── kto.sh │ │ └── video.sh │ │ ├── optimizer │ │ └── muon.sh │ │ ├── packing │ │ ├── llm.sh │ │ ├── qwen2_5_omni.sh │ │ ├── qwen2_5_vl.sh │ │ └── streaming.sh │ │ ├── plugins │ │ ├── loss_scale.sh │ │ └── tuner_phi4_mm.sh │ │ ├── predict_with_generate │ │ └── train.sh │ │ ├── pretrain │ │ └── train.sh │ │ ├── qlora │ │ ├── awq.sh │ │ ├── bnb.sh │ │ ├── gptq.sh │ │ └── hqq.sh │ │ ├── rft │ │ ├── math.json │ │ └── rft.py │ │ ├── rlhf │ │ ├── README.md │ │ ├── cpo.sh │ │ ├── dpo.sh │ │ ├── kto.sh │ │ ├── orpo.sh │ │ ├── ppo.sh │ │ ├── rm.sh │ │ └── simpo.sh │ │ ├── seq_cls │ │ ├── bert │ │ │ ├── deploy.sh │ │ │ ├── infer.sh │ │ │ └── sft.sh │ │ ├── multi_label │ │ │ └── sft.sh │ │ ├── qwen2_5 │ │ │ ├── deploy.sh │ │ │ ├── infer.sh │ │ │ └── sft.sh │ │ ├── qwen2_vl │ │ │ ├── infer.sh │ │ │ └── sft.sh │ │ └── regression │ │ │ ├── deploy.sh │ │ │ ├── infer.sh │ │ │ └── sft.sh │ │ ├── streaming │ │ └── train.sh │ │ └── tuners │ │ ├── adalora │ │ └── train.sh │ │ ├── adapter │ │ └── train.sh │ │ ├── boft │ │ └── train.sh │ │ ├── bone │ │ └── train.sh │ │ ├── dora │ │ └── train.sh │ │ ├── galore │ │ ├── train_galore.sh │ │ └── train_qgalore.sh │ │ ├── lisa │ │ └── train.sh │ │ ├── llamapro │ │ └── train.sh │ │ ├── longlora │ │ └── train.sh │ │ ├── lora-ga │ │ └── train.sh │ │ ├── lora │ │ └── train.sh │ │ ├── neftune │ │ └── train.sh │ │ ├── olora │ │ └── train.sh │ │ ├── pissa │ │ └── train.sh │ │ ├── qlora │ │ └── train.sh │ │ ├── reft │ │ └── train.sh │ │ └── unsloth │ │ └── train.sh ├── requirements.txt ├── requirements │ ├── docs.txt │ ├── eval.txt │ ├── framework.txt │ ├── install_all.sh │ ├── seq_parallel.txt │ ├── swanlab.txt │ └── tests.txt ├── scripts │ ├── benchmark │ │ ├── config │ │ │ └── tuner.json │ │ ├── exp.py │ │ ├── exp_utils.py │ │ └── generate_report.py │ └── utils │ │ ├── plot_loss.py │ │ ├── run_dataset_info.py │ │ ├── run_model_info.py │ │ └── run_template.py ├── setup.cfg ├── setup.py ├── swift │ ├── __init__.py │ ├── cli │ │ ├── __init__.py │ │ ├── _megatron │ │ │ ├── __init__.py │ │ │ ├── main.py │ │ │ ├── pt.py │ │ │ └── sft.py │ │ ├── app.py │ │ ├── deploy.py │ │ ├── eval.py │ │ ├── export.py │ │ ├── infer.py │ │ ├── main.py │ │ ├── merge_lora.py │ │ ├── pt.py │ │ ├── rlhf.py │ │ ├── sample.py │ │ ├── sft.py │ │ └── web_ui.py │ ├── hub │ │ ├── __init__.py │ │ ├── constant.py │ │ └── hub.py │ ├── llm │ │ ├── __init__.py │ │ ├── app │ │ │ ├── __init__.py │ │ │ ├── app.py │ │ │ ├── build_ui.py │ │ │ └── locale.py │ │ ├── argument │ │ │ ├── __init__.py │ │ │ ├── app_args.py │ │ │ ├── base_args │ │ │ │ ├── __init__.py │ │ │ │ ├── base_args.py │ │ │ │ ├── data_args.py │ │ │ │ ├── generation_args.py │ │ │ │ ├── model_args.py │ │ │ │ ├── quant_args.py │ │ │ │ ├── template_args.py │ │ │ │ └── utils.py │ │ │ ├── deploy_args.py │ │ │ ├── eval_args.py │ │ │ ├── export_args.py │ │ │ ├── infer_args.py │ │ │ ├── merge_args.py │ │ │ ├── rlhf_args.py │ │ │ ├── sampling_args.py │ │ │ ├── train_args.py │ │ │ ├── tuner_args.py │ │ │ └── webui_args.py │ │ ├── base.py │ │ ├── data_loader.py │ │ ├── dataset │ │ │ ├── __init__.py │ │ │ ├── data │ │ │ │ └── dataset_info.json │ │ │ ├── dataset │ │ │ │ ├── __init__.py │ │ │ │ ├── llm.py │ │ │ │ └── mllm.py │ │ │ ├── loader.py │ │ │ ├── media.py │ │ │ ├── preprocessor │ │ │ │ ├── __init__.py │ │ │ │ ├── core.py │ │ │ │ └── extra.py │ │ │ ├── register.py │ │ │ └── utils.py │ │ ├── ds_config │ │ │ ├── zero0.json │ │ │ ├── zero1.json │ │ │ ├── zero2.json │ │ │ ├── zero2_offload.json │ │ │ ├── zero3.json │ │ │ └── zero3_offload.json │ │ ├── eval │ │ │ ├── __init__.py │ │ │ ├── eval.py │ │ │ └── utils.py │ │ ├── export │ │ │ ├── __init__.py │ │ │ ├── export.py │ │ │ ├── merge_lora.py │ │ │ ├── ollama.py │ │ │ └── quant.py │ │ ├── infer │ │ │ ├── __init__.py │ │ │ ├── deploy.py │ │ │ ├── infer.py │ │ │ ├── infer_engine │ │ │ │ ├── __init__.py │ │ │ │ ├── base.py │ │ │ │ ├── grpo_vllm_engine.py │ │ │ │ ├── infer_client.py │ │ │ │ ├── infer_engine.py │ │ │ │ ├── lmdeploy_engine.py │ │ │ │ ├── patch.py │ │ │ │ ├── pt_engine.py │ │ │ │ ├── utils.py │ │ │ │ └── vllm_engine.py │ │ │ ├── protocol.py │ │ │ └── utils.py │ │ ├── model │ │ │ ├── __init__.py │ │ │ ├── constant.py │ │ │ ├── model │ │ │ │ ├── __init__.py │ │ │ │ ├── baai.py │ │ │ │ ├── baichuan.py │ │ │ │ ├── bert.py │ │ │ │ ├── codefuse.py │ │ │ │ ├── deepseek.py │ │ │ │ ├── gemma.py │ │ │ │ ├── glm.py │ │ │ │ ├── internlm.py │ │ │ │ ├── llama.py │ │ │ │ ├── llava.py │ │ │ │ ├── llm.py │ │ │ │ ├── mamba.py │ │ │ │ ├── microsoft.py │ │ │ │ ├── minicpm.py │ │ │ │ ├── minimax.py │ │ │ │ ├── mistral.py │ │ │ │ ├── mllm.py │ │ │ │ ├── moonshot.py │ │ │ │ ├── mplug.py │ │ │ │ ├── openbuddy.py │ │ │ │ ├── qwen.py │ │ │ │ ├── skywork.py │ │ │ │ ├── stepfun.py │ │ │ │ ├── telechat.py │ │ │ │ ├── valley.py │ │ │ │ └── yi.py │ │ │ ├── model_arch.py │ │ │ ├── patcher.py │ │ │ ├── register.py │ │ │ └── utils.py │ │ ├── sampling │ │ │ ├── __init__.py │ │ │ ├── base.py │ │ │ ├── distill_sampler.py │ │ │ ├── mcts.py │ │ │ ├── sampling.py │ │ │ ├── utils.py │ │ │ └── vanilla_sampler.py │ │ ├── template │ │ │ ├── __init__.py │ │ │ ├── base.py │ │ │ ├── constant.py │ │ │ ├── grounding.py │ │ │ ├── register.py │ │ │ ├── template │ │ │ │ ├── __init__.py │ │ │ │ ├── deepseek.py │ │ │ │ ├── emu3.py │ │ │ │ ├── gemma.py │ │ │ │ ├── glm.py │ │ │ │ ├── idefics3.py │ │ │ │ ├── internlm.py │ │ │ │ ├── internvl.py │ │ │ │ ├── llama.py │ │ │ │ ├── llava.py │ │ │ │ ├── llm.py │ │ │ │ ├── megrez.py │ │ │ │ ├── microsoft.py │ │ │ │ ├── minicpm.py │ │ │ │ ├── minimax.py │ │ │ │ ├── mistral.py │ │ │ │ ├── molmo.py │ │ │ │ ├── moonshot.py │ │ │ │ ├── mplug.py │ │ │ │ ├── openbuddy.py │ │ │ │ ├── pixtral.py │ │ │ │ ├── qwen.py │ │ │ │ ├── stepfun.py │ │ │ │ ├── utils.py │ │ │ │ ├── valley.py │ │ │ │ └── yi.py │ │ │ ├── template_inputs.py │ │ │ ├── template_meta.py │ │ │ ├── utils.py │ │ │ └── vision_utils.py │ │ ├── train │ │ │ ├── __init__.py │ │ │ ├── callback.py │ │ │ ├── kto.py │ │ │ ├── pt.py │ │ │ ├── rlhf.py │ │ │ ├── sft.py │ │ │ └── tuner.py │ │ └── utils.py │ ├── megatron │ │ ├── __init__.py │ │ ├── argument │ │ │ ├── __init__.py │ │ │ ├── megatron_args.py │ │ │ └── train_args.py │ │ ├── init.py │ │ ├── model │ │ │ ├── __init__.py │ │ │ ├── config.py │ │ │ ├── constant.py │ │ │ ├── gpt │ │ │ │ ├── __init__.py │ │ │ │ ├── config.py │ │ │ │ ├── hf2mcore.py │ │ │ │ ├── mcore2hf.py │ │ │ │ └── model.py │ │ │ ├── register.py │ │ │ └── rope.py │ │ ├── train │ │ │ ├── __init__.py │ │ │ ├── patcher.py │ │ │ ├── pt.py │ │ │ ├── sft.py │ │ │ └── utils.py │ │ └── utils │ │ │ ├── __init__.py │ │ │ ├── convert.py │ │ │ └── patcher.py │ ├── plugin │ │ ├── __init__.py │ │ ├── agent_template │ │ │ ├── __init__.py │ │ │ ├── base.py │ │ │ ├── extra.py │ │ │ ├── glm4.py │ │ │ ├── hermes.py │ │ │ ├── llama.py │ │ │ ├── qwen.py │ │ │ ├── react.py │ │ │ └── toolbench.py │ │ ├── callback.py │ │ ├── loss.py │ │ ├── loss_scale │ │ │ ├── __init__.py │ │ │ ├── config │ │ │ │ ├── agentflan.json │ │ │ │ ├── alpha_umi.json │ │ │ │ ├── hermes.json │ │ │ │ ├── qwen.json │ │ │ │ └── react.json │ │ │ ├── loss_scale.py │ │ │ └── utils.py │ │ ├── metric.py │ │ ├── multi_turn.py │ │ ├── optimizer.py │ │ ├── orm.py │ │ ├── prm.py │ │ └── tuner.py │ ├── trainers │ │ ├── __init__.py │ │ ├── arguments.py │ │ ├── callback.py │ │ ├── mixin.py │ │ ├── optimizers │ │ │ ├── __init__.py │ │ │ └── galore │ │ │ │ ├── __init__.py │ │ │ │ ├── adafactor.py │ │ │ │ ├── adamw.py │ │ │ │ ├── adamw8bit.py │ │ │ │ ├── galore_projector.py │ │ │ │ └── utils.py │ │ ├── rlhf_arguments.py │ │ ├── rlhf_trainer │ │ │ ├── __init__.py │ │ │ ├── cpo_trainer.py │ │ │ ├── dpo_trainer.py │ │ │ ├── grpo_trainer.py │ │ │ ├── kto_trainer.py │ │ │ ├── orpo_trainer.py │ │ │ ├── ppo_trainer.py │ │ │ ├── reward_trainer.py │ │ │ ├── rlhf_mixin.py │ │ │ ├── utils.py │ │ │ └── vllm_client.py │ │ ├── torchacc_mixin.py │ │ ├── trainer_factory.py │ │ ├── trainers.py │ │ ├── utils.py │ │ └── xtuner.py │ ├── tuners │ │ ├── __init__.py │ │ ├── adapter.py │ │ ├── base.py │ │ ├── llamapro.py │ │ ├── longlora │ │ │ ├── __init__.py │ │ │ ├── llama.py │ │ │ └── longlora.py │ │ ├── lora.py │ │ ├── lora_layers.py │ │ ├── mapping.py │ │ ├── neftune.py │ │ ├── part.py │ │ ├── peft.py │ │ ├── prompt.py │ │ ├── reft.py │ │ ├── restuning.py │ │ ├── restuning_components.py │ │ ├── scetuning │ │ │ ├── __init__.py │ │ │ ├── scetuning.py │ │ │ └── scetuning_components.py │ │ ├── side.py │ │ └── utils.py │ ├── ui │ │ ├── __init__.py │ │ ├── app.py │ │ ├── base.py │ │ ├── llm_eval │ │ │ ├── __init__.py │ │ │ ├── eval.py │ │ │ ├── llm_eval.py │ │ │ ├── model.py │ │ │ └── runtime.py │ │ ├── llm_export │ │ │ ├── __init__.py │ │ │ ├── export.py │ │ │ ├── llm_export.py │ │ │ ├── model.py │ │ │ └── runtime.py │ │ ├── llm_infer │ │ │ ├── __init__.py │ │ │ ├── generate.py │ │ │ ├── llm_infer.py │ │ │ ├── model.py │ │ │ └── runtime.py │ │ └── llm_train │ │ │ ├── __init__.py │ │ │ ├── advanced.py │ │ │ ├── dataset.py │ │ │ ├── galore.py │ │ │ ├── hyper.py │ │ │ ├── lisa.py │ │ │ ├── llamapro.py │ │ │ ├── llm_train.py │ │ │ ├── lora.py │ │ │ ├── model.py │ │ │ ├── quantization.py │ │ │ ├── report_to.py │ │ │ ├── rlhf.py │ │ │ ├── runtime.py │ │ │ ├── save.py │ │ │ ├── self_cog.py │ │ │ └── utils.py │ ├── utils │ │ ├── __init__.py │ │ ├── constants.py │ │ ├── env.py │ │ ├── import_utils.py │ │ ├── io_utils.py │ │ ├── logger.py │ │ ├── np_utils.py │ │ ├── tb_utils.py │ │ ├── torch_utils.py │ │ ├── torchacc_utils.py │ │ └── utils.py │ └── version.py └── tests │ ├── __init__.py │ ├── app │ └── test_app.py │ ├── deploy │ ├── test_dataset.py │ └── test_logprobs.py │ ├── eval │ └── test_eval.py │ ├── export │ └── test_quant.py │ ├── general │ ├── test_arch.py │ ├── test_dataset.py │ ├── test_model.py │ ├── test_stream.py │ └── test_template.py │ ├── hub │ ├── __init__.py │ └── test_check_model.py │ ├── infer │ ├── test_agent.py │ ├── test_infer.py │ ├── test_logprobs.py │ ├── test_main.py │ ├── test_max_memory.py │ └── test_mllm.py │ ├── llm │ ├── __init__.py │ ├── config │ │ ├── infer.json │ │ └── sft.json │ ├── data │ │ ├── alpaca.csv │ │ ├── alpaca.jsonl │ │ ├── alpaca2.csv │ │ ├── chatml.jsonl │ │ ├── conversations.jsonl │ │ ├── multi_modal_1.jsonl │ │ ├── multi_modal_2.jsonl │ │ ├── multi_modal_3.jsonl │ │ ├── sharegpt.jsonl │ │ ├── swift_multi.json │ │ ├── swift_multi.jsonl │ │ ├── swift_pre.csv │ │ ├── swift_pre.jsonl │ │ ├── swift_single.csv │ │ └── swift_single.jsonl │ ├── load_model.py │ ├── load_template.py │ ├── test_custom.py │ ├── test_dataset.py │ ├── test_ollama_export.py │ ├── test_run.py │ ├── test_run3.py │ ├── test_template.py │ └── test_utils.py │ ├── megatron │ ├── test_align │ │ └── test_llm.py │ ├── test_export.py │ ├── test_model.py │ ├── test_save.py │ └── test_train.py │ ├── model_tag.py │ ├── models │ ├── test_flash_attn.py │ ├── test_llm.py │ └── test_mllm.py │ ├── run.py │ ├── run_config.yaml │ ├── sample │ └── test_client.py │ ├── test_align │ ├── test_cls.py │ ├── test_lmdeploy_vlm.py │ ├── test_padding_side.py │ ├── test_rlhf_loss.py │ ├── test_template │ │ ├── test_agent.py │ │ ├── test_audio.py │ │ ├── test_gene.py │ │ ├── test_llm.py │ │ ├── test_template.py │ │ ├── test_tool.py │ │ ├── test_video.py │ │ └── test_vision.py │ └── test_vllm_vlm.py │ ├── test_utils.py │ ├── train │ ├── test_cls.py │ ├── test_freeze.py │ ├── test_grounding.py │ ├── test_grpo.py │ ├── test_kto.py │ ├── test_liger.py │ ├── test_multilabel.py │ ├── test_packing.py │ ├── test_ppo.py │ ├── test_pt.py │ ├── test_rlhf.py │ ├── test_sample.py │ ├── test_sft.py │ └── test_train_eval.py │ ├── tuners │ ├── __init__.py │ ├── test_extra_state_dict.py │ ├── test_merged_linear.py │ ├── test_neft.py │ ├── test_peft.py │ ├── test_scetuning.py │ ├── test_swift_base.py │ ├── test_swift_device_map.py │ └── test_swift_restuning.py │ └── utils │ ├── __init__.py │ ├── test_file_utils.py │ ├── test_io_utils.py │ ├── test_split_str_parts_by.py │ └── test_torch_utils.py ├── scripts ├── eval.sh ├── eval │ └── eval_matrix.py ├── infer.sh ├── infer │ ├── config.py │ ├── data_processing.py │ ├── inference.py │ ├── inference_pipeline.py │ ├── main.py │ ├── model_management.py │ └── output_management.py ├── reward_api.sh └── train_qwen2_5vl.sh └── src ├── 2d_turing_machine ├── 2d_turing_machine_dataset_example │ ├── data.json │ ├── images │ │ ├── 00001.png │ │ ├── 00002.png │ │ ├── 00003.png │ │ ├── 00004.png │ │ ├── 00005.png │ │ ├── 00006.png │ │ ├── 00007.png │ │ └── 00008.png │ └── states │ │ ├── 00001.json │ │ ├── 00002.json │ │ ├── 00003.json │ │ ├── 00004.json │ │ ├── 00005.json │ │ ├── 00006.json │ │ ├── 00007.json │ │ └── 00008.json ├── main.py └── readme.md ├── 3DReconstruction ├── .DS_Store ├── MultiQuestionGenerator.py ├── QAGenerator.py ├── README.md ├── README_multi_zh.md ├── README_zh.md ├── ThreeDimensionalReconstruction.py ├── main.py ├── multi_gen.py ├── reconstruction_dataset_example │ ├── data.json │ ├── images │ │ ├── reconstruction_00001.png │ │ ├── reconstruction_00002.png │ │ ├── reconstruction_00003.png │ │ ├── reconstruction_00004.png │ │ ├── reconstruction_00005.png │ │ ├── reconstruction_00006.png │ │ ├── reconstruction_00007.png │ │ ├── reconstruction_00008.png │ │ ├── reconstruction_00009.png │ │ ├── reconstruction_00010.png │ │ ├── reconstruction_00011.png │ │ ├── reconstruction_00012.png │ │ ├── reconstruction_00013.png │ │ ├── reconstruction_00014.png │ │ ├── reconstruction_00015.png │ │ ├── reconstruction_00016.png │ │ ├── reconstruction_00017.png │ │ └── reconstruction_00018.png │ └── states │ │ ├── reconstruction_00001.json │ │ ├── reconstruction_00002.json │ │ ├── reconstruction_00003.json │ │ ├── reconstruction_00004.json │ │ ├── reconstruction_00005.json │ │ ├── reconstruction_00006.json │ │ ├── reconstruction_00007.json │ │ ├── reconstruction_00008.json │ │ ├── reconstruction_00009.json │ │ ├── reconstruction_00010.json │ │ ├── reconstruction_00011.json │ │ ├── reconstruction_00012.json │ │ ├── reconstruction_00013.json │ │ ├── reconstruction_00014.json │ │ ├── reconstruction_00015.json │ │ ├── reconstruction_00016.json │ │ ├── reconstruction_00017.json │ │ └── reconstruction_00018.json └── requirements.txt ├── 3d_maze ├── 3d_maze_dataset_example │ ├── data.json │ └── images │ │ ├── path-mcq-00001.png │ │ ├── path-mcq-00002.png │ │ ├── path-mcq-00003.png │ │ ├── path-mcq-00004.png │ │ ├── path-mcq-00005.png │ │ ├── path-mcq-00006.png │ │ ├── path-mcq-00007.png │ │ ├── path-mcq-00008.png │ │ ├── path-mcq-00009.png │ │ ├── path-mcq-00010.png │ │ ├── path-mcq-00011.png │ │ ├── path-mcq-00012.png │ │ ├── path-mcq-00013.png │ │ ├── path-mcq-00014.png │ │ └── path-mcq-00015.png ├── main.py └── readme.md ├── Code_for_text_data_derivative ├── 2d_turing_machine_to_text_que.py ├── 3dreconstruction_to_text_que.py ├── PyramidChess_to_text_que.py ├── chess_ranger_to_text_que.py ├── freecell_to_text_que.py ├── jewel2_to_text_que.py ├── klondike_to_text_que.py ├── minesweeper_to_text_que.py ├── pacman_to_text_que.py ├── rubiks_cube_to_text_que.py ├── sokoban_to_text_que.py ├── spider_to_text_que.py ├── star-battle_to_text_que.py ├── sudoku_to_text_que.py ├── tengram_to_text_que.py ├── tents_to_text_que.py ├── tetris_to_text_que.py ├── tictactoe_to_text_que.py ├── word_search_to_text_que.py └── zuma_to_text_que.py ├── PyramidChess ├── main.py ├── pyramidchess_board_generate.py ├── pyramidchess_data_generate.py ├── pyramidchess_dataset_example │ ├── data.json │ ├── images │ │ ├── board_00000.png │ │ ├── board_00001.png │ │ ├── board_00002.png │ │ ├── board_00003.png │ │ ├── board_00004.png │ │ ├── board_00005.png │ │ ├── board_00006.png │ │ ├── board_00007.png │ │ ├── board_00008.png │ │ ├── board_00009.png │ │ ├── board_00010.png │ │ ├── board_00011.png │ │ ├── board_00012.png │ │ ├── board_00013.png │ │ ├── board_00014.png │ │ ├── board_00015.png │ │ ├── board_00016.png │ │ └── board_00017.png │ └── states │ │ ├── board_00000.json │ │ ├── board_00001.json │ │ ├── board_00002.json │ │ ├── board_00003.json │ │ ├── board_00004.json │ │ ├── board_00005.json │ │ ├── board_00006.json │ │ ├── board_00007.json │ │ ├── board_00008.json │ │ ├── board_00009.json │ │ ├── board_00010.json │ │ ├── board_00011.json │ │ ├── board_00012.json │ │ ├── board_00013.json │ │ ├── board_00014.json │ │ ├── board_00015.json │ │ ├── board_00016.json │ │ └── board_00017.json ├── pyramidchess_image_generate.py ├── readme.md └── requirements.txt ├── README.md ├── chess_ranger ├── README.md ├── arial.ttf ├── chess_ranger_dataset_example │ ├── data.json │ ├── images │ │ ├── board_001.png │ │ ├── board_002.png │ │ ├── board_003.png │ │ ├── board_004.png │ │ ├── board_005.png │ │ ├── board_006.png │ │ ├── board_007.png │ │ ├── board_008.png │ │ ├── board_009.png │ │ ├── board_010.png │ │ ├── board_011.png │ │ ├── board_012.png │ │ ├── board_013.png │ │ ├── board_014.png │ │ └── board_015.png │ └── states │ │ ├── board_001.json │ │ ├── board_002.json │ │ ├── board_003.json │ │ ├── board_004.json │ │ ├── board_005.json │ │ ├── board_006.json │ │ ├── board_007.json │ │ ├── board_008.json │ │ ├── board_009.json │ │ ├── board_010.json │ │ ├── board_011.json │ │ ├── board_012.json │ │ ├── board_013.json │ │ ├── board_014.json │ │ └── board_015.json ├── cr_generate.py ├── cr_solver.py ├── data_generate.py ├── data_generate_aq.py ├── data_generate_count.py ├── data_generate_find.py ├── data_generate_pos.py ├── data_generate_predict.py ├── plot_board.py ├── plot_image │ ├── bishop.png │ ├── king.png │ ├── knight.png │ ├── pawn.png │ ├── queen.png │ └── rook.png ├── requirements.txt └── state_generate.py ├── freecell ├── README.md ├── freecell.py ├── freecell_dataset_example │ ├── data.json │ ├── images │ │ ├── state_analysis_Easy_00001.png │ │ ├── state_analysis_Hard_00001.png │ │ └── state_analysis_Medium_00001.png │ └── states │ │ ├── state_analysis_Easy_00001.json │ │ ├── state_analysis_Hard_00001.json │ │ └── state_analysis_Medium_00001.json ├── generator.py ├── main.py └── test.py ├── hue ├── hue_dataset_example │ ├── data.json │ ├── images │ │ ├── color-mcq-00001.png │ │ ├── color-mcq-00002.png │ │ ├── color-mcq-00003.png │ │ ├── color-mcq-00004.png │ │ ├── color-mcq-00005.png │ │ ├── color-mcq-00006.png │ │ ├── color-mcq-00007.png │ │ ├── color-mcq-00008.png │ │ ├── color-mcq-00009.png │ │ └── color-mcq-00010.png │ └── states │ │ ├── color-mcq-00001.json │ │ ├── color-mcq-00002.json │ │ ├── color-mcq-00003.json │ │ ├── color-mcq-00004.json │ │ ├── color-mcq-00005.json │ │ ├── color-mcq-00006.json │ │ ├── color-mcq-00007.json │ │ ├── color-mcq-00008.json │ │ ├── color-mcq-00009.json │ │ └── color-mcq-00010.json ├── main.py └── readme.md ├── jewel2 ├── LICENSE ├── QA_generator.py ├── README.md ├── __init__.py ├── chessboard.py ├── font │ └── Arial.ttf ├── image_generator.py ├── images │ ├── A.png │ ├── B.png │ ├── C.png │ ├── D.png │ ├── E.png │ ├── a_s.png │ ├── b_s.png │ ├── bar.png │ ├── c_s.png │ ├── cross.png │ ├── d_s.png │ ├── e_s.png │ └── empty.png ├── jewel2_dataset_example │ ├── data.json │ ├── images │ │ ├── 00001.png │ │ ├── 00002.png │ │ ├── 00003.png │ │ ├── 00004.png │ │ ├── 00005.png │ │ └── 00006.png │ ├── jewel2_to_text_que.py │ └── states │ │ ├── 00001.json │ │ ├── 00002.json │ │ ├── 00003.json │ │ ├── 00004.json │ │ ├── 00005.json │ │ └── 00006.json ├── level.py ├── main.py ├── randomizer.py └── requirements.txt ├── klondike ├── .gitignore ├── assets │ ├── big_club.png │ ├── big_diamond.png │ ├── big_heart.png │ ├── big_spade.png │ ├── blue_J.png │ ├── blue_K.png │ ├── blue_Q.png │ ├── board.png │ ├── button_reset.png │ ├── button_reset_down.png │ ├── card_back.png │ ├── card_front.png │ ├── klondike_bg.png │ ├── letters.png │ ├── numbers.png │ ├── red_J.png │ ├── red_K.png │ ├── red_Q.png │ ├── small_club.png │ ├── small_diamond.png │ ├── small_heart.png │ ├── small_spade.png │ └── tabframe.png ├── klondike_dataset_example │ ├── data.json │ ├── images │ │ ├── board_001_001.png │ │ ├── board_001_002.png │ │ ├── board_001_003.png │ │ ├── board_002_001.png │ │ ├── board_002_002.png │ │ ├── board_002_003.png │ │ ├── board_003_001.png │ │ ├── board_003_002.png │ │ ├── board_003_003.png │ │ ├── board_004_001.png │ │ ├── board_004_002.png │ │ ├── board_004_003.png │ │ ├── board_005_001.png │ │ ├── board_005_002.png │ │ ├── board_005_003.png │ │ ├── board_006_001.png │ │ ├── board_006_002.png │ │ ├── board_006_003.png │ │ ├── board_007_001.png │ │ ├── board_007_002.png │ │ ├── board_007_003.png │ │ ├── board_008_001.png │ │ ├── board_008_002.png │ │ ├── board_008_003.png │ │ ├── board_009_001.png │ │ ├── board_009_002.png │ │ ├── board_009_003.png │ │ ├── board_010_001.png │ │ ├── board_010_002.png │ │ ├── board_010_003.png │ │ ├── board_011_001.png │ │ ├── board_011_002.png │ │ ├── board_011_003.png │ │ ├── board_012_001.png │ │ ├── board_012_002.png │ │ ├── board_012_003.png │ │ ├── board_013_001.png │ │ ├── board_013_002.png │ │ ├── board_013_003.png │ │ ├── board_014_001.png │ │ ├── board_014_002.png │ │ ├── board_014_003.png │ │ ├── board_015_001.png │ │ ├── board_015_002.png │ │ ├── board_015_003.png │ │ ├── board_016_001.png │ │ ├── board_016_002.png │ │ ├── board_016_003.png │ │ ├── board_017_001.png │ │ ├── board_017_002.png │ │ ├── board_017_003.png │ │ ├── board_018_001.png │ │ ├── board_018_002.png │ │ ├── board_018_003.png │ │ ├── board_019_001.png │ │ ├── board_019_002.png │ │ ├── board_019_003.png │ │ ├── board_020_001.png │ │ ├── board_020_002.png │ │ └── board_020_003.png │ └── states │ │ ├── board_001_001.json │ │ ├── board_001_002.json │ │ ├── board_001_003.json │ │ ├── board_002_001.json │ │ ├── board_002_002.json │ │ ├── board_002_003.json │ │ ├── board_003_001.json │ │ ├── board_003_002.json │ │ ├── board_003_003.json │ │ ├── board_004_001.json │ │ ├── board_004_002.json │ │ ├── board_004_003.json │ │ ├── board_005_001.json │ │ ├── board_005_002.json │ │ ├── board_005_003.json │ │ ├── board_006_001.json │ │ ├── board_006_002.json │ │ ├── board_006_003.json │ │ ├── board_007_001.json │ │ ├── board_007_002.json │ │ ├── board_007_003.json │ │ ├── board_008_001.json │ │ ├── board_008_002.json │ │ ├── board_008_003.json │ │ ├── board_009_001.json │ │ ├── board_009_002.json │ │ ├── board_009_003.json │ │ ├── board_010_001.json │ │ ├── board_010_002.json │ │ ├── board_010_003.json │ │ ├── board_011_001.json │ │ ├── board_011_002.json │ │ ├── board_011_003.json │ │ ├── board_012_001.json │ │ ├── board_012_002.json │ │ ├── board_012_003.json │ │ ├── board_013_001.json │ │ ├── board_013_002.json │ │ ├── board_013_003.json │ │ ├── board_014_001.json │ │ ├── board_014_002.json │ │ ├── board_014_003.json │ │ ├── board_015_001.json │ │ ├── board_015_002.json │ │ ├── board_015_003.json │ │ ├── board_016_001.json │ │ ├── board_016_002.json │ │ ├── board_016_003.json │ │ ├── board_017_001.json │ │ ├── board_017_002.json │ │ ├── board_017_003.json │ │ ├── board_018_001.json │ │ ├── board_018_002.json │ │ ├── board_018_003.json │ │ ├── board_019_001.json │ │ ├── board_019_002.json │ │ ├── board_019_003.json │ │ ├── board_020_001.json │ │ ├── board_020_002.json │ │ └── board_020_003.json ├── readme.md ├── requirements.txt └── src │ ├── board.py │ ├── card.py │ ├── constants.py │ ├── generate.py │ ├── input.py │ ├── main.py │ └── ui.py ├── langton_ant ├── README.md ├── dataset_generator.py └── langton_ant_dataset_example │ ├── data.json │ ├── images │ ├── board_001.png │ ├── board_002.png │ └── board_003.png │ └── states │ ├── board_001.json │ ├── board_002.json │ └── board_003.json ├── lifegame ├── LifeGame.py ├── README.md ├── generate_dataset.py ├── lifegame_dataset_example │ ├── data.json │ ├── images │ │ ├── board_000.png │ │ ├── board_001.png │ │ ├── board_002.png │ │ ├── board_003.png │ │ ├── board_004.png │ │ ├── board_005.png │ │ ├── board_006.png │ │ ├── board_007.png │ │ ├── board_008.png │ │ ├── board_009.png │ │ ├── board_010.png │ │ └── board_011.png │ └── states │ │ ├── board_000.json │ │ ├── board_001.json │ │ ├── board_002.json │ │ ├── board_003.json │ │ ├── board_004.json │ │ ├── board_005.json │ │ ├── board_006.json │ │ ├── board_007.json │ │ ├── board_008.json │ │ ├── board_009.json │ │ ├── board_010.json │ │ └── board_011.json └── lifegame_inspector.py ├── maze ├── .gitignore ├── README.md ├── build.gradle.kts ├── gradle │ └── wrapper │ │ ├── gradle-wrapper.jar │ │ └── gradle-wrapper.properties ├── gradlew ├── gradlew.bat ├── maze_dataset_example │ ├── data.json │ ├── images │ │ ├── image_00000.png │ │ ├── image_00001.png │ │ └── image_00002.png │ └── states │ │ ├── state_00000.json │ │ ├── state_00001.json │ │ └── state_00002.json ├── settings.gradle.kts ├── skipPyFileChecker.py └── src │ ├── main │ └── java │ │ └── com │ │ └── zjt │ │ ├── Main.java │ │ ├── constants │ │ ├── MazeConstants.java │ │ └── RulesConstants.java │ │ ├── generators │ │ ├── DataGen.java │ │ ├── ImageGen.java │ │ ├── MazeGen.java │ │ └── StateGen.java │ │ ├── templates │ │ ├── BaseTemplate.java │ │ └── templates │ │ │ ├── AvailableDirections.java │ │ │ ├── FindPathToGoal.java │ │ │ ├── GoalPosition.java │ │ │ ├── PlayerPosition.java │ │ │ ├── PositionAfterMoving.java │ │ │ └── TurnCount.java │ │ └── utils │ │ ├── FileUtils.java │ │ └── MazeUtils.java │ └── test │ └── java │ ├── DataGenTest.java │ ├── ImageGenTest.java │ └── MazeGenTest.java ├── minecraft ├── .gitignore ├── MinecraftQAGenerator.py ├── README.md ├── assets │ └── textures │ │ └── block │ │ ├── bricks.png │ │ ├── diamond_ore.png │ │ ├── gold_ore.png │ │ ├── ladder.png │ │ ├── lava_still.png │ │ ├── pumpkin_side.png │ │ ├── pumpkin_top.png │ │ ├── stone.png │ │ ├── tnt_bottom.png │ │ ├── tnt_side.png │ │ ├── tnt_top.png │ │ └── water_still.png ├── main.py ├── minecraft_dataset_example │ ├── data.json │ ├── images │ │ ├── 00001.png │ │ ├── 00002.png │ │ ├── 00003.png │ │ ├── 00004.png │ │ ├── 00005.png │ │ ├── 00006.png │ │ ├── 00007.png │ │ ├── 00008.png │ │ ├── 00009.png │ │ ├── 00010.png │ │ ├── 00011.png │ │ ├── 00012.png │ │ ├── 00013.png │ │ ├── 00014.png │ │ ├── 00015.png │ │ ├── 00016.png │ │ ├── 00017.png │ │ ├── 00018.png │ │ ├── 00019.png │ │ ├── 00020.png │ │ ├── 00021.png │ │ ├── 00022.png │ │ ├── 00023.png │ │ ├── 00024.png │ │ ├── 00025.png │ │ ├── 00026.png │ │ ├── 00027.png │ │ ├── 00028.png │ │ ├── 00029.png │ │ └── 00030.png │ └── states │ │ ├── 00001.json │ │ ├── 00002.json │ │ ├── 00003.json │ │ ├── 00004.json │ │ ├── 00005.json │ │ ├── 00006.json │ │ ├── 00007.json │ │ ├── 00008.json │ │ ├── 00009.json │ │ ├── 00010.json │ │ ├── 00011.json │ │ ├── 00012.json │ │ ├── 00013.json │ │ ├── 00014.json │ │ ├── 00015.json │ │ ├── 00016.json │ │ ├── 00017.json │ │ ├── 00018.json │ │ ├── 00019.json │ │ ├── 00020.json │ │ ├── 00021.json │ │ ├── 00022.json │ │ ├── 00023.json │ │ ├── 00024.json │ │ ├── 00025.json │ │ ├── 00026.json │ │ ├── 00027.json │ │ ├── 00028.json │ │ ├── 00029.json │ │ └── 00030.json ├── requirements.txt └── utils │ ├── calculation.py │ ├── constants.py │ ├── gen_chocies.py │ └── image_proc.py ├── minesweeper ├── LICENSE ├── README.md ├── font │ └── Arial.ttf ├── generate_board.py ├── generate_question_and_answer.py ├── main.py ├── minesweeper.py ├── minesweeper_dataset_example │ ├── data.json │ ├── images │ │ ├── board_00001.png │ │ ├── board_00002.png │ │ ├── board_00003.png │ │ ├── board_00004.png │ │ ├── board_00005.png │ │ ├── board_00006.png │ │ ├── board_00007.png │ │ ├── board_00008.png │ │ ├── board_00009.png │ │ ├── board_00010.png │ │ ├── board_00011.png │ │ ├── board_00012.png │ │ ├── board_00013.png │ │ ├── board_00014.png │ │ ├── board_00015.png │ │ ├── board_00016.png │ │ ├── board_00017.png │ │ ├── board_00018.png │ │ ├── board_00019.png │ │ ├── board_00020.png │ │ ├── board_00021.png │ │ ├── board_00022.png │ │ ├── board_00023.png │ │ ├── board_00024.png │ │ ├── board_00025.png │ │ ├── board_00026.png │ │ ├── board_00027.png │ │ ├── board_00028.png │ │ ├── board_00029.png │ │ └── board_00030.png │ ├── minesweeper_to_text_que.py │ └── states │ │ ├── board_00001.json │ │ ├── board_00002.json │ │ ├── board_00003.json │ │ ├── board_00004.json │ │ ├── board_00005.json │ │ ├── board_00006.json │ │ ├── board_00007.json │ │ ├── board_00008.json │ │ ├── board_00009.json │ │ ├── board_00010.json │ │ ├── board_00011.json │ │ ├── board_00012.json │ │ ├── board_00013.json │ │ ├── board_00014.json │ │ ├── board_00015.json │ │ ├── board_00016.json │ │ ├── board_00017.json │ │ ├── board_00018.json │ │ ├── board_00019.json │ │ ├── board_00020.json │ │ ├── board_00021.json │ │ ├── board_00022.json │ │ ├── board_00023.json │ │ ├── board_00024.json │ │ ├── board_00025.json │ │ ├── board_00026.json │ │ ├── board_00027.json │ │ ├── board_00028.json │ │ ├── board_00029.json │ │ └── board_00030.json └── requirements.txt ├── pacman ├── LICENSE ├── QA_generator.py ├── README.md ├── font │ └── Arial.ttf ├── game_logic.py ├── image_generator.py ├── images │ ├── Blinky.png │ ├── Clyde.png │ ├── Inky.png │ ├── Pinky.png │ └── pacman.png ├── main.py ├── pacman.py ├── pacman_dataset_example │ ├── data.json │ ├── images │ │ ├── image_00001.png │ │ ├── image_00002.png │ │ ├── image_00003.png │ │ ├── image_00004.png │ │ ├── image_00005.png │ │ └── image_00006.png │ ├── pacman_to_text_que.py │ └── states │ │ ├── board_00001.json │ │ ├── board_00002.json │ │ ├── board_00003.json │ │ ├── board_00004.json │ │ ├── board_00005.json │ │ └── board_00006.json └── requirements.txt ├── rhythm_game ├── README-zh.md ├── rhythm_game_data_generator.py └── rhythm_game_dataset_example │ ├── data.json │ ├── images │ ├── board_00001.png │ ├── board_00002.png │ └── board_00003.png │ └── states │ ├── board_00001.json │ ├── board_00002.json │ └── board_00003.json ├── rubiks_cube ├── README.md ├── cube.py ├── main.py ├── requirements.txt └── rubiks_cube_dataset_example │ ├── data.json │ ├── images │ ├── cube_00001.png │ ├── cube_00002.png │ ├── cube_00003.png │ └── cube_00004.png │ └── states │ ├── cube_00001.json │ ├── cube_00002.json │ ├── cube_00003.json │ └── cube_00004.json ├── snake ├── gen_qa.py ├── readme.md ├── snake.py └── snake_dataset_example │ ├── data.json │ ├── images │ ├── snake_0.png │ ├── snake_1.png │ ├── snake_2.png │ ├── snake_3.png │ ├── snake_4.png │ ├── snake_5.png │ ├── snake_6.png │ ├── snake_7.png │ ├── snake_8.png │ └── snake_9.png │ └── states │ ├── snake_0.json │ ├── snake_1.json │ ├── snake_2.json │ ├── snake_3.json │ ├── snake_4.json │ ├── snake_5.json │ ├── snake_6.json │ ├── snake_7.json │ ├── snake_8.json │ └── snake_9.json ├── sokoban ├── README.md ├── assets │ ├── box.jpg │ ├── floor.jpg │ ├── player.jpg │ ├── target.jpg │ └── wall.jpg ├── main.py ├── requirements.txt ├── sokoban.py ├── sokoban_dataset_example │ ├── data.json │ ├── images │ │ ├── board_00001.png │ │ ├── board_00002.png │ │ └── board_00003.png │ └── states │ │ ├── board_00001.json │ │ ├── board_00002.json │ │ └── board_00003.json ├── sokoban_texture_handler.py ├── textured_sokoban.py └── timeout_utils.py ├── space_invaders ├── .gitignore ├── README.md ├── SpaceInvaders.py ├── assets │ ├── background.jpg │ ├── enemy1_1.png │ ├── enemy1_2.png │ ├── enemy2_1.png │ ├── enemy2_2.png │ ├── enemy3_1.png │ ├── enemy3_2.png │ ├── enemylaser.png │ ├── laser.png │ ├── mystery.png │ ├── ship_green.png │ └── ship_orange.png ├── generate.py ├── main.py ├── requirements.txt ├── space_invaders_dataset_example │ ├── data.json │ ├── images │ │ ├── space_invaders_00001.png │ │ ├── space_invaders_00002.png │ │ ├── space_invaders_00003.png │ │ ├── space_invaders_00004.png │ │ ├── space_invaders_00005.png │ │ ├── space_invaders_00006.png │ │ └── space_invaders_00007.png │ └── states │ │ ├── space_invaders_00001.json │ │ ├── space_invaders_00002.json │ │ ├── space_invaders_00003.json │ │ ├── space_invaders_00004.json │ │ ├── space_invaders_00005.json │ │ ├── space_invaders_00006.json │ │ └── space_invaders_00007.json └── utils │ ├── calculation.py │ ├── constants.py │ └── gen_chocies.py ├── spider_solitaire ├── .gitignore ├── LICENSE ├── QA_generator.py ├── README.md ├── __init__.py ├── cards │ ├── blueBackVert.gif │ ├── club10.gif │ ├── club2.gif │ ├── club3.gif │ ├── club4.gif │ ├── club5.gif │ ├── club6.gif │ ├── club7.gif │ ├── club8.gif │ ├── club9.gif │ ├── clubAce.gif │ ├── clubJack.gif │ ├── clubKing.gif │ ├── clubQueen.gif │ ├── diamond10.gif │ ├── diamond2.gif │ ├── diamond3.gif │ ├── diamond4.gif │ ├── diamond5.gif │ ├── diamond6.gif │ ├── diamond7.gif │ ├── diamond8.gif │ ├── diamond9.gif │ ├── diamondAce.gif │ ├── diamondJack.gif │ ├── diamondKing.gif │ ├── diamondQueen.gif │ ├── heart10.gif │ ├── heart2.gif │ ├── heart3.gif │ ├── heart4.gif │ ├── heart5.gif │ ├── heart6.gif │ ├── heart7.gif │ ├── heart8.gif │ ├── heart9.gif │ ├── heartAce.gif │ ├── heartJack.gif │ ├── heartKing.gif │ ├── heartQueen.gif │ ├── redBackVert.gif │ ├── spade10.gif │ ├── spade2.gif │ ├── spade3.gif │ ├── spade4.gif │ ├── spade5.gif │ ├── spade6.gif │ ├── spade7.gif │ ├── spade8.gif │ ├── spade9.gif │ ├── spadeAce.gif │ ├── spadeJack.gif │ ├── spadeKing.gif │ └── spadeQueen.gif ├── image_exporter.py ├── main.py ├── model.py ├── requirements.txt ├── spider.pyw ├── spider_solitaire_dataset_example │ ├── data.json │ ├── images │ │ ├── board_00001.png │ │ ├── board_00002.png │ │ └── board_00003.png │ ├── spider_to_text_que.py │ └── states │ │ ├── board_00001.json │ │ ├── board_00002.json │ │ └── board_00003.json ├── utils.py └── view.py ├── star-battle ├── LICENSE ├── README.md ├── star-battle.py └── star-battle_dataset_example │ ├── data.json │ ├── images │ ├── board_last_star_Easy_00001.png │ ├── board_last_star_Hard_00001.png │ ├── board_last_star_Medium_00001.png │ ├── board_state_analysis_Easy_001.png │ ├── board_state_analysis_Hard_001.png │ └── board_state_analysis_Medium_001.png │ └── states │ ├── board_last_star_Easy_00001.json │ ├── board_last_star_Hard_00001.json │ ├── board_last_star_Medium_00001.json │ ├── board_state_analysis_Easy_001.json │ ├── board_state_analysis_Hard_001.json │ └── board_state_analysis_Medium_001.json ├── sudoku ├── README.md ├── arial.ttf ├── data_generator.py ├── data_generator_all_questions.py ├── requirements.txt ├── sudoku_core.py └── sudoku_dataset_example │ ├── data.json │ ├── images │ ├── board_00001.png │ ├── board_00002.png │ ├── board_00003.png │ ├── board_00004.png │ ├── board_00005.png │ ├── board_00006.png │ ├── board_00007.png │ ├── board_00008.png │ ├── board_00009.png │ ├── board_00010.png │ ├── board_00011.png │ ├── board_00012.png │ ├── board_00013.png │ ├── board_00014.png │ └── board_00015.png │ └── states │ ├── board_00001.json │ ├── board_00002.json │ ├── board_00003.json │ ├── board_00004.json │ ├── board_00005.json │ ├── board_00006.json │ ├── board_00007.json │ ├── board_00008.json │ ├── board_00009.json │ ├── board_00010.json │ ├── board_00011.json │ ├── board_00012.json │ ├── board_00013.json │ ├── board_00014.json │ └── board_00015.json ├── tangram ├── main.py ├── multi_qa_generator.py ├── readme.md └── tengram_dataset_example │ ├── data.json │ ├── images │ ├── tengram-mcq-00000.png │ ├── tengram-mcq-00001.png │ ├── tengram-mcq-00002.png │ ├── tengram-mcq-00003.png │ ├── tengram-mcq-00004.png │ ├── tengram-mcq-00005.png │ ├── tengram-mcq-00006.png │ ├── tengram-mcq-00007.png │ ├── tengram-mcq-00008.png │ ├── tengram-mcq-00009.png │ ├── tengram-mcq-00010.png │ ├── tengram-mcq-00011.png │ ├── tengram-mcq-00012.png │ ├── tengram-mcq-00013.png │ └── tengram-mcq-00014.png │ └── states │ ├── tengram-mcq-00000.json │ ├── tengram-mcq-00001.json │ ├── tengram-mcq-00002.json │ ├── tengram-mcq-00003.json │ ├── tengram-mcq-00004.json │ ├── tengram-mcq-00005.json │ ├── tengram-mcq-00006.json │ ├── tengram-mcq-00007.json │ ├── tengram-mcq-00008.json │ ├── tengram-mcq-00009.json │ ├── tengram-mcq-00010.json │ ├── tengram-mcq-00011.json │ ├── tengram-mcq-00012.json │ ├── tengram-mcq-00013.json │ └── tengram-mcq-00014.json ├── tents ├── README.md ├── requirements.txt ├── tent.png ├── tents_dataset_example │ ├── data.json │ ├── images │ │ ├── 00001.png │ │ ├── 00002.png │ │ └── 00003.png │ └── states │ │ ├── 00001.json │ │ ├── 00002.json │ │ └── 00003.json ├── tents_generator.py └── tree.png ├── tetris ├── README.md ├── __init__.py ├── font │ └── Arial.ttf ├── grid.py ├── img_generator.py ├── main.py ├── qa_generator.py ├── tetris.py └── tetris_dataset_example │ ├── data.json │ ├── images │ ├── tetris-00001.png │ ├── tetris-00003.png │ ├── tetris-00004.png │ ├── tetris-00005.png │ ├── tetris-00006.png │ ├── tetris-00007.png │ ├── tetris-00008.png │ ├── tetris-00009.png │ ├── tetris-00010.png │ ├── tetris-00011.png │ ├── tetris-00012.png │ ├── tetris-00013.png │ ├── tetris-00014.png │ ├── tetris-00015.png │ ├── tetris-00016.png │ ├── tetris-00017.png │ ├── tetris-00018.png │ ├── tetris-00019.png │ ├── tetris-00020.png │ ├── tetris-00021.png │ ├── tetris-00022.png │ ├── tetris-00023.png │ ├── tetris-00024.png │ ├── tetris-00025.png │ ├── tetris-00026.png │ ├── tetris-00027.png │ ├── tetris-00028.png │ ├── tetris-00029.png │ ├── tetris-00030.png │ ├── tetris-00031.png │ ├── tetris-00032.png │ └── tetris-00033.png │ └── states │ ├── tetris-00001.json │ ├── tetris-00003.json │ ├── tetris-00004.json │ ├── tetris-00005.json │ ├── tetris-00006.json │ ├── tetris-00007.json │ ├── tetris-00008.json │ ├── tetris-00009.json │ ├── tetris-00010.json │ ├── tetris-00011.json │ ├── tetris-00012.json │ ├── tetris-00013.json │ ├── tetris-00014.json │ ├── tetris-00015.json │ ├── tetris-00016.json │ ├── tetris-00017.json │ ├── tetris-00018.json │ ├── tetris-00019.json │ ├── tetris-00020.json │ ├── tetris-00021.json │ ├── tetris-00022.json │ ├── tetris-00023.json │ ├── tetris-00024.json │ ├── tetris-00025.json │ ├── tetris-00026.json │ ├── tetris-00027.json │ ├── tetris-00028.json │ ├── tetris-00029.json │ ├── tetris-00030.json │ ├── tetris-00031.json │ ├── tetris-00032.json │ └── tetris-00033.json ├── tictactoe ├── README.md ├── font │ └── arial.ttf ├── game.py ├── main.py ├── requirements.txt └── tictactoe_dataset_example │ ├── data.json │ ├── images │ ├── board_1.png │ ├── board_10.png │ ├── board_2.png │ ├── board_3.png │ ├── board_4.png │ ├── board_5.png │ ├── board_6.png │ ├── board_7.png │ ├── board_8.png │ └── board_9.png │ └── states │ ├── board_1.json │ ├── board_10.json │ ├── board_2.json │ ├── board_3.json │ ├── board_4.json │ ├── board_5.json │ ├── board_6.json │ ├── board_7.json │ ├── board_8.json │ └── board_9.json ├── ultra_tictactoe ├── README-zh.md ├── ultra_tictactoe_data_generator.py └── ultra_tictactoe_dataset_example │ ├── data.json │ ├── images │ ├── board_00001.png │ ├── board_00002.png │ └── board_00003.png │ └── states │ ├── board_00001.json │ ├── board_00002.json │ └── board_00003.json ├── word_search ├── main.py ├── readme.md ├── word_search_dataset_example │ ├── data.json │ ├── images │ │ ├── word-mcq-00001.png │ │ ├── word-mcq-00002.png │ │ ├── word-mcq-00003.png │ │ ├── word-mcq-00004.png │ │ ├── word-mcq-00005.png │ │ ├── word-mcq-00006.png │ │ ├── word-mcq-00007.png │ │ └── word-mcq-00008.png │ └── states │ │ ├── word-mcq-00001.json │ │ ├── word-mcq-00002.json │ │ ├── word-mcq-00003.json │ │ ├── word-mcq-00004.json │ │ ├── word-mcq-00005.json │ │ ├── word-mcq-00006.json │ │ ├── word-mcq-00007.json │ │ └── word-mcq-00008.json └── words.txt └── zuma ├── README.md ├── gene_dataset.py ├── gene_gamedata.py ├── gene_qa.py └── zuma_dataset_example ├── data.json ├── images ├── 0001.png ├── 0002.png └── 0003.png └── states ├── 0001.json ├── 0002.json └── 0003.json /.gitignore: -------------------------------------------------------------------------------- 1 | __pycache__/ -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/README.md -------------------------------------------------------------------------------- /assets/4_game_example_samples.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/assets/4_game_example_samples.png -------------------------------------------------------------------------------- /assets/Code2Logic_approach.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/assets/Code2Logic_approach.png -------------------------------------------------------------------------------- /assets/GameQA_generalizes_better.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/assets/GameQA_generalizes_better.png -------------------------------------------------------------------------------- /assets/categorized_30_games_images.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/assets/categorized_30_games_images.png -------------------------------------------------------------------------------- /ms-swift/.dev_scripts/build_docs.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/.dev_scripts/build_docs.sh -------------------------------------------------------------------------------- /ms-swift/.dev_scripts/ci_container_test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/.dev_scripts/ci_container_test.sh -------------------------------------------------------------------------------- /ms-swift/.dev_scripts/dockerci.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/.dev_scripts/dockerci.sh -------------------------------------------------------------------------------- /ms-swift/.github/ISSUE_TEMPLATE/bug_report.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/.github/ISSUE_TEMPLATE/bug_report.md -------------------------------------------------------------------------------- /ms-swift/.github/ISSUE_TEMPLATE/custom.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/.github/ISSUE_TEMPLATE/custom.md -------------------------------------------------------------------------------- /ms-swift/.github/PULL_REQUEST_TEMPLATE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/.github/PULL_REQUEST_TEMPLATE.md -------------------------------------------------------------------------------- /ms-swift/.github/SECURITY.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/.github/SECURITY.md -------------------------------------------------------------------------------- /ms-swift/.github/workflows/citest.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/.github/workflows/citest.yaml -------------------------------------------------------------------------------- /ms-swift/.github/workflows/lint.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/.github/workflows/lint.yaml -------------------------------------------------------------------------------- /ms-swift/.github/workflows/publish.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/.github/workflows/publish.yaml -------------------------------------------------------------------------------- /ms-swift/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/.gitignore -------------------------------------------------------------------------------- /ms-swift/.pre-commit-config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/.pre-commit-config.yaml -------------------------------------------------------------------------------- /ms-swift/.pre-commit-config_local.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/.pre-commit-config_local.yaml -------------------------------------------------------------------------------- /ms-swift/CODE_OF_CONDUCT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/CODE_OF_CONDUCT.md -------------------------------------------------------------------------------- /ms-swift/CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/CONTRIBUTING.md -------------------------------------------------------------------------------- /ms-swift/CONTRIBUTING_CN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/CONTRIBUTING_CN.md -------------------------------------------------------------------------------- /ms-swift/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/LICENSE -------------------------------------------------------------------------------- /ms-swift/MANIFEST.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/MANIFEST.in -------------------------------------------------------------------------------- /ms-swift/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/Makefile -------------------------------------------------------------------------------- /ms-swift/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/README.md -------------------------------------------------------------------------------- /ms-swift/README_CN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/README_CN.md -------------------------------------------------------------------------------- /ms-swift/asset/banner.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/asset/banner.png -------------------------------------------------------------------------------- /ms-swift/asset/discord_qr.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/asset/discord_qr.jpg -------------------------------------------------------------------------------- /ms-swift/asset/wechat.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/asset/wechat.png -------------------------------------------------------------------------------- /ms-swift/docs/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/Makefile -------------------------------------------------------------------------------- /ms-swift/docs/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/README.md -------------------------------------------------------------------------------- /ms-swift/docs/make.bat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/make.bat -------------------------------------------------------------------------------- /ms-swift/docs/resources/dpo_data.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/resources/dpo_data.png -------------------------------------------------------------------------------- /ms-swift/docs/resources/grpo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/resources/grpo.png -------------------------------------------------------------------------------- /ms-swift/docs/resources/grpo_clevr_count.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/resources/grpo_clevr_count.png -------------------------------------------------------------------------------- /ms-swift/docs/resources/grpo_code.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/resources/grpo_code.png -------------------------------------------------------------------------------- /ms-swift/docs/resources/grpo_countdown.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/resources/grpo_countdown.png -------------------------------------------------------------------------------- /ms-swift/docs/resources/grpo_countdown_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/resources/grpo_countdown_1.png -------------------------------------------------------------------------------- /ms-swift/docs/resources/grpo_geoqa.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/resources/grpo_geoqa.png -------------------------------------------------------------------------------- /ms-swift/docs/resources/kto_data.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/resources/kto_data.png -------------------------------------------------------------------------------- /ms-swift/docs/resources/web-ui-en.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/resources/web-ui-en.jpg -------------------------------------------------------------------------------- /ms-swift/docs/resources/web-ui.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/resources/web-ui.jpg -------------------------------------------------------------------------------- /ms-swift/docs/source/.readthedocs.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/source/.readthedocs.yaml -------------------------------------------------------------------------------- /ms-swift/docs/source/BestPractices/GRPO代码训练.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/source/BestPractices/GRPO代码训练.md -------------------------------------------------------------------------------- /ms-swift/docs/source/BestPractices/GRPO多模态训练.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/source/BestPractices/GRPO多模态训练.md -------------------------------------------------------------------------------- /ms-swift/docs/source/BestPractices/GRPO完整流程.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/source/BestPractices/GRPO完整流程.md -------------------------------------------------------------------------------- /ms-swift/docs/source/BestPractices/NPU支持.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/source/BestPractices/NPU支持.md -------------------------------------------------------------------------------- /ms-swift/docs/source/BestPractices/更多最佳实践.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/source/BestPractices/更多最佳实践.md -------------------------------------------------------------------------------- /ms-swift/docs/source/Customization/插件化.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/source/Customization/插件化.md -------------------------------------------------------------------------------- /ms-swift/docs/source/Customization/自定义数据集.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/source/Customization/自定义数据集.md -------------------------------------------------------------------------------- /ms-swift/docs/source/Customization/自定义模型.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/source/Customization/自定义模型.md -------------------------------------------------------------------------------- /ms-swift/docs/source/GetStarted/SWIFT安装.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/source/GetStarted/SWIFT安装.md -------------------------------------------------------------------------------- /ms-swift/docs/source/GetStarted/Web-UI.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/source/GetStarted/Web-UI.md -------------------------------------------------------------------------------- /ms-swift/docs/source/GetStarted/快速开始.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/source/GetStarted/快速开始.md -------------------------------------------------------------------------------- /ms-swift/docs/source/Instruction/Agent支持.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/source/Instruction/Agent支持.md -------------------------------------------------------------------------------- /ms-swift/docs/source/Instruction/GRPO.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/source/Instruction/GRPO.md -------------------------------------------------------------------------------- /ms-swift/docs/source/Instruction/人类对齐.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/source/Instruction/人类对齐.md -------------------------------------------------------------------------------- /ms-swift/docs/source/Instruction/使用tuners.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/source/Instruction/使用tuners.md -------------------------------------------------------------------------------- /ms-swift/docs/source/Instruction/命令行参数.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/source/Instruction/命令行参数.md -------------------------------------------------------------------------------- /ms-swift/docs/source/Instruction/导出与推送.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/source/Instruction/导出与推送.md -------------------------------------------------------------------------------- /ms-swift/docs/source/Instruction/常见问题整理.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/source/Instruction/常见问题整理.md -------------------------------------------------------------------------------- /ms-swift/docs/source/Instruction/强化微调.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/source/Instruction/强化微调.md -------------------------------------------------------------------------------- /ms-swift/docs/source/Instruction/推理和部署.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/source/Instruction/推理和部署.md -------------------------------------------------------------------------------- /ms-swift/docs/source/Instruction/支持的模型和数据集.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/source/Instruction/支持的模型和数据集.md -------------------------------------------------------------------------------- /ms-swift/docs/source/Instruction/评测.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/source/Instruction/评测.md -------------------------------------------------------------------------------- /ms-swift/docs/source/Instruction/采样.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/source/Instruction/采样.md -------------------------------------------------------------------------------- /ms-swift/docs/source/Instruction/预训练与微调.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/source/Instruction/预训练与微调.md -------------------------------------------------------------------------------- /ms-swift/docs/source/_templates/sobolengine.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/source/_templates/sobolengine.rst -------------------------------------------------------------------------------- /ms-swift/docs/source/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/source/conf.py -------------------------------------------------------------------------------- /ms-swift/docs/source/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/source/index.rst -------------------------------------------------------------------------------- /ms-swift/docs/source_en/.readthedocs.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/source_en/.readthedocs.yaml -------------------------------------------------------------------------------- /ms-swift/docs/source_en/BestPractices/GRPO.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/source_en/BestPractices/GRPO.md -------------------------------------------------------------------------------- /ms-swift/docs/source_en/GetStarted/Web-UI.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/source_en/GetStarted/Web-UI.md -------------------------------------------------------------------------------- /ms-swift/docs/source_en/Instruction/GRPO.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/source_en/Instruction/GRPO.md -------------------------------------------------------------------------------- /ms-swift/docs/source_en/Instruction/RLHF.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/source_en/Instruction/RLHF.md -------------------------------------------------------------------------------- /ms-swift/docs/source_en/Instruction/Sample.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/source_en/Instruction/Sample.md -------------------------------------------------------------------------------- /ms-swift/docs/source_en/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/source_en/conf.py -------------------------------------------------------------------------------- /ms-swift/docs/source_en/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/docs/source_en/index.rst -------------------------------------------------------------------------------- /ms-swift/examples/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/README.md -------------------------------------------------------------------------------- /ms-swift/examples/app/base_url/demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/app/base_url/demo.py -------------------------------------------------------------------------------- /ms-swift/examples/app/base_url/demo.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/app/base_url/demo.sh -------------------------------------------------------------------------------- /ms-swift/examples/app/llm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/app/llm.sh -------------------------------------------------------------------------------- /ms-swift/examples/app/mllm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/app/mllm.sh -------------------------------------------------------------------------------- /ms-swift/examples/custom/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/custom/dataset.py -------------------------------------------------------------------------------- /ms-swift/examples/custom/infer.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/custom/infer.sh -------------------------------------------------------------------------------- /ms-swift/examples/custom/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/custom/model.py -------------------------------------------------------------------------------- /ms-swift/examples/custom/sft.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/custom/sft.sh -------------------------------------------------------------------------------- /ms-swift/examples/deploy/agent/client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/deploy/agent/client.py -------------------------------------------------------------------------------- /ms-swift/examples/deploy/agent/server.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/deploy/agent/server.sh -------------------------------------------------------------------------------- /ms-swift/examples/deploy/bert/client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/deploy/bert/client.py -------------------------------------------------------------------------------- /ms-swift/examples/deploy/bert/server.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/deploy/bert/server.sh -------------------------------------------------------------------------------- /ms-swift/examples/deploy/lora/client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/deploy/lora/client.py -------------------------------------------------------------------------------- /ms-swift/examples/deploy/lora/server.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/deploy/lora/server.sh -------------------------------------------------------------------------------- /ms-swift/examples/deploy/reward_model/client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/deploy/reward_model/client.py -------------------------------------------------------------------------------- /ms-swift/examples/deploy/reward_model/server.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/deploy/reward_model/server.sh -------------------------------------------------------------------------------- /ms-swift/examples/deploy/server/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/deploy/server/README.md -------------------------------------------------------------------------------- /ms-swift/examples/deploy/server/demo.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/deploy/server/demo.sh -------------------------------------------------------------------------------- /ms-swift/examples/eval/eval_url/demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/eval/eval_url/demo.py -------------------------------------------------------------------------------- /ms-swift/examples/eval/eval_url/eval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/eval/eval_url/eval.sh -------------------------------------------------------------------------------- /ms-swift/examples/eval/llm/eval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/eval/llm/eval.sh -------------------------------------------------------------------------------- /ms-swift/examples/eval/train_eval/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/eval/train_eval/train.sh -------------------------------------------------------------------------------- /ms-swift/examples/eval/vlm/eval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/eval/vlm/eval.sh -------------------------------------------------------------------------------- /ms-swift/examples/export/merge_lora.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/export/merge_lora.sh -------------------------------------------------------------------------------- /ms-swift/examples/export/ollama.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/export/ollama.sh -------------------------------------------------------------------------------- /ms-swift/examples/export/push_to_hub.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/export/push_to_hub.sh -------------------------------------------------------------------------------- /ms-swift/examples/export/quantize/awq.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/export/quantize/awq.sh -------------------------------------------------------------------------------- /ms-swift/examples/export/quantize/bert/bnb.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/export/quantize/bert/bnb.sh -------------------------------------------------------------------------------- /ms-swift/examples/export/quantize/bert/gptq.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/export/quantize/bert/gptq.sh -------------------------------------------------------------------------------- /ms-swift/examples/export/quantize/bnb.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/export/quantize/bnb.sh -------------------------------------------------------------------------------- /ms-swift/examples/export/quantize/gptq.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/export/quantize/gptq.sh -------------------------------------------------------------------------------- /ms-swift/examples/export/quantize/mllm/awq.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/export/quantize/mllm/awq.sh -------------------------------------------------------------------------------- /ms-swift/examples/export/quantize/mllm/gptq.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/export/quantize/mllm/gptq.sh -------------------------------------------------------------------------------- /ms-swift/examples/export/quantize/moe/gptq.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/export/quantize/moe/gptq.sh -------------------------------------------------------------------------------- /ms-swift/examples/export/quantize/omni/gptq.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/export/quantize/omni/gptq.sh -------------------------------------------------------------------------------- /ms-swift/examples/infer/cli_demo.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/infer/cli_demo.sh -------------------------------------------------------------------------------- /ms-swift/examples/infer/demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/infer/demo.py -------------------------------------------------------------------------------- /ms-swift/examples/infer/demo_agent.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/infer/demo_agent.py -------------------------------------------------------------------------------- /ms-swift/examples/infer/demo_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/infer/demo_bert.py -------------------------------------------------------------------------------- /ms-swift/examples/infer/demo_grounding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/infer/demo_grounding.py -------------------------------------------------------------------------------- /ms-swift/examples/infer/demo_hf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/infer/demo_hf.py -------------------------------------------------------------------------------- /ms-swift/examples/infer/demo_lora.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/infer/demo_lora.py -------------------------------------------------------------------------------- /ms-swift/examples/infer/demo_mllm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/infer/demo_mllm.py -------------------------------------------------------------------------------- /ms-swift/examples/infer/demo_reward_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/infer/demo_reward_model.py -------------------------------------------------------------------------------- /ms-swift/examples/infer/lmdeploy/ddp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/infer/lmdeploy/ddp.sh -------------------------------------------------------------------------------- /ms-swift/examples/infer/lmdeploy/mllm_tp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/infer/lmdeploy/mllm_tp.sh -------------------------------------------------------------------------------- /ms-swift/examples/infer/pt/batch_ddp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/infer/pt/batch_ddp.sh -------------------------------------------------------------------------------- /ms-swift/examples/infer/pt/bert.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/infer/pt/bert.sh -------------------------------------------------------------------------------- /ms-swift/examples/infer/pt/lora.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/infer/pt/lora.sh -------------------------------------------------------------------------------- /ms-swift/examples/infer/pt/mllm_device_map.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/infer/pt/mllm_device_map.sh -------------------------------------------------------------------------------- /ms-swift/examples/infer/pt/prm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/infer/pt/prm.sh -------------------------------------------------------------------------------- /ms-swift/examples/infer/pt/reward_model.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/infer/pt/reward_model.sh -------------------------------------------------------------------------------- /ms-swift/examples/infer/vllm/ddp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/infer/vllm/ddp.sh -------------------------------------------------------------------------------- /ms-swift/examples/infer/vllm/mllm_ddp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/infer/vllm/mllm_ddp.sh -------------------------------------------------------------------------------- /ms-swift/examples/infer/vllm/mllm_tp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/infer/vllm/mllm_tp.sh -------------------------------------------------------------------------------- /ms-swift/examples/sampler/distill/distill.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/sampler/distill/distill.sh -------------------------------------------------------------------------------- /ms-swift/examples/sampler/mcts/mcts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/sampler/mcts/mcts.py -------------------------------------------------------------------------------- /ms-swift/examples/sampler/mcts/mcts.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/sampler/mcts/mcts.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/agent/deepseek_r1.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/agent/deepseek_r1.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/agent/glm4.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/agent/glm4.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/agent/qwen2_5.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/agent/qwen2_5.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/all_to_all/infer.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/all_to_all/infer.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/all_to_all/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/all_to_all/train.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/base_to_chat/full.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/base_to_chat/full.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/base_to_chat/lora.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/base_to_chat/lora.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/base_to_chat/lora2.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/base_to_chat/lora2.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/embedding/train_gme.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/embedding/train_gme.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/embedding/train_gte.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/embedding/train_gte.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/full/infer.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/full/infer.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/full/qwen2_5_32b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/full/qwen2_5_32b.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/full/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/full/train.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/grpo/full_lmdeploy.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/grpo/full_lmdeploy.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/grpo/full_vllm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/grpo/full_vllm.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/grpo/game_prompt.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/grpo/game_prompt.txt -------------------------------------------------------------------------------- /ms-swift/examples/train/grpo/grpo.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/grpo/grpo.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/grpo/lora_qwenvl72b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/grpo/lora_qwenvl72b.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/grpo/lora_vllm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/grpo/lora_vllm.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/grpo/multi_gpu_agent.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/grpo/multi_gpu_agent.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/grpo/plugin/plugin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/grpo/plugin/plugin.py -------------------------------------------------------------------------------- /ms-swift/examples/train/grpo/prompt.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/grpo/prompt.txt -------------------------------------------------------------------------------- /ms-swift/examples/train/grpo/train_72b_4gpu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/grpo/train_72b_4gpu.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/infer.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/infer.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/lazy_tokenize/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/lazy_tokenize/train.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/liger/sft.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/liger/sft.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/long_text/zero3.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/long_text/zero3.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/lora_sft.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/lora_sft.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/megatron/moe.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/megatron/moe.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/megatron/pretrain.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/megatron/pretrain.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/megatron/qwen3_moe.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/megatron/qwen3_moe.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/megatron/sft.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/megatron/sft.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/moe/llama4.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/moe/llama4.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/moe/qwen2_5_moe.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/moe/qwen2_5_moe.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/multimodal/audio.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/multimodal/audio.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/multimodal/infer.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/multimodal/infer.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/multimodal/ocr.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/multimodal/ocr.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/multimodal/video.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/multimodal/video.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/optimizer/muon.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/optimizer/muon.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/packing/llm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/packing/llm.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/packing/streaming.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/packing/streaming.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/pretrain/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/pretrain/train.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/qlora/awq.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/qlora/awq.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/qlora/bnb.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/qlora/bnb.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/qlora/gptq.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/qlora/gptq.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/qlora/hqq.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/qlora/hqq.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/rft/math.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/rft/math.json -------------------------------------------------------------------------------- /ms-swift/examples/train/rft/rft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/rft/rft.py -------------------------------------------------------------------------------- /ms-swift/examples/train/rlhf/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/rlhf/README.md -------------------------------------------------------------------------------- /ms-swift/examples/train/rlhf/cpo.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/rlhf/cpo.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/rlhf/dpo.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/rlhf/dpo.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/rlhf/kto.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/rlhf/kto.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/rlhf/orpo.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/rlhf/orpo.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/rlhf/ppo.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/rlhf/ppo.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/rlhf/rm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/rlhf/rm.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/rlhf/simpo.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/rlhf/simpo.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/seq_cls/bert/sft.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/seq_cls/bert/sft.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/streaming/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/streaming/train.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/tuners/boft/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/tuners/boft/train.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/tuners/bone/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/tuners/bone/train.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/tuners/dora/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/tuners/dora/train.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/tuners/lisa/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/tuners/lisa/train.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/tuners/lora/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/tuners/lora/train.sh -------------------------------------------------------------------------------- /ms-swift/examples/train/tuners/reft/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/examples/train/tuners/reft/train.sh -------------------------------------------------------------------------------- /ms-swift/requirements.txt: -------------------------------------------------------------------------------- 1 | -r requirements/framework.txt 2 | -------------------------------------------------------------------------------- /ms-swift/requirements/docs.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/requirements/docs.txt -------------------------------------------------------------------------------- /ms-swift/requirements/eval.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/requirements/eval.txt -------------------------------------------------------------------------------- /ms-swift/requirements/framework.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/requirements/framework.txt -------------------------------------------------------------------------------- /ms-swift/requirements/install_all.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/requirements/install_all.sh -------------------------------------------------------------------------------- /ms-swift/requirements/seq_parallel.txt: -------------------------------------------------------------------------------- 1 | xtuner 2 | -------------------------------------------------------------------------------- /ms-swift/requirements/swanlab.txt: -------------------------------------------------------------------------------- 1 | swanlab 2 | -------------------------------------------------------------------------------- /ms-swift/requirements/tests.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/requirements/tests.txt -------------------------------------------------------------------------------- /ms-swift/scripts/benchmark/config/tuner.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/scripts/benchmark/config/tuner.json -------------------------------------------------------------------------------- /ms-swift/scripts/benchmark/exp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/scripts/benchmark/exp.py -------------------------------------------------------------------------------- /ms-swift/scripts/benchmark/exp_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/scripts/benchmark/exp_utils.py -------------------------------------------------------------------------------- /ms-swift/scripts/utils/plot_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/scripts/utils/plot_loss.py -------------------------------------------------------------------------------- /ms-swift/scripts/utils/run_dataset_info.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/scripts/utils/run_dataset_info.py -------------------------------------------------------------------------------- /ms-swift/scripts/utils/run_model_info.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/scripts/utils/run_model_info.py -------------------------------------------------------------------------------- /ms-swift/scripts/utils/run_template.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/scripts/utils/run_template.py -------------------------------------------------------------------------------- /ms-swift/setup.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/setup.cfg -------------------------------------------------------------------------------- /ms-swift/setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/setup.py -------------------------------------------------------------------------------- /ms-swift/swift/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/__init__.py -------------------------------------------------------------------------------- /ms-swift/swift/cli/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /ms-swift/swift/cli/_megatron/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /ms-swift/swift/cli/_megatron/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/cli/_megatron/main.py -------------------------------------------------------------------------------- /ms-swift/swift/cli/_megatron/pt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/cli/_megatron/pt.py -------------------------------------------------------------------------------- /ms-swift/swift/cli/_megatron/sft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/cli/_megatron/sft.py -------------------------------------------------------------------------------- /ms-swift/swift/cli/app.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/cli/app.py -------------------------------------------------------------------------------- /ms-swift/swift/cli/deploy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/cli/deploy.py -------------------------------------------------------------------------------- /ms-swift/swift/cli/eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/cli/eval.py -------------------------------------------------------------------------------- /ms-swift/swift/cli/export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/cli/export.py -------------------------------------------------------------------------------- /ms-swift/swift/cli/infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/cli/infer.py -------------------------------------------------------------------------------- /ms-swift/swift/cli/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/cli/main.py -------------------------------------------------------------------------------- /ms-swift/swift/cli/merge_lora.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/cli/merge_lora.py -------------------------------------------------------------------------------- /ms-swift/swift/cli/pt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/cli/pt.py -------------------------------------------------------------------------------- /ms-swift/swift/cli/rlhf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/cli/rlhf.py -------------------------------------------------------------------------------- /ms-swift/swift/cli/sample.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/cli/sample.py -------------------------------------------------------------------------------- /ms-swift/swift/cli/sft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/cli/sft.py -------------------------------------------------------------------------------- /ms-swift/swift/cli/web_ui.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/cli/web_ui.py -------------------------------------------------------------------------------- /ms-swift/swift/hub/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/hub/__init__.py -------------------------------------------------------------------------------- /ms-swift/swift/hub/constant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/hub/constant.py -------------------------------------------------------------------------------- /ms-swift/swift/hub/hub.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/hub/hub.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/__init__.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/app/__init__.py: -------------------------------------------------------------------------------- 1 | from .app import SwiftApp, app_main 2 | -------------------------------------------------------------------------------- /ms-swift/swift/llm/app/app.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/app/app.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/app/build_ui.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/app/build_ui.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/app/locale.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/app/locale.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/argument/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/argument/__init__.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/argument/app_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/argument/app_args.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/argument/deploy_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/argument/deploy_args.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/argument/eval_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/argument/eval_args.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/argument/export_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/argument/export_args.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/argument/infer_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/argument/infer_args.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/argument/merge_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/argument/merge_args.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/argument/rlhf_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/argument/rlhf_args.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/argument/sampling_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/argument/sampling_args.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/argument/train_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/argument/train_args.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/argument/tuner_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/argument/tuner_args.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/argument/webui_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/argument/webui_args.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/base.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/data_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/data_loader.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/dataset/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/dataset/__init__.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/dataset/dataset/llm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/dataset/dataset/llm.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/dataset/dataset/mllm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/dataset/dataset/mllm.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/dataset/loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/dataset/loader.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/dataset/media.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/dataset/media.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/dataset/register.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/dataset/register.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/dataset/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/dataset/utils.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/ds_config/zero0.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/ds_config/zero0.json -------------------------------------------------------------------------------- /ms-swift/swift/llm/ds_config/zero1.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/ds_config/zero1.json -------------------------------------------------------------------------------- /ms-swift/swift/llm/ds_config/zero2.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/ds_config/zero2.json -------------------------------------------------------------------------------- /ms-swift/swift/llm/ds_config/zero3.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/ds_config/zero3.json -------------------------------------------------------------------------------- /ms-swift/swift/llm/eval/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/eval/__init__.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/eval/eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/eval/eval.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/eval/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/eval/utils.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/export/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/export/__init__.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/export/export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/export/export.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/export/merge_lora.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/export/merge_lora.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/export/ollama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/export/ollama.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/export/quant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/export/quant.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/infer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/infer/__init__.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/infer/deploy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/infer/deploy.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/infer/infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/infer/infer.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/infer/protocol.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/infer/protocol.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/infer/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/infer/utils.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/model/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/model/__init__.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/model/constant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/model/constant.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/model/model/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/model/model/__init__.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/model/model/baai.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/model/model/baai.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/model/model/baichuan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/model/model/baichuan.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/model/model/bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/model/model/bert.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/model/model/codefuse.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/model/model/codefuse.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/model/model/deepseek.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/model/model/deepseek.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/model/model/gemma.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/model/model/gemma.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/model/model/glm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/model/model/glm.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/model/model/internlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/model/model/internlm.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/model/model/llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/model/model/llama.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/model/model/llava.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/model/model/llava.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/model/model/llm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/model/model/llm.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/model/model/mamba.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/model/model/mamba.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/model/model/microsoft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/model/model/microsoft.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/model/model/minicpm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/model/model/minicpm.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/model/model/minimax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/model/model/minimax.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/model/model/mistral.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/model/model/mistral.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/model/model/mllm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/model/model/mllm.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/model/model/moonshot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/model/model/moonshot.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/model/model/mplug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/model/model/mplug.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/model/model/openbuddy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/model/model/openbuddy.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/model/model/qwen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/model/model/qwen.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/model/model/skywork.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/model/model/skywork.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/model/model/stepfun.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/model/model/stepfun.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/model/model/telechat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/model/model/telechat.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/model/model/valley.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/model/model/valley.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/model/model/yi.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/model/model/yi.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/model/model_arch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/model/model_arch.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/model/patcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/model/patcher.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/model/register.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/model/register.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/model/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/model/utils.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/sampling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/sampling/__init__.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/sampling/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/sampling/base.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/sampling/mcts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/sampling/mcts.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/sampling/sampling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/sampling/sampling.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/sampling/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/sampling/utils.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/template/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/template/__init__.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/template/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/template/base.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/template/constant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/template/constant.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/template/grounding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/template/grounding.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/template/register.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/template/register.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/template/template/emu3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/template/template/emu3.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/template/template/glm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/template/template/glm.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/template/template/llm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/template/template/llm.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/template/template/qwen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/template/template/qwen.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/template/template/yi.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/template/template/yi.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/template/template_meta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/template/template_meta.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/template/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/template/utils.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/template/vision_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/template/vision_utils.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/train/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/train/__init__.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/train/callback.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/train/callback.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/train/kto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/train/kto.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/train/pt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/train/pt.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/train/rlhf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/train/rlhf.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/train/sft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/train/sft.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/train/tuner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/train/tuner.py -------------------------------------------------------------------------------- /ms-swift/swift/llm/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/llm/utils.py -------------------------------------------------------------------------------- /ms-swift/swift/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/megatron/__init__.py -------------------------------------------------------------------------------- /ms-swift/swift/megatron/argument/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/megatron/argument/__init__.py -------------------------------------------------------------------------------- /ms-swift/swift/megatron/init.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/megatron/init.py -------------------------------------------------------------------------------- /ms-swift/swift/megatron/model/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/megatron/model/__init__.py -------------------------------------------------------------------------------- /ms-swift/swift/megatron/model/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/megatron/model/config.py -------------------------------------------------------------------------------- /ms-swift/swift/megatron/model/constant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/megatron/model/constant.py -------------------------------------------------------------------------------- /ms-swift/swift/megatron/model/gpt/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/megatron/model/gpt/config.py -------------------------------------------------------------------------------- /ms-swift/swift/megatron/model/gpt/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/megatron/model/gpt/model.py -------------------------------------------------------------------------------- /ms-swift/swift/megatron/model/register.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/megatron/model/register.py -------------------------------------------------------------------------------- /ms-swift/swift/megatron/model/rope.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/megatron/model/rope.py -------------------------------------------------------------------------------- /ms-swift/swift/megatron/train/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/megatron/train/__init__.py -------------------------------------------------------------------------------- /ms-swift/swift/megatron/train/patcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/megatron/train/patcher.py -------------------------------------------------------------------------------- /ms-swift/swift/megatron/train/pt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/megatron/train/pt.py -------------------------------------------------------------------------------- /ms-swift/swift/megatron/train/sft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/megatron/train/sft.py -------------------------------------------------------------------------------- /ms-swift/swift/megatron/train/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/megatron/train/utils.py -------------------------------------------------------------------------------- /ms-swift/swift/megatron/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/megatron/utils/__init__.py -------------------------------------------------------------------------------- /ms-swift/swift/megatron/utils/convert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/megatron/utils/convert.py -------------------------------------------------------------------------------- /ms-swift/swift/megatron/utils/patcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/megatron/utils/patcher.py -------------------------------------------------------------------------------- /ms-swift/swift/plugin/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/plugin/__init__.py -------------------------------------------------------------------------------- /ms-swift/swift/plugin/agent_template/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/plugin/agent_template/base.py -------------------------------------------------------------------------------- /ms-swift/swift/plugin/agent_template/glm4.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/plugin/agent_template/glm4.py -------------------------------------------------------------------------------- /ms-swift/swift/plugin/agent_template/qwen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/plugin/agent_template/qwen.py -------------------------------------------------------------------------------- /ms-swift/swift/plugin/callback.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/plugin/callback.py -------------------------------------------------------------------------------- /ms-swift/swift/plugin/loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/plugin/loss.py -------------------------------------------------------------------------------- /ms-swift/swift/plugin/loss_scale/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/plugin/loss_scale/__init__.py -------------------------------------------------------------------------------- /ms-swift/swift/plugin/loss_scale/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/plugin/loss_scale/utils.py -------------------------------------------------------------------------------- /ms-swift/swift/plugin/metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/plugin/metric.py -------------------------------------------------------------------------------- /ms-swift/swift/plugin/multi_turn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/plugin/multi_turn.py -------------------------------------------------------------------------------- /ms-swift/swift/plugin/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/plugin/optimizer.py -------------------------------------------------------------------------------- /ms-swift/swift/plugin/orm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/plugin/orm.py -------------------------------------------------------------------------------- /ms-swift/swift/plugin/prm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/plugin/prm.py -------------------------------------------------------------------------------- /ms-swift/swift/plugin/tuner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/plugin/tuner.py -------------------------------------------------------------------------------- /ms-swift/swift/trainers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/trainers/__init__.py -------------------------------------------------------------------------------- /ms-swift/swift/trainers/arguments.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/trainers/arguments.py -------------------------------------------------------------------------------- /ms-swift/swift/trainers/callback.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/trainers/callback.py -------------------------------------------------------------------------------- /ms-swift/swift/trainers/mixin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/trainers/mixin.py -------------------------------------------------------------------------------- /ms-swift/swift/trainers/optimizers/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Alibaba, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /ms-swift/swift/trainers/rlhf_arguments.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/trainers/rlhf_arguments.py -------------------------------------------------------------------------------- /ms-swift/swift/trainers/torchacc_mixin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/trainers/torchacc_mixin.py -------------------------------------------------------------------------------- /ms-swift/swift/trainers/trainer_factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/trainers/trainer_factory.py -------------------------------------------------------------------------------- /ms-swift/swift/trainers/trainers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/trainers/trainers.py -------------------------------------------------------------------------------- /ms-swift/swift/trainers/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/trainers/utils.py -------------------------------------------------------------------------------- /ms-swift/swift/trainers/xtuner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/trainers/xtuner.py -------------------------------------------------------------------------------- /ms-swift/swift/tuners/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/tuners/__init__.py -------------------------------------------------------------------------------- /ms-swift/swift/tuners/adapter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/tuners/adapter.py -------------------------------------------------------------------------------- /ms-swift/swift/tuners/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/tuners/base.py -------------------------------------------------------------------------------- /ms-swift/swift/tuners/llamapro.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/tuners/llamapro.py -------------------------------------------------------------------------------- /ms-swift/swift/tuners/longlora/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Alibaba, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /ms-swift/swift/tuners/longlora/llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/tuners/longlora/llama.py -------------------------------------------------------------------------------- /ms-swift/swift/tuners/longlora/longlora.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/tuners/longlora/longlora.py -------------------------------------------------------------------------------- /ms-swift/swift/tuners/lora.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/tuners/lora.py -------------------------------------------------------------------------------- /ms-swift/swift/tuners/lora_layers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/tuners/lora_layers.py -------------------------------------------------------------------------------- /ms-swift/swift/tuners/mapping.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/tuners/mapping.py -------------------------------------------------------------------------------- /ms-swift/swift/tuners/neftune.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/tuners/neftune.py -------------------------------------------------------------------------------- /ms-swift/swift/tuners/part.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/tuners/part.py -------------------------------------------------------------------------------- /ms-swift/swift/tuners/peft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/tuners/peft.py -------------------------------------------------------------------------------- /ms-swift/swift/tuners/prompt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/tuners/prompt.py -------------------------------------------------------------------------------- /ms-swift/swift/tuners/reft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/tuners/reft.py -------------------------------------------------------------------------------- /ms-swift/swift/tuners/restuning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/tuners/restuning.py -------------------------------------------------------------------------------- /ms-swift/swift/tuners/scetuning/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/tuners/scetuning/__init__.py -------------------------------------------------------------------------------- /ms-swift/swift/tuners/scetuning/scetuning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/tuners/scetuning/scetuning.py -------------------------------------------------------------------------------- /ms-swift/swift/tuners/side.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/tuners/side.py -------------------------------------------------------------------------------- /ms-swift/swift/tuners/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/tuners/utils.py -------------------------------------------------------------------------------- /ms-swift/swift/ui/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/ui/__init__.py -------------------------------------------------------------------------------- /ms-swift/swift/ui/app.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/ui/app.py -------------------------------------------------------------------------------- /ms-swift/swift/ui/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/ui/base.py -------------------------------------------------------------------------------- /ms-swift/swift/ui/llm_eval/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Alibaba, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /ms-swift/swift/ui/llm_eval/eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/ui/llm_eval/eval.py -------------------------------------------------------------------------------- /ms-swift/swift/ui/llm_eval/llm_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/ui/llm_eval/llm_eval.py -------------------------------------------------------------------------------- /ms-swift/swift/ui/llm_eval/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/ui/llm_eval/model.py -------------------------------------------------------------------------------- /ms-swift/swift/ui/llm_eval/runtime.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/ui/llm_eval/runtime.py -------------------------------------------------------------------------------- /ms-swift/swift/ui/llm_export/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Alibaba, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /ms-swift/swift/ui/llm_export/export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/ui/llm_export/export.py -------------------------------------------------------------------------------- /ms-swift/swift/ui/llm_export/llm_export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/ui/llm_export/llm_export.py -------------------------------------------------------------------------------- /ms-swift/swift/ui/llm_export/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/ui/llm_export/model.py -------------------------------------------------------------------------------- /ms-swift/swift/ui/llm_export/runtime.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/ui/llm_export/runtime.py -------------------------------------------------------------------------------- /ms-swift/swift/ui/llm_infer/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Alibaba, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /ms-swift/swift/ui/llm_infer/generate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/ui/llm_infer/generate.py -------------------------------------------------------------------------------- /ms-swift/swift/ui/llm_infer/llm_infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/ui/llm_infer/llm_infer.py -------------------------------------------------------------------------------- /ms-swift/swift/ui/llm_infer/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/ui/llm_infer/model.py -------------------------------------------------------------------------------- /ms-swift/swift/ui/llm_infer/runtime.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/ui/llm_infer/runtime.py -------------------------------------------------------------------------------- /ms-swift/swift/ui/llm_train/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Alibaba, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /ms-swift/swift/ui/llm_train/advanced.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/ui/llm_train/advanced.py -------------------------------------------------------------------------------- /ms-swift/swift/ui/llm_train/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/ui/llm_train/dataset.py -------------------------------------------------------------------------------- /ms-swift/swift/ui/llm_train/galore.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/ui/llm_train/galore.py -------------------------------------------------------------------------------- /ms-swift/swift/ui/llm_train/hyper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/ui/llm_train/hyper.py -------------------------------------------------------------------------------- /ms-swift/swift/ui/llm_train/lisa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/ui/llm_train/lisa.py -------------------------------------------------------------------------------- /ms-swift/swift/ui/llm_train/llamapro.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/ui/llm_train/llamapro.py -------------------------------------------------------------------------------- /ms-swift/swift/ui/llm_train/llm_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/ui/llm_train/llm_train.py -------------------------------------------------------------------------------- /ms-swift/swift/ui/llm_train/lora.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/ui/llm_train/lora.py -------------------------------------------------------------------------------- /ms-swift/swift/ui/llm_train/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/ui/llm_train/model.py -------------------------------------------------------------------------------- /ms-swift/swift/ui/llm_train/quantization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/ui/llm_train/quantization.py -------------------------------------------------------------------------------- /ms-swift/swift/ui/llm_train/report_to.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/ui/llm_train/report_to.py -------------------------------------------------------------------------------- /ms-swift/swift/ui/llm_train/rlhf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/ui/llm_train/rlhf.py -------------------------------------------------------------------------------- /ms-swift/swift/ui/llm_train/runtime.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/ui/llm_train/runtime.py -------------------------------------------------------------------------------- /ms-swift/swift/ui/llm_train/save.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/ui/llm_train/save.py -------------------------------------------------------------------------------- /ms-swift/swift/ui/llm_train/self_cog.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/ui/llm_train/self_cog.py -------------------------------------------------------------------------------- /ms-swift/swift/ui/llm_train/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/ui/llm_train/utils.py -------------------------------------------------------------------------------- /ms-swift/swift/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/utils/__init__.py -------------------------------------------------------------------------------- /ms-swift/swift/utils/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/utils/constants.py -------------------------------------------------------------------------------- /ms-swift/swift/utils/env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/utils/env.py -------------------------------------------------------------------------------- /ms-swift/swift/utils/import_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/utils/import_utils.py -------------------------------------------------------------------------------- /ms-swift/swift/utils/io_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/utils/io_utils.py -------------------------------------------------------------------------------- /ms-swift/swift/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/utils/logger.py -------------------------------------------------------------------------------- /ms-swift/swift/utils/np_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/utils/np_utils.py -------------------------------------------------------------------------------- /ms-swift/swift/utils/tb_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/utils/tb_utils.py -------------------------------------------------------------------------------- /ms-swift/swift/utils/torch_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/utils/torch_utils.py -------------------------------------------------------------------------------- /ms-swift/swift/utils/torchacc_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/utils/torchacc_utils.py -------------------------------------------------------------------------------- /ms-swift/swift/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/utils/utils.py -------------------------------------------------------------------------------- /ms-swift/swift/version.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/swift/version.py -------------------------------------------------------------------------------- /ms-swift/tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /ms-swift/tests/app/test_app.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/app/test_app.py -------------------------------------------------------------------------------- /ms-swift/tests/deploy/test_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/deploy/test_dataset.py -------------------------------------------------------------------------------- /ms-swift/tests/deploy/test_logprobs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/deploy/test_logprobs.py -------------------------------------------------------------------------------- /ms-swift/tests/eval/test_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/eval/test_eval.py -------------------------------------------------------------------------------- /ms-swift/tests/export/test_quant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/export/test_quant.py -------------------------------------------------------------------------------- /ms-swift/tests/general/test_arch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/general/test_arch.py -------------------------------------------------------------------------------- /ms-swift/tests/general/test_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/general/test_dataset.py -------------------------------------------------------------------------------- /ms-swift/tests/general/test_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/general/test_model.py -------------------------------------------------------------------------------- /ms-swift/tests/general/test_stream.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/general/test_stream.py -------------------------------------------------------------------------------- /ms-swift/tests/general/test_template.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/general/test_template.py -------------------------------------------------------------------------------- /ms-swift/tests/hub/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /ms-swift/tests/hub/test_check_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/hub/test_check_model.py -------------------------------------------------------------------------------- /ms-swift/tests/infer/test_agent.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/infer/test_agent.py -------------------------------------------------------------------------------- /ms-swift/tests/infer/test_infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/infer/test_infer.py -------------------------------------------------------------------------------- /ms-swift/tests/infer/test_logprobs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/infer/test_logprobs.py -------------------------------------------------------------------------------- /ms-swift/tests/infer/test_main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/infer/test_main.py -------------------------------------------------------------------------------- /ms-swift/tests/infer/test_max_memory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/infer/test_max_memory.py -------------------------------------------------------------------------------- /ms-swift/tests/infer/test_mllm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/infer/test_mllm.py -------------------------------------------------------------------------------- /ms-swift/tests/llm/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /ms-swift/tests/llm/config/infer.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/llm/config/infer.json -------------------------------------------------------------------------------- /ms-swift/tests/llm/config/sft.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/llm/config/sft.json -------------------------------------------------------------------------------- /ms-swift/tests/llm/data/alpaca.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/llm/data/alpaca.csv -------------------------------------------------------------------------------- /ms-swift/tests/llm/data/alpaca.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/llm/data/alpaca.jsonl -------------------------------------------------------------------------------- /ms-swift/tests/llm/data/alpaca2.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/llm/data/alpaca2.csv -------------------------------------------------------------------------------- /ms-swift/tests/llm/data/chatml.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/llm/data/chatml.jsonl -------------------------------------------------------------------------------- /ms-swift/tests/llm/data/conversations.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/llm/data/conversations.jsonl -------------------------------------------------------------------------------- /ms-swift/tests/llm/data/multi_modal_1.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/llm/data/multi_modal_1.jsonl -------------------------------------------------------------------------------- /ms-swift/tests/llm/data/multi_modal_2.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/llm/data/multi_modal_2.jsonl -------------------------------------------------------------------------------- /ms-swift/tests/llm/data/multi_modal_3.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/llm/data/multi_modal_3.jsonl -------------------------------------------------------------------------------- /ms-swift/tests/llm/data/sharegpt.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/llm/data/sharegpt.jsonl -------------------------------------------------------------------------------- /ms-swift/tests/llm/data/swift_multi.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/llm/data/swift_multi.json -------------------------------------------------------------------------------- /ms-swift/tests/llm/data/swift_multi.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/llm/data/swift_multi.jsonl -------------------------------------------------------------------------------- /ms-swift/tests/llm/data/swift_pre.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/llm/data/swift_pre.csv -------------------------------------------------------------------------------- /ms-swift/tests/llm/data/swift_pre.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/llm/data/swift_pre.jsonl -------------------------------------------------------------------------------- /ms-swift/tests/llm/data/swift_single.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/llm/data/swift_single.csv -------------------------------------------------------------------------------- /ms-swift/tests/llm/data/swift_single.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/llm/data/swift_single.jsonl -------------------------------------------------------------------------------- /ms-swift/tests/llm/load_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/llm/load_model.py -------------------------------------------------------------------------------- /ms-swift/tests/llm/load_template.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/llm/load_template.py -------------------------------------------------------------------------------- /ms-swift/tests/llm/test_custom.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/llm/test_custom.py -------------------------------------------------------------------------------- /ms-swift/tests/llm/test_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/llm/test_dataset.py -------------------------------------------------------------------------------- /ms-swift/tests/llm/test_ollama_export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/llm/test_ollama_export.py -------------------------------------------------------------------------------- /ms-swift/tests/llm/test_run.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/llm/test_run.py -------------------------------------------------------------------------------- /ms-swift/tests/llm/test_run3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/llm/test_run3.py -------------------------------------------------------------------------------- /ms-swift/tests/llm/test_template.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/llm/test_template.py -------------------------------------------------------------------------------- /ms-swift/tests/llm/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/llm/test_utils.py -------------------------------------------------------------------------------- /ms-swift/tests/megatron/test_export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/megatron/test_export.py -------------------------------------------------------------------------------- /ms-swift/tests/megatron/test_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/megatron/test_model.py -------------------------------------------------------------------------------- /ms-swift/tests/megatron/test_save.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/megatron/test_save.py -------------------------------------------------------------------------------- /ms-swift/tests/megatron/test_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/megatron/test_train.py -------------------------------------------------------------------------------- /ms-swift/tests/model_tag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/model_tag.py -------------------------------------------------------------------------------- /ms-swift/tests/models/test_flash_attn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/models/test_flash_attn.py -------------------------------------------------------------------------------- /ms-swift/tests/models/test_llm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/models/test_llm.py -------------------------------------------------------------------------------- /ms-swift/tests/models/test_mllm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/models/test_mllm.py -------------------------------------------------------------------------------- /ms-swift/tests/run.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/run.py -------------------------------------------------------------------------------- /ms-swift/tests/run_config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/run_config.yaml -------------------------------------------------------------------------------- /ms-swift/tests/sample/test_client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/sample/test_client.py -------------------------------------------------------------------------------- /ms-swift/tests/test_align/test_cls.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/test_align/test_cls.py -------------------------------------------------------------------------------- /ms-swift/tests/test_align/test_rlhf_loss.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /ms-swift/tests/test_align/test_vllm_vlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/test_align/test_vllm_vlm.py -------------------------------------------------------------------------------- /ms-swift/tests/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/test_utils.py -------------------------------------------------------------------------------- /ms-swift/tests/train/test_cls.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/train/test_cls.py -------------------------------------------------------------------------------- /ms-swift/tests/train/test_freeze.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/train/test_freeze.py -------------------------------------------------------------------------------- /ms-swift/tests/train/test_grounding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/train/test_grounding.py -------------------------------------------------------------------------------- /ms-swift/tests/train/test_grpo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/train/test_grpo.py -------------------------------------------------------------------------------- /ms-swift/tests/train/test_kto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/train/test_kto.py -------------------------------------------------------------------------------- /ms-swift/tests/train/test_liger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/train/test_liger.py -------------------------------------------------------------------------------- /ms-swift/tests/train/test_multilabel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/train/test_multilabel.py -------------------------------------------------------------------------------- /ms-swift/tests/train/test_packing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/train/test_packing.py -------------------------------------------------------------------------------- /ms-swift/tests/train/test_ppo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/train/test_ppo.py -------------------------------------------------------------------------------- /ms-swift/tests/train/test_pt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/train/test_pt.py -------------------------------------------------------------------------------- /ms-swift/tests/train/test_rlhf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/train/test_rlhf.py -------------------------------------------------------------------------------- /ms-swift/tests/train/test_sample.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/train/test_sample.py -------------------------------------------------------------------------------- /ms-swift/tests/train/test_sft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/train/test_sft.py -------------------------------------------------------------------------------- /ms-swift/tests/train/test_train_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/train/test_train_eval.py -------------------------------------------------------------------------------- /ms-swift/tests/tuners/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /ms-swift/tests/tuners/test_merged_linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/tuners/test_merged_linear.py -------------------------------------------------------------------------------- /ms-swift/tests/tuners/test_neft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/tuners/test_neft.py -------------------------------------------------------------------------------- /ms-swift/tests/tuners/test_peft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/tuners/test_peft.py -------------------------------------------------------------------------------- /ms-swift/tests/tuners/test_scetuning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/tuners/test_scetuning.py -------------------------------------------------------------------------------- /ms-swift/tests/tuners/test_swift_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/tuners/test_swift_base.py -------------------------------------------------------------------------------- /ms-swift/tests/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /ms-swift/tests/utils/test_file_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/utils/test_file_utils.py -------------------------------------------------------------------------------- /ms-swift/tests/utils/test_io_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/utils/test_io_utils.py -------------------------------------------------------------------------------- /ms-swift/tests/utils/test_torch_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/ms-swift/tests/utils/test_torch_utils.py -------------------------------------------------------------------------------- /scripts/eval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/scripts/eval.sh -------------------------------------------------------------------------------- /scripts/eval/eval_matrix.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/scripts/eval/eval_matrix.py -------------------------------------------------------------------------------- /scripts/infer.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/scripts/infer.sh -------------------------------------------------------------------------------- /scripts/infer/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/scripts/infer/config.py -------------------------------------------------------------------------------- /scripts/infer/data_processing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/scripts/infer/data_processing.py -------------------------------------------------------------------------------- /scripts/infer/inference.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/scripts/infer/inference.py -------------------------------------------------------------------------------- /scripts/infer/inference_pipeline.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/scripts/infer/inference_pipeline.py -------------------------------------------------------------------------------- /scripts/infer/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/scripts/infer/main.py -------------------------------------------------------------------------------- /scripts/infer/model_management.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/scripts/infer/model_management.py -------------------------------------------------------------------------------- /scripts/infer/output_management.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/scripts/infer/output_management.py -------------------------------------------------------------------------------- /scripts/reward_api.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/scripts/reward_api.sh -------------------------------------------------------------------------------- /scripts/train_qwen2_5vl.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/scripts/train_qwen2_5vl.sh -------------------------------------------------------------------------------- /src/2d_turing_machine/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/2d_turing_machine/main.py -------------------------------------------------------------------------------- /src/2d_turing_machine/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/2d_turing_machine/readme.md -------------------------------------------------------------------------------- /src/3DReconstruction/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/3DReconstruction/.DS_Store -------------------------------------------------------------------------------- /src/3DReconstruction/QAGenerator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/3DReconstruction/QAGenerator.py -------------------------------------------------------------------------------- /src/3DReconstruction/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/3DReconstruction/README.md -------------------------------------------------------------------------------- /src/3DReconstruction/README_multi_zh.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/3DReconstruction/README_multi_zh.md -------------------------------------------------------------------------------- /src/3DReconstruction/README_zh.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/3DReconstruction/README_zh.md -------------------------------------------------------------------------------- /src/3DReconstruction/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/3DReconstruction/main.py -------------------------------------------------------------------------------- /src/3DReconstruction/multi_gen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/3DReconstruction/multi_gen.py -------------------------------------------------------------------------------- /src/3DReconstruction/requirements.txt: -------------------------------------------------------------------------------- 1 | numpy>=1.19.0 2 | matplotlib>=3.3.0 3 | tqdm>=4.65.0 -------------------------------------------------------------------------------- /src/3d_maze/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/3d_maze/main.py -------------------------------------------------------------------------------- /src/3d_maze/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/3d_maze/readme.md -------------------------------------------------------------------------------- /src/PyramidChess/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/PyramidChess/main.py -------------------------------------------------------------------------------- /src/PyramidChess/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/PyramidChess/readme.md -------------------------------------------------------------------------------- /src/PyramidChess/requirements.txt: -------------------------------------------------------------------------------- 1 | matplotlib==3.9.2 2 | numpy==2.1.1 3 | pillow==10.4.0 -------------------------------------------------------------------------------- /src/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/README.md -------------------------------------------------------------------------------- /src/chess_ranger/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/chess_ranger/README.md -------------------------------------------------------------------------------- /src/chess_ranger/arial.ttf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/chess_ranger/arial.ttf -------------------------------------------------------------------------------- /src/chess_ranger/cr_generate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/chess_ranger/cr_generate.py -------------------------------------------------------------------------------- /src/chess_ranger/cr_solver.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/chess_ranger/cr_solver.py -------------------------------------------------------------------------------- /src/chess_ranger/data_generate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/chess_ranger/data_generate.py -------------------------------------------------------------------------------- /src/chess_ranger/data_generate_aq.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/chess_ranger/data_generate_aq.py -------------------------------------------------------------------------------- /src/chess_ranger/data_generate_count.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/chess_ranger/data_generate_count.py -------------------------------------------------------------------------------- /src/chess_ranger/data_generate_find.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/chess_ranger/data_generate_find.py -------------------------------------------------------------------------------- /src/chess_ranger/data_generate_pos.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/chess_ranger/data_generate_pos.py -------------------------------------------------------------------------------- /src/chess_ranger/data_generate_predict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/chess_ranger/data_generate_predict.py -------------------------------------------------------------------------------- /src/chess_ranger/plot_board.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/chess_ranger/plot_board.py -------------------------------------------------------------------------------- /src/chess_ranger/plot_image/bishop.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/chess_ranger/plot_image/bishop.png -------------------------------------------------------------------------------- /src/chess_ranger/plot_image/king.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/chess_ranger/plot_image/king.png -------------------------------------------------------------------------------- /src/chess_ranger/plot_image/knight.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/chess_ranger/plot_image/knight.png -------------------------------------------------------------------------------- /src/chess_ranger/plot_image/pawn.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/chess_ranger/plot_image/pawn.png -------------------------------------------------------------------------------- /src/chess_ranger/plot_image/queen.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/chess_ranger/plot_image/queen.png -------------------------------------------------------------------------------- /src/chess_ranger/plot_image/rook.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/chess_ranger/plot_image/rook.png -------------------------------------------------------------------------------- /src/chess_ranger/requirements.txt: -------------------------------------------------------------------------------- 1 | pillow==11.1.0 2 | -------------------------------------------------------------------------------- /src/chess_ranger/state_generate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/chess_ranger/state_generate.py -------------------------------------------------------------------------------- /src/freecell/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/freecell/README.md -------------------------------------------------------------------------------- /src/freecell/freecell.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/freecell/freecell.py -------------------------------------------------------------------------------- /src/freecell/generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/freecell/generator.py -------------------------------------------------------------------------------- /src/freecell/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/freecell/main.py -------------------------------------------------------------------------------- /src/freecell/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/freecell/test.py -------------------------------------------------------------------------------- /src/hue/hue_dataset_example/data.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/hue/hue_dataset_example/data.json -------------------------------------------------------------------------------- /src/hue/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/hue/main.py -------------------------------------------------------------------------------- /src/hue/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/hue/readme.md -------------------------------------------------------------------------------- /src/jewel2/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/jewel2/LICENSE -------------------------------------------------------------------------------- /src/jewel2/QA_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/jewel2/QA_generator.py -------------------------------------------------------------------------------- /src/jewel2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/jewel2/README.md -------------------------------------------------------------------------------- /src/jewel2/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/jewel2/chessboard.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/jewel2/chessboard.py -------------------------------------------------------------------------------- /src/jewel2/font/Arial.ttf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/jewel2/font/Arial.ttf -------------------------------------------------------------------------------- /src/jewel2/image_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/jewel2/image_generator.py -------------------------------------------------------------------------------- /src/jewel2/images/A.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/jewel2/images/A.png -------------------------------------------------------------------------------- /src/jewel2/images/B.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/jewel2/images/B.png -------------------------------------------------------------------------------- /src/jewel2/images/C.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/jewel2/images/C.png -------------------------------------------------------------------------------- /src/jewel2/images/D.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/jewel2/images/D.png -------------------------------------------------------------------------------- /src/jewel2/images/E.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/jewel2/images/E.png -------------------------------------------------------------------------------- /src/jewel2/images/a_s.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/jewel2/images/a_s.png -------------------------------------------------------------------------------- /src/jewel2/images/b_s.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/jewel2/images/b_s.png -------------------------------------------------------------------------------- /src/jewel2/images/bar.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/jewel2/images/bar.png -------------------------------------------------------------------------------- /src/jewel2/images/c_s.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/jewel2/images/c_s.png -------------------------------------------------------------------------------- /src/jewel2/images/cross.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/jewel2/images/cross.png -------------------------------------------------------------------------------- /src/jewel2/images/d_s.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/jewel2/images/d_s.png -------------------------------------------------------------------------------- /src/jewel2/images/e_s.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/jewel2/images/e_s.png -------------------------------------------------------------------------------- /src/jewel2/images/empty.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/jewel2/images/empty.png -------------------------------------------------------------------------------- /src/jewel2/jewel2_dataset_example/data.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/jewel2/jewel2_dataset_example/data.json -------------------------------------------------------------------------------- /src/jewel2/level.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/jewel2/level.py -------------------------------------------------------------------------------- /src/jewel2/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/jewel2/main.py -------------------------------------------------------------------------------- /src/jewel2/randomizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/jewel2/randomizer.py -------------------------------------------------------------------------------- /src/jewel2/requirements.txt: -------------------------------------------------------------------------------- 1 | # requirements.txt 2 | 3 | Pillow==10.4.0 4 | -------------------------------------------------------------------------------- /src/klondike/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/klondike/.gitignore -------------------------------------------------------------------------------- /src/klondike/assets/big_club.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/klondike/assets/big_club.png -------------------------------------------------------------------------------- /src/klondike/assets/big_diamond.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/klondike/assets/big_diamond.png -------------------------------------------------------------------------------- /src/klondike/assets/big_heart.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/klondike/assets/big_heart.png -------------------------------------------------------------------------------- /src/klondike/assets/big_spade.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/klondike/assets/big_spade.png -------------------------------------------------------------------------------- /src/klondike/assets/blue_J.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/klondike/assets/blue_J.png -------------------------------------------------------------------------------- /src/klondike/assets/blue_K.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/klondike/assets/blue_K.png -------------------------------------------------------------------------------- /src/klondike/assets/blue_Q.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/klondike/assets/blue_Q.png -------------------------------------------------------------------------------- /src/klondike/assets/board.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/klondike/assets/board.png -------------------------------------------------------------------------------- /src/klondike/assets/button_reset.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/klondike/assets/button_reset.png -------------------------------------------------------------------------------- /src/klondike/assets/button_reset_down.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/klondike/assets/button_reset_down.png -------------------------------------------------------------------------------- /src/klondike/assets/card_back.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/klondike/assets/card_back.png -------------------------------------------------------------------------------- /src/klondike/assets/card_front.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/klondike/assets/card_front.png -------------------------------------------------------------------------------- /src/klondike/assets/klondike_bg.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/klondike/assets/klondike_bg.png -------------------------------------------------------------------------------- /src/klondike/assets/letters.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/klondike/assets/letters.png -------------------------------------------------------------------------------- /src/klondike/assets/numbers.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/klondike/assets/numbers.png -------------------------------------------------------------------------------- /src/klondike/assets/red_J.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/klondike/assets/red_J.png -------------------------------------------------------------------------------- /src/klondike/assets/red_K.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/klondike/assets/red_K.png -------------------------------------------------------------------------------- /src/klondike/assets/red_Q.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/klondike/assets/red_Q.png -------------------------------------------------------------------------------- /src/klondike/assets/small_club.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/klondike/assets/small_club.png -------------------------------------------------------------------------------- /src/klondike/assets/small_diamond.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/klondike/assets/small_diamond.png -------------------------------------------------------------------------------- /src/klondike/assets/small_heart.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/klondike/assets/small_heart.png -------------------------------------------------------------------------------- /src/klondike/assets/small_spade.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/klondike/assets/small_spade.png -------------------------------------------------------------------------------- /src/klondike/assets/tabframe.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/klondike/assets/tabframe.png -------------------------------------------------------------------------------- /src/klondike/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/klondike/readme.md -------------------------------------------------------------------------------- /src/klondike/requirements.txt: -------------------------------------------------------------------------------- 1 | pygame 2 | -------------------------------------------------------------------------------- /src/klondike/src/board.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/klondike/src/board.py -------------------------------------------------------------------------------- /src/klondike/src/card.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/klondike/src/card.py -------------------------------------------------------------------------------- /src/klondike/src/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/klondike/src/constants.py -------------------------------------------------------------------------------- /src/klondike/src/generate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/klondike/src/generate.py -------------------------------------------------------------------------------- /src/klondike/src/input.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/klondike/src/input.py -------------------------------------------------------------------------------- /src/klondike/src/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/klondike/src/main.py -------------------------------------------------------------------------------- /src/klondike/src/ui.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/klondike/src/ui.py -------------------------------------------------------------------------------- /src/langton_ant/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/langton_ant/README.md -------------------------------------------------------------------------------- /src/langton_ant/dataset_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/langton_ant/dataset_generator.py -------------------------------------------------------------------------------- /src/lifegame/LifeGame.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/lifegame/LifeGame.py -------------------------------------------------------------------------------- /src/lifegame/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/lifegame/README.md -------------------------------------------------------------------------------- /src/lifegame/generate_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/lifegame/generate_dataset.py -------------------------------------------------------------------------------- /src/lifegame/lifegame_inspector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/lifegame/lifegame_inspector.py -------------------------------------------------------------------------------- /src/maze/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/maze/.gitignore -------------------------------------------------------------------------------- /src/maze/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/maze/README.md -------------------------------------------------------------------------------- /src/maze/build.gradle.kts: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/maze/build.gradle.kts -------------------------------------------------------------------------------- /src/maze/gradle/wrapper/gradle-wrapper.jar: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/maze/gradle/wrapper/gradle-wrapper.jar -------------------------------------------------------------------------------- /src/maze/gradlew: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/maze/gradlew -------------------------------------------------------------------------------- /src/maze/gradlew.bat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/maze/gradlew.bat -------------------------------------------------------------------------------- /src/maze/maze_dataset_example/data.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/maze/maze_dataset_example/data.json -------------------------------------------------------------------------------- /src/maze/settings.gradle.kts: -------------------------------------------------------------------------------- 1 | rootProject.name = "maze" 2 | 3 | -------------------------------------------------------------------------------- /src/maze/skipPyFileChecker.py: -------------------------------------------------------------------------------- 1 | print("Required python file") 2 | -------------------------------------------------------------------------------- /src/maze/src/main/java/com/zjt/Main.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/maze/src/main/java/com/zjt/Main.java -------------------------------------------------------------------------------- /src/maze/src/test/java/DataGenTest.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/maze/src/test/java/DataGenTest.java -------------------------------------------------------------------------------- /src/maze/src/test/java/ImageGenTest.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/maze/src/test/java/ImageGenTest.java -------------------------------------------------------------------------------- /src/maze/src/test/java/MazeGenTest.java: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/maze/src/test/java/MazeGenTest.java -------------------------------------------------------------------------------- /src/minecraft/.gitignore: -------------------------------------------------------------------------------- 1 | __pycache__/ -------------------------------------------------------------------------------- /src/minecraft/MinecraftQAGenerator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/minecraft/MinecraftQAGenerator.py -------------------------------------------------------------------------------- /src/minecraft/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/minecraft/README.md -------------------------------------------------------------------------------- /src/minecraft/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/minecraft/main.py -------------------------------------------------------------------------------- /src/minecraft/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/minecraft/requirements.txt -------------------------------------------------------------------------------- /src/minecraft/utils/calculation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/minecraft/utils/calculation.py -------------------------------------------------------------------------------- /src/minecraft/utils/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/minecraft/utils/constants.py -------------------------------------------------------------------------------- /src/minecraft/utils/gen_chocies.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/minecraft/utils/gen_chocies.py -------------------------------------------------------------------------------- /src/minecraft/utils/image_proc.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/minecraft/utils/image_proc.py -------------------------------------------------------------------------------- /src/minesweeper/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/minesweeper/LICENSE -------------------------------------------------------------------------------- /src/minesweeper/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/minesweeper/README.md -------------------------------------------------------------------------------- /src/minesweeper/font/Arial.ttf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/minesweeper/font/Arial.ttf -------------------------------------------------------------------------------- /src/minesweeper/generate_board.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/minesweeper/generate_board.py -------------------------------------------------------------------------------- /src/minesweeper/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/minesweeper/main.py -------------------------------------------------------------------------------- /src/minesweeper/minesweeper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/minesweeper/minesweeper.py -------------------------------------------------------------------------------- /src/minesweeper/requirements.txt: -------------------------------------------------------------------------------- 1 | # requirements.txt 2 | 3 | Pillow==10.4.0 4 | -------------------------------------------------------------------------------- /src/pacman/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/pacman/LICENSE -------------------------------------------------------------------------------- /src/pacman/QA_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/pacman/QA_generator.py -------------------------------------------------------------------------------- /src/pacman/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/pacman/README.md -------------------------------------------------------------------------------- /src/pacman/font/Arial.ttf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/pacman/font/Arial.ttf -------------------------------------------------------------------------------- /src/pacman/game_logic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/pacman/game_logic.py -------------------------------------------------------------------------------- /src/pacman/image_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/pacman/image_generator.py -------------------------------------------------------------------------------- /src/pacman/images/Blinky.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/pacman/images/Blinky.png -------------------------------------------------------------------------------- /src/pacman/images/Clyde.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/pacman/images/Clyde.png -------------------------------------------------------------------------------- /src/pacman/images/Inky.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/pacman/images/Inky.png -------------------------------------------------------------------------------- /src/pacman/images/Pinky.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/pacman/images/Pinky.png -------------------------------------------------------------------------------- /src/pacman/images/pacman.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/pacman/images/pacman.png -------------------------------------------------------------------------------- /src/pacman/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/pacman/main.py -------------------------------------------------------------------------------- /src/pacman/pacman.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/pacman/pacman.py -------------------------------------------------------------------------------- /src/pacman/pacman_dataset_example/data.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/pacman/pacman_dataset_example/data.json -------------------------------------------------------------------------------- /src/pacman/requirements.txt: -------------------------------------------------------------------------------- 1 | # requirements.txt 2 | 3 | Pillow==10.4.0 4 | -------------------------------------------------------------------------------- /src/rhythm_game/README-zh.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/rhythm_game/README-zh.md -------------------------------------------------------------------------------- /src/rubiks_cube/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/rubiks_cube/README.md -------------------------------------------------------------------------------- /src/rubiks_cube/cube.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/rubiks_cube/cube.py -------------------------------------------------------------------------------- /src/rubiks_cube/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/rubiks_cube/main.py -------------------------------------------------------------------------------- /src/rubiks_cube/requirements.txt: -------------------------------------------------------------------------------- 1 | matplotlib==3.7.2 2 | numpy==1.24.3 3 | -------------------------------------------------------------------------------- /src/snake/gen_qa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/snake/gen_qa.py -------------------------------------------------------------------------------- /src/snake/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/snake/readme.md -------------------------------------------------------------------------------- /src/snake/snake.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/snake/snake.py -------------------------------------------------------------------------------- /src/snake/snake_dataset_example/data.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/snake/snake_dataset_example/data.json -------------------------------------------------------------------------------- /src/sokoban/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/sokoban/README.md -------------------------------------------------------------------------------- /src/sokoban/assets/box.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/sokoban/assets/box.jpg -------------------------------------------------------------------------------- /src/sokoban/assets/floor.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/sokoban/assets/floor.jpg -------------------------------------------------------------------------------- /src/sokoban/assets/player.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/sokoban/assets/player.jpg -------------------------------------------------------------------------------- /src/sokoban/assets/target.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/sokoban/assets/target.jpg -------------------------------------------------------------------------------- /src/sokoban/assets/wall.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/sokoban/assets/wall.jpg -------------------------------------------------------------------------------- /src/sokoban/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/sokoban/main.py -------------------------------------------------------------------------------- /src/sokoban/requirements.txt: -------------------------------------------------------------------------------- 1 | matplotlib==3.7.2 2 | numpy==1.24.3 3 | -------------------------------------------------------------------------------- /src/sokoban/sokoban.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/sokoban/sokoban.py -------------------------------------------------------------------------------- /src/sokoban/sokoban_texture_handler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/sokoban/sokoban_texture_handler.py -------------------------------------------------------------------------------- /src/sokoban/textured_sokoban.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/sokoban/textured_sokoban.py -------------------------------------------------------------------------------- /src/sokoban/timeout_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/sokoban/timeout_utils.py -------------------------------------------------------------------------------- /src/space_invaders/.gitignore: -------------------------------------------------------------------------------- 1 | game_scene.png 2 | tmp.* 3 | *.log 4 | -------------------------------------------------------------------------------- /src/space_invaders/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/space_invaders/README.md -------------------------------------------------------------------------------- /src/space_invaders/SpaceInvaders.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/space_invaders/SpaceInvaders.py -------------------------------------------------------------------------------- /src/space_invaders/assets/background.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/space_invaders/assets/background.jpg -------------------------------------------------------------------------------- /src/space_invaders/assets/enemy1_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/space_invaders/assets/enemy1_1.png -------------------------------------------------------------------------------- /src/space_invaders/assets/enemy1_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/space_invaders/assets/enemy1_2.png -------------------------------------------------------------------------------- /src/space_invaders/assets/enemy2_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/space_invaders/assets/enemy2_1.png -------------------------------------------------------------------------------- /src/space_invaders/assets/enemy2_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/space_invaders/assets/enemy2_2.png -------------------------------------------------------------------------------- /src/space_invaders/assets/enemy3_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/space_invaders/assets/enemy3_1.png -------------------------------------------------------------------------------- /src/space_invaders/assets/enemy3_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/space_invaders/assets/enemy3_2.png -------------------------------------------------------------------------------- /src/space_invaders/assets/enemylaser.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/space_invaders/assets/enemylaser.png -------------------------------------------------------------------------------- /src/space_invaders/assets/laser.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/space_invaders/assets/laser.png -------------------------------------------------------------------------------- /src/space_invaders/assets/mystery.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/space_invaders/assets/mystery.png -------------------------------------------------------------------------------- /src/space_invaders/assets/ship_green.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/space_invaders/assets/ship_green.png -------------------------------------------------------------------------------- /src/space_invaders/assets/ship_orange.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/space_invaders/assets/ship_orange.png -------------------------------------------------------------------------------- /src/space_invaders/generate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/space_invaders/generate.py -------------------------------------------------------------------------------- /src/space_invaders/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/space_invaders/main.py -------------------------------------------------------------------------------- /src/space_invaders/requirements.txt: -------------------------------------------------------------------------------- 1 | pygame==2.6.1 2 | tqdm -------------------------------------------------------------------------------- /src/space_invaders/utils/calculation.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/space_invaders/utils/calculation.py -------------------------------------------------------------------------------- /src/space_invaders/utils/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/space_invaders/utils/constants.py -------------------------------------------------------------------------------- /src/space_invaders/utils/gen_chocies.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/space_invaders/utils/gen_chocies.py -------------------------------------------------------------------------------- /src/spider_solitaire/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/.gitignore -------------------------------------------------------------------------------- /src/spider_solitaire/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/LICENSE -------------------------------------------------------------------------------- /src/spider_solitaire/QA_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/QA_generator.py -------------------------------------------------------------------------------- /src/spider_solitaire/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/README.md -------------------------------------------------------------------------------- /src/spider_solitaire/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/spider_solitaire/cards/blueBackVert.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/blueBackVert.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/club10.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/club10.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/club2.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/club2.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/club3.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/club3.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/club4.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/club4.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/club5.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/club5.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/club6.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/club6.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/club7.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/club7.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/club8.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/club8.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/club9.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/club9.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/clubAce.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/clubAce.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/clubJack.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/clubJack.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/clubKing.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/clubKing.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/clubQueen.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/clubQueen.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/diamond10.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/diamond10.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/diamond2.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/diamond2.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/diamond3.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/diamond3.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/diamond4.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/diamond4.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/diamond5.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/diamond5.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/diamond6.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/diamond6.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/diamond7.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/diamond7.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/diamond8.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/diamond8.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/diamond9.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/diamond9.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/diamondAce.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/diamondAce.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/diamondJack.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/diamondJack.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/diamondKing.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/diamondKing.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/diamondQueen.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/diamondQueen.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/heart10.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/heart10.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/heart2.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/heart2.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/heart3.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/heart3.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/heart4.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/heart4.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/heart5.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/heart5.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/heart6.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/heart6.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/heart7.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/heart7.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/heart8.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/heart8.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/heart9.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/heart9.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/heartAce.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/heartAce.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/heartJack.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/heartJack.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/heartKing.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/heartKing.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/heartQueen.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/heartQueen.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/redBackVert.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/redBackVert.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/spade10.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/spade10.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/spade2.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/spade2.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/spade3.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/spade3.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/spade4.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/spade4.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/spade5.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/spade5.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/spade6.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/spade6.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/spade7.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/spade7.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/spade8.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/spade8.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/spade9.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/spade9.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/spadeAce.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/spadeAce.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/spadeJack.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/spadeJack.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/spadeKing.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/spadeKing.gif -------------------------------------------------------------------------------- /src/spider_solitaire/cards/spadeQueen.gif: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/cards/spadeQueen.gif -------------------------------------------------------------------------------- /src/spider_solitaire/image_exporter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/image_exporter.py -------------------------------------------------------------------------------- /src/spider_solitaire/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/main.py -------------------------------------------------------------------------------- /src/spider_solitaire/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/model.py -------------------------------------------------------------------------------- /src/spider_solitaire/requirements.txt: -------------------------------------------------------------------------------- 1 | # requirements.txt 2 | 3 | Pillow==10.4.0 4 | -------------------------------------------------------------------------------- /src/spider_solitaire/spider.pyw: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/spider.pyw -------------------------------------------------------------------------------- /src/spider_solitaire/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/utils.py -------------------------------------------------------------------------------- /src/spider_solitaire/view.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/spider_solitaire/view.py -------------------------------------------------------------------------------- /src/star-battle/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/star-battle/LICENSE -------------------------------------------------------------------------------- /src/star-battle/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/star-battle/README.md -------------------------------------------------------------------------------- /src/star-battle/star-battle.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/star-battle/star-battle.py -------------------------------------------------------------------------------- /src/sudoku/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/sudoku/README.md -------------------------------------------------------------------------------- /src/sudoku/arial.ttf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/sudoku/arial.ttf -------------------------------------------------------------------------------- /src/sudoku/data_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/sudoku/data_generator.py -------------------------------------------------------------------------------- /src/sudoku/data_generator_all_questions.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/sudoku/data_generator_all_questions.py -------------------------------------------------------------------------------- /src/sudoku/requirements.txt: -------------------------------------------------------------------------------- 1 | pillow==11.1.0 2 | -------------------------------------------------------------------------------- /src/sudoku/sudoku_core.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/sudoku/sudoku_core.py -------------------------------------------------------------------------------- /src/sudoku/sudoku_dataset_example/data.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/sudoku/sudoku_dataset_example/data.json -------------------------------------------------------------------------------- /src/tangram/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/tangram/main.py -------------------------------------------------------------------------------- /src/tangram/multi_qa_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/tangram/multi_qa_generator.py -------------------------------------------------------------------------------- /src/tangram/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/tangram/readme.md -------------------------------------------------------------------------------- /src/tents/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/tents/README.md -------------------------------------------------------------------------------- /src/tents/requirements.txt: -------------------------------------------------------------------------------- 1 | matplotlib==3.10.0 2 | -------------------------------------------------------------------------------- /src/tents/tent.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/tents/tent.png -------------------------------------------------------------------------------- /src/tents/tents_dataset_example/data.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/tents/tents_dataset_example/data.json -------------------------------------------------------------------------------- /src/tents/tents_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/tents/tents_generator.py -------------------------------------------------------------------------------- /src/tents/tree.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/tents/tree.png -------------------------------------------------------------------------------- /src/tetris/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/tetris/README.md -------------------------------------------------------------------------------- /src/tetris/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /src/tetris/font/Arial.ttf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/tetris/font/Arial.ttf -------------------------------------------------------------------------------- /src/tetris/grid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/tetris/grid.py -------------------------------------------------------------------------------- /src/tetris/img_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/tetris/img_generator.py -------------------------------------------------------------------------------- /src/tetris/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/tetris/main.py -------------------------------------------------------------------------------- /src/tetris/qa_generator.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/tetris/qa_generator.py -------------------------------------------------------------------------------- /src/tetris/tetris.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/tetris/tetris.py -------------------------------------------------------------------------------- /src/tetris/tetris_dataset_example/data.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/tetris/tetris_dataset_example/data.json -------------------------------------------------------------------------------- /src/tictactoe/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/tictactoe/README.md -------------------------------------------------------------------------------- /src/tictactoe/font/arial.ttf: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/tictactoe/font/arial.ttf -------------------------------------------------------------------------------- /src/tictactoe/game.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/tictactoe/game.py -------------------------------------------------------------------------------- /src/tictactoe/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/tictactoe/main.py -------------------------------------------------------------------------------- /src/tictactoe/requirements.txt: -------------------------------------------------------------------------------- 1 | Pillow==10.2.0 -------------------------------------------------------------------------------- /src/ultra_tictactoe/README-zh.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/ultra_tictactoe/README-zh.md -------------------------------------------------------------------------------- /src/word_search/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/word_search/main.py -------------------------------------------------------------------------------- /src/word_search/readme.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/word_search/readme.md -------------------------------------------------------------------------------- /src/word_search/words.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/word_search/words.txt -------------------------------------------------------------------------------- /src/zuma/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/zuma/README.md -------------------------------------------------------------------------------- /src/zuma/gene_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/zuma/gene_dataset.py -------------------------------------------------------------------------------- /src/zuma/gene_gamedata.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/zuma/gene_gamedata.py -------------------------------------------------------------------------------- /src/zuma/gene_qa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/zuma/gene_qa.py -------------------------------------------------------------------------------- /src/zuma/zuma_dataset_example/data.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/tongjingqi/Game-RL/HEAD/src/zuma/zuma_dataset_example/data.json --------------------------------------------------------------------------------