├── DeepfakeBench ├── .gitignore ├── README.md ├── analysis │ ├── .gitignore │ ├── auc_fromaug.py │ ├── auc_table1_fromrecord.py │ ├── auc_table2_fromrecord.py │ ├── curve_draw.py │ ├── explore_pretrained.py │ ├── frequency.py │ ├── heatmap_tab2.py │ ├── model_archi.py │ ├── number_frames.py │ ├── plot_curve.py │ └── tsne.py ├── datasets │ └── readme.md ├── figures │ └── archi.png ├── install.sh ├── preprocessing │ ├── config.yaml │ ├── dataset2lmdb_test.py │ ├── dataset_json │ │ └── .gitignore │ ├── dlib_tools │ │ └── readme.md │ ├── preprocess.py │ └── rearrange.py └── training │ ├── config │ ├── __init__.py │ ├── backbone │ │ └── cls_hrnet_w48.yaml │ ├── dataset │ │ ├── hydrafake.yaml │ │ └── hydrafake_iid.yaml │ └── detector │ │ ├── aide.yaml │ │ ├── cospy.yaml │ │ ├── d3.yaml │ │ ├── effort.yaml │ │ ├── f3net.yaml │ │ ├── freqnet.yaml │ │ ├── iid.yaml │ │ ├── npr.yaml │ │ ├── prodet.yaml │ │ └── unifd.yaml │ ├── dataset │ ├── I2G_dataset.py │ ├── __init__.py │ ├── abstract_dataset.py │ ├── albu.py │ ├── face_utils.py │ ├── ff_blend.py │ ├── frequency_analysis.py │ ├── fwa_blend.py │ ├── generate_parsing_mask.py │ ├── generate_xray_nearest.py │ ├── iid_dataset.py │ ├── json_dataset.py │ ├── library │ │ ├── 000_0000.png │ │ ├── 001_0000.png │ │ ├── DeepFakeMask.py │ │ ├── LICENSE │ │ ├── README.md │ │ ├── all_in_one.jpg │ │ ├── bi_online_generation.py │ │ └── precomuted_landmarks.json │ ├── lrl_dataset.py │ ├── lsda_dataset.py │ ├── pair_dataset.py │ ├── sbi_api.py │ ├── sbi_dataset.py │ ├── tall_dataset.py │ └── utils │ │ ├── DeepFakeMask.py │ │ ├── SLADD.py │ │ ├── attribution_mask.py │ │ ├── bi_online_generation.py │ │ ├── bi_online_generation_yzy.py │ │ ├── color_transfer.py │ │ ├── face_align.py │ │ ├── face_aug.py │ │ ├── face_blend.py │ │ ├── faceswap.py │ │ ├── faceswap_utils.py │ │ ├── faceswap_utils_sladd.py │ │ ├── image_ae.py │ │ ├── umeyama.py │ │ └── warp.py │ ├── detectors │ ├── __init__.py │ ├── aeroblade_detector.py │ ├── aide_detector.py │ ├── base_detector.py │ ├── clip_detector.py │ ├── convnextv2_detector.py │ ├── cospy_detector.py │ ├── d3_detector.py │ ├── dinov2_detector.py │ ├── effort_detector.py │ ├── f3net_detector.py │ ├── freqnet_detector.py │ ├── iid_detector.py │ ├── npr_detector.py │ ├── prev │ │ ├── altfreezing_detector.py │ │ ├── capsule_net_detector.py │ │ ├── clip_detector.py │ │ ├── core_detector.py │ │ ├── efficientnetb4_detector.py │ │ ├── facexray_detector.py │ │ ├── ffd_detector.py │ │ ├── ftcn_detector.py │ │ ├── fwa_detector.py │ │ ├── i3d_detector.py │ │ ├── iid_detector.py │ │ ├── lrl_detector.py │ │ ├── lsda_detector.py │ │ ├── meso4Inception_detector.py │ │ ├── meso4_detector.py │ │ ├── multi_attention_detector.py │ │ ├── pcl_xception_detector.py │ │ ├── recce_detector.py │ │ ├── resnet34_detector.py │ │ ├── rfm_detector.py │ │ ├── sbi_detector.py │ │ ├── sia_detector.py │ │ ├── sladd_detector.py │ │ ├── spsl_detector.py │ │ ├── srm_detector.py │ │ ├── sta_detector.py │ │ ├── stil_detector.py │ │ ├── tall_detector.py │ │ ├── timesformer_detector.py │ │ ├── ucf_detector.py │ │ ├── uia_vit_detector.py │ │ ├── videomae_detector.py │ │ ├── xception_detector.py │ │ └── xclip_detector.py │ ├── prodet_detector.py │ └── utils │ │ ├── basic.py │ │ ├── bpe_simple_vocab_16e6.txt.gz │ │ ├── clip.py │ │ ├── iid_api.py │ │ ├── lsad_api.py │ │ ├── model.py │ │ ├── prodet_api.py │ │ ├── prompter.py │ │ ├── simple_tokenizer.py │ │ ├── sladd_api.py │ │ └── slowfast │ │ ├── __init__.py │ │ ├── config │ │ ├── __init__.py │ │ ├── custom_config.py │ │ └── defaults.py │ │ ├── models │ │ ├── __init__.py │ │ ├── batchnorm_helper.py │ │ ├── build.py │ │ ├── custom_video_model_builder.py │ │ ├── head_helper.py │ │ ├── losses.py │ │ ├── nonlocal_helper.py │ │ ├── optimizer.py │ │ ├── resnet_helper.py │ │ ├── stem_helper.py │ │ ├── unet_helper.py │ │ └── video_model_builder.py │ │ └── utils │ │ ├── __init__.py │ │ ├── ava_eval_helper.py │ │ ├── benchmark.py │ │ ├── bn_helper.py │ │ ├── c2_model_loading.py │ │ ├── checkpoint.py │ │ ├── distributed.py │ │ ├── env.py │ │ ├── logging.py │ │ ├── lr_policy.py │ │ ├── meters.py │ │ ├── metrics.py │ │ ├── misc.py │ │ ├── multigrid.py │ │ ├── multiprocessing.py │ │ ├── parser.py │ │ └── weight_init_helper.py │ ├── lib │ └── component │ │ ├── MCT │ │ ├── template0.png │ │ ├── template1.png │ │ ├── template2.png │ │ ├── template3.png │ │ ├── template4.png │ │ ├── template5.png │ │ ├── template6.png │ │ ├── template7.png │ │ ├── template8.png │ │ └── template9.png │ │ ├── SRM_Kernels.npy │ │ ├── __init__.py │ │ ├── attention.py │ │ ├── gaussian_ops.py │ │ └── srm_conv.py │ ├── loss │ ├── __init__.py │ ├── abstract_loss_func.py │ ├── am_softmax.py │ ├── bce_loss.py │ ├── capsule_loss.py │ ├── cliploss.py │ ├── consistency_loss.py │ ├── contrastive_regularization.py │ ├── cross_entropy_loss.py │ ├── id_loss.py │ ├── js_loss.py │ ├── l1_loss.py │ ├── oc_softmax.py │ ├── patch_consistency_loss.py │ ├── region_independent_loss.py │ ├── soft_ce_loss.py │ ├── supcon_loss.py │ ├── supercontrast_loss.py │ └── vgg_loss.py │ ├── misc │ ├── trainer.py │ └── unzip.sh │ ├── networks │ ├── __init__.py │ ├── adaface.py │ ├── base_backbone.py │ ├── clip │ │ ├── __init__.py │ │ ├── adapters.py │ │ ├── bpe_simple_vocab_16e6.txt.gz │ │ ├── clip.py │ │ ├── model.py │ │ ├── model_adapter.py │ │ ├── model_freqfit.py │ │ ├── model_vv.py │ │ └── simple_tokenizer.py │ ├── cls_hrnet.py │ ├── dinov2 │ │ ├── layers │ │ │ ├── __init__.py │ │ │ ├── attention.py │ │ │ ├── block.py │ │ │ ├── dino_head.py │ │ │ ├── drop_path.py │ │ │ ├── layer_scale.py │ │ │ ├── mlp.py │ │ │ ├── patch_embed.py │ │ │ └── swiglu_ffn.py │ │ └── models │ │ │ ├── __init__.py │ │ │ └── vision_transformer.py │ ├── efficientnetb4.py │ ├── gfn.py │ ├── iresnet.py │ ├── iresnet_iid.py │ ├── mesonet.py │ ├── resnet.py │ ├── resnet34.py │ ├── time_transformer.py │ ├── vgg.py │ ├── xception.py │ ├── xception_ffd.py │ └── xception_sladd.py │ ├── optimizor │ ├── LinearLR.py │ ├── SAM.py │ ├── Warmup.py │ └── __init__.py │ ├── pretrained │ └── readme.md │ ├── test.py │ ├── train.py │ ├── trainer │ ├── __init__.py │ ├── base_trainer.py │ └── trainer.py │ └── utils │ ├── __init__.py │ ├── config.py │ ├── logger.py │ ├── metrics.py │ ├── model_utils.py │ └── registry.py ├── LICENSE ├── MANIFEST.in ├── Makefile ├── README.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 │ ├── image-20240201122323540.png │ ├── image-20240201122441874.png │ ├── image-20240201122625473.png │ ├── image-20240201122725477.png │ ├── image-20240201131811038.png │ ├── image-20240201132124061.png │ ├── image-20240201132139698.png │ ├── image-20240201132308260.png │ ├── image-20240201132421298.png │ ├── image-20240201132454465.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 │ │ ├── GRPO.md │ │ ├── Megatron-SWIFT训练.md │ │ ├── ReleaseNote3.0.md │ │ ├── 人类对齐.md │ │ ├── 使用tuners.md │ │ ├── 命令行参数.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 │ ├── 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 │ ├── infer.md │ └── train.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 │ ├── grpo.sh │ ├── lora_qwenvl72b.sh │ ├── lora_vllm.sh │ ├── multi_gpu_agent.sh │ ├── multi_gpu_mp_colocate.sh │ ├── multi_node │ │ ├── multi_node1.sh │ │ ├── multi_node2.sh │ │ └── train_dlc.sh │ ├── plugin │ │ ├── __pycache__ │ │ │ └── plugin.cpython-310.pyc │ │ ├── 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 │ ├── multi-node │ │ ├── node1.sh │ │ └── node2.sh │ ├── pretrain.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 ├── ms_swift.egg-info ├── PKG-INFO ├── SOURCES.txt ├── dependency_links.txt ├── entry_points.txt ├── not-zip-safe ├── requires.txt └── top_level.txt ├── 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 ├── self_scripts ├── deploy │ ├── deploy_model.sh │ └── deploy_reward_model.sh ├── infer │ ├── cal_metrics.py │ ├── infer_hydrafake.sh │ ├── infer_hydrafake_vllm.sh │ ├── infer_pt.py │ ├── infer_vllm.py │ └── infer_vllm_single.py └── train │ ├── train_grpo.sh │ ├── train_mipo.sh │ ├── train_pgrpo.sh │ └── train_sft.sh ├── setup.cfg ├── setup.py ├── src ├── .DS_Store ├── data.png ├── data_overview.png ├── method.png └── reason_compare.png ├── swift ├── __init__.py ├── cli │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ └── main.cpython-310.pyc │ ├── _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 │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ └── hub.cpython-310.pyc │ ├── constant.py │ └── hub.py ├── llm │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ ├── base.cpython-310.pyc │ │ ├── data_loader.cpython-310.pyc │ │ └── utils.cpython-310.pyc │ ├── app │ │ ├── __init__.py │ │ ├── app.py │ │ ├── build_ui.py │ │ └── locale.py │ ├── argument │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── app_args.cpython-310.pyc │ │ │ ├── deploy_args.cpython-310.pyc │ │ │ ├── eval_args.cpython-310.pyc │ │ │ ├── export_args.cpython-310.pyc │ │ │ ├── infer_args.cpython-310.pyc │ │ │ ├── merge_args.cpython-310.pyc │ │ │ ├── rlhf_args.cpython-310.pyc │ │ │ ├── sampling_args.cpython-310.pyc │ │ │ ├── train_args.cpython-310.pyc │ │ │ ├── tuner_args.cpython-310.pyc │ │ │ └── webui_args.cpython-310.pyc │ │ ├── app_args.py │ │ ├── base_args │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-310.pyc │ │ │ │ ├── base_args.cpython-310.pyc │ │ │ │ ├── data_args.cpython-310.pyc │ │ │ │ ├── generation_args.cpython-310.pyc │ │ │ │ ├── model_args.cpython-310.pyc │ │ │ │ ├── quant_args.cpython-310.pyc │ │ │ │ ├── template_args.cpython-310.pyc │ │ │ │ └── utils.cpython-310.pyc │ │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── loader.cpython-310.pyc │ │ │ ├── media.cpython-310.pyc │ │ │ ├── register.cpython-310.pyc │ │ │ └── utils.cpython-310.pyc │ │ ├── data │ │ │ └── dataset_info.json │ │ ├── dataset │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-310.pyc │ │ │ │ ├── data_utils.cpython-310.pyc │ │ │ │ ├── llm.cpython-310.pyc │ │ │ │ └── mllm.cpython-310.pyc │ │ │ ├── data_utils.py │ │ │ ├── llm.py │ │ │ └── mllm.py │ │ ├── loader.py │ │ ├── media.py │ │ ├── preprocessor │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-310.pyc │ │ │ │ ├── core.cpython-310.pyc │ │ │ │ └── extra.cpython-310.pyc │ │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── export.cpython-310.pyc │ │ │ ├── merge_lora.cpython-310.pyc │ │ │ ├── ollama.cpython-310.pyc │ │ │ └── quant.cpython-310.pyc │ │ ├── export.py │ │ ├── merge_lora.py │ │ ├── ollama.py │ │ └── quant.py │ ├── infer │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── infer.cpython-310.pyc │ │ │ ├── protocol.cpython-310.pyc │ │ │ └── utils.cpython-310.pyc │ │ ├── deploy.py │ │ ├── infer.py │ │ ├── infer_engine │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-310.pyc │ │ │ │ ├── base.cpython-310.pyc │ │ │ │ ├── grpo_vllm_engine.cpython-310.pyc │ │ │ │ ├── infer_client.cpython-310.pyc │ │ │ │ ├── infer_engine.cpython-310.pyc │ │ │ │ ├── patch.cpython-310.pyc │ │ │ │ ├── pt_engine.cpython-310.pyc │ │ │ │ ├── utils.cpython-310.pyc │ │ │ │ └── vllm_engine.cpython-310.pyc │ │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── constant.cpython-310.pyc │ │ │ ├── model_arch.cpython-310.pyc │ │ │ ├── patcher.cpython-310.pyc │ │ │ ├── register.cpython-310.pyc │ │ │ └── utils.cpython-310.pyc │ │ ├── constant.py │ │ ├── model │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-310.pyc │ │ │ │ ├── baai.cpython-310.pyc │ │ │ │ ├── baichuan.cpython-310.pyc │ │ │ │ ├── bert.cpython-310.pyc │ │ │ │ ├── codefuse.cpython-310.pyc │ │ │ │ ├── custom_internvl.cpython-310.pyc │ │ │ │ ├── deepseek.cpython-310.pyc │ │ │ │ ├── gemma.cpython-310.pyc │ │ │ │ ├── glm.cpython-310.pyc │ │ │ │ ├── internlm.cpython-310.pyc │ │ │ │ ├── llama.cpython-310.pyc │ │ │ │ ├── llava.cpython-310.pyc │ │ │ │ ├── llm.cpython-310.pyc │ │ │ │ ├── mamba.cpython-310.pyc │ │ │ │ ├── microsoft.cpython-310.pyc │ │ │ │ ├── minicpm.cpython-310.pyc │ │ │ │ ├── minimax.cpython-310.pyc │ │ │ │ ├── mistral.cpython-310.pyc │ │ │ │ ├── mllm.cpython-310.pyc │ │ │ │ ├── moonshot.cpython-310.pyc │ │ │ │ ├── mplug.cpython-310.pyc │ │ │ │ ├── openbuddy.cpython-310.pyc │ │ │ │ ├── qwen.cpython-310.pyc │ │ │ │ ├── skywork.cpython-310.pyc │ │ │ │ ├── stepfun.cpython-310.pyc │ │ │ │ ├── telechat.cpython-310.pyc │ │ │ │ ├── valley.cpython-310.pyc │ │ │ │ └── yi.cpython-310.pyc │ │ │ ├── baai.py │ │ │ ├── baichuan.py │ │ │ ├── bert.py │ │ │ ├── codefuse.py │ │ │ ├── custom_internvl.py │ │ │ ├── deepseek.py │ │ │ ├── gemma.py │ │ │ ├── glm.py │ │ │ ├── internlm.py │ │ │ ├── internvl_chat │ │ │ │ ├── __init__.py │ │ │ │ ├── __pycache__ │ │ │ │ │ ├── __init__.cpython-310.pyc │ │ │ │ │ ├── configuration_intern_vit.cpython-310.pyc │ │ │ │ │ └── configuration_internvl_chat.cpython-310.pyc │ │ │ │ ├── configuration_intern_vit.py │ │ │ │ ├── configuration_internvl_chat.py │ │ │ │ ├── modeling_intern_vit.py │ │ │ │ └── modeling_internvl_chat.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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── base.cpython-310.pyc │ │ │ ├── constant.cpython-310.pyc │ │ │ ├── grounding.cpython-310.pyc │ │ │ ├── register.cpython-310.pyc │ │ │ ├── template_inputs.cpython-310.pyc │ │ │ ├── template_meta.cpython-310.pyc │ │ │ ├── utils.cpython-310.pyc │ │ │ └── vision_utils.cpython-310.pyc │ │ ├── base.py │ │ ├── constant.py │ │ ├── grounding.py │ │ ├── register.py │ │ ├── template │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ │ ├── __init__.cpython-310.pyc │ │ │ │ ├── deepseek.cpython-310.pyc │ │ │ │ ├── emu3.cpython-310.pyc │ │ │ │ ├── gemma.cpython-310.pyc │ │ │ │ ├── glm.cpython-310.pyc │ │ │ │ ├── idefics3.cpython-310.pyc │ │ │ │ ├── internlm.cpython-310.pyc │ │ │ │ ├── internvl.cpython-310.pyc │ │ │ │ ├── llama.cpython-310.pyc │ │ │ │ ├── llava.cpython-310.pyc │ │ │ │ ├── llm.cpython-310.pyc │ │ │ │ ├── megrez.cpython-310.pyc │ │ │ │ ├── microsoft.cpython-310.pyc │ │ │ │ ├── minicpm.cpython-310.pyc │ │ │ │ ├── minimax.cpython-310.pyc │ │ │ │ ├── mistral.cpython-310.pyc │ │ │ │ ├── molmo.cpython-310.pyc │ │ │ │ ├── moonshot.cpython-310.pyc │ │ │ │ ├── mplug.cpython-310.pyc │ │ │ │ ├── openbuddy.cpython-310.pyc │ │ │ │ ├── pixtral.cpython-310.pyc │ │ │ │ ├── qwen.cpython-310.pyc │ │ │ │ ├── stepfun.cpython-310.pyc │ │ │ │ ├── utils.cpython-310.pyc │ │ │ │ ├── valley.cpython-310.pyc │ │ │ │ └── yi.cpython-310.pyc │ │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── callback.cpython-310.pyc │ │ │ ├── kto.cpython-310.pyc │ │ │ ├── pt.cpython-310.pyc │ │ │ ├── rlhf.cpython-310.pyc │ │ │ ├── sft.cpython-310.pyc │ │ │ └── tuner.cpython-310.pyc │ │ ├── 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 │ │ │ ├── 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 │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ ├── callback.cpython-310.pyc │ │ ├── loss.cpython-310.pyc │ │ ├── loss_scale.cpython-310.pyc │ │ ├── metric.cpython-310.pyc │ │ ├── multi_turn.cpython-310.pyc │ │ ├── orm.cpython-310.pyc │ │ ├── prm.cpython-310.pyc │ │ ├── tools.cpython-310.pyc │ │ └── tuner.cpython-310.pyc │ ├── agent │ │ ├── agentflan.json │ │ ├── alpha_umi_loss_scale_config.json │ │ ├── default_loss_scale_config.json │ │ └── qwen_loss_scale_config.json │ ├── callback.py │ ├── loss.py │ ├── loss_scale.py │ ├── metric.py │ ├── multi_turn.py │ ├── optimizer.py │ ├── orm.py │ ├── prm.py │ ├── tools.py │ └── tuner.py ├── trainers │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ ├── arguments.cpython-310.pyc │ │ ├── arguments.cpython-310.pyc.140602299073856 │ │ ├── callback.cpython-310.pyc │ │ ├── mixin.cpython-310.pyc │ │ ├── rlhf_arguments.cpython-310.pyc │ │ ├── trainer_factory.cpython-310.pyc │ │ ├── trainers.cpython-310.pyc │ │ └── utils.cpython-310.pyc │ ├── arguments.py │ ├── callback.py │ ├── mixin.py │ ├── optimizers │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ └── __init__.cpython-310.pyc │ │ └── galore │ │ │ ├── __init__.py │ │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ └── utils.cpython-310.pyc │ │ │ ├── adafactor.py │ │ │ ├── adamw.py │ │ │ ├── adamw8bit.py │ │ │ ├── galore_projector.py │ │ │ └── utils.py │ ├── rlhf_arguments.py │ ├── rlhf_trainer │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── dpo_trainer.cpython-310.pyc │ │ │ ├── grpo_trainer.cpython-310.pyc │ │ │ ├── grpo_trainer.cpython-310.pyc.139976812103920 │ │ │ ├── grpo_trainer.cpython-310.pyc.140617616226896 │ │ │ ├── rlhf_mixin.cpython-310.pyc │ │ │ └── utils.cpython-310.pyc │ │ ├── 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 │ ├── torchacc_mixin.py │ ├── trainer_factory.py │ ├── trainers.py │ ├── utils.py │ └── xtuner.py ├── tuners │ ├── __init__.py │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ ├── adapter.cpython-310.pyc │ │ ├── base.cpython-310.pyc │ │ ├── llamapro.cpython-310.pyc │ │ ├── lora.cpython-310.pyc │ │ ├── lora_layers.cpython-310.pyc │ │ ├── mapping.cpython-310.pyc │ │ ├── neftune.cpython-310.pyc │ │ ├── part.cpython-310.pyc │ │ ├── peft.cpython-310.pyc │ │ ├── prompt.cpython-310.pyc │ │ ├── reft.cpython-310.pyc │ │ ├── restuning.cpython-310.pyc │ │ ├── restuning_components.cpython-310.pyc │ │ ├── side.cpython-310.pyc │ │ └── utils.cpython-310.pyc │ ├── adapter.py │ ├── base.py │ ├── llamapro.py │ ├── longlora │ │ ├── __init__.py │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ └── longlora.cpython-310.pyc │ │ ├── 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 │ │ ├── __pycache__ │ │ │ ├── __init__.cpython-310.pyc │ │ │ ├── scetuning.cpython-310.pyc │ │ │ └── scetuning_components.cpython-310.pyc │ │ ├── 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 │ ├── __pycache__ │ │ ├── __init__.cpython-310.pyc │ │ ├── constants.cpython-310.pyc │ │ ├── env.cpython-310.pyc │ │ ├── import_utils.cpython-310.pyc │ │ ├── io_utils.cpython-310.pyc │ │ ├── logger.cpython-310.pyc │ │ ├── np_utils.cpython-310.pyc │ │ ├── tb_utils.cpython-310.pyc │ │ ├── torch_utils.cpython-310.pyc │ │ ├── torchacc_utils.cpython-310.pyc │ │ └── utils.cpython-310.pyc │ ├── 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_audio.py │ ├── test_gene.py │ ├── test_llm.py │ ├── test_template.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_io_utils.py └── test_torch_utils.py /DeepfakeBench/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/.gitignore -------------------------------------------------------------------------------- /DeepfakeBench/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/README.md -------------------------------------------------------------------------------- /DeepfakeBench/analysis/.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/analysis/.gitignore -------------------------------------------------------------------------------- /DeepfakeBench/analysis/auc_fromaug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/analysis/auc_fromaug.py -------------------------------------------------------------------------------- /DeepfakeBench/analysis/auc_table1_fromrecord.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/analysis/auc_table1_fromrecord.py -------------------------------------------------------------------------------- /DeepfakeBench/analysis/auc_table2_fromrecord.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/analysis/auc_table2_fromrecord.py -------------------------------------------------------------------------------- /DeepfakeBench/analysis/curve_draw.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/analysis/curve_draw.py -------------------------------------------------------------------------------- /DeepfakeBench/analysis/explore_pretrained.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/analysis/explore_pretrained.py -------------------------------------------------------------------------------- /DeepfakeBench/analysis/frequency.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/analysis/frequency.py -------------------------------------------------------------------------------- /DeepfakeBench/analysis/heatmap_tab2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/analysis/heatmap_tab2.py -------------------------------------------------------------------------------- /DeepfakeBench/analysis/model_archi.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/analysis/model_archi.py -------------------------------------------------------------------------------- /DeepfakeBench/analysis/number_frames.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/analysis/number_frames.py -------------------------------------------------------------------------------- /DeepfakeBench/analysis/plot_curve.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/analysis/plot_curve.py -------------------------------------------------------------------------------- /DeepfakeBench/analysis/tsne.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/analysis/tsne.py -------------------------------------------------------------------------------- /DeepfakeBench/datasets/readme.md: -------------------------------------------------------------------------------- 1 | Put your datasets here. -------------------------------------------------------------------------------- /DeepfakeBench/figures/archi.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/figures/archi.png -------------------------------------------------------------------------------- /DeepfakeBench/install.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/install.sh -------------------------------------------------------------------------------- /DeepfakeBench/preprocessing/config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/preprocessing/config.yaml -------------------------------------------------------------------------------- /DeepfakeBench/preprocessing/dataset2lmdb_test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/preprocessing/dataset2lmdb_test.py -------------------------------------------------------------------------------- /DeepfakeBench/preprocessing/dataset_json/.gitignore: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /DeepfakeBench/preprocessing/dlib_tools/readme.md: -------------------------------------------------------------------------------- 1 | Put the dlib face detector here. -------------------------------------------------------------------------------- /DeepfakeBench/preprocessing/preprocess.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/preprocessing/preprocess.py -------------------------------------------------------------------------------- /DeepfakeBench/preprocessing/rearrange.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/preprocessing/rearrange.py -------------------------------------------------------------------------------- /DeepfakeBench/training/config/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/config/__init__.py -------------------------------------------------------------------------------- /DeepfakeBench/training/config/detector/aide.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/config/detector/aide.yaml -------------------------------------------------------------------------------- /DeepfakeBench/training/config/detector/cospy.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/config/detector/cospy.yaml -------------------------------------------------------------------------------- /DeepfakeBench/training/config/detector/d3.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/config/detector/d3.yaml -------------------------------------------------------------------------------- /DeepfakeBench/training/config/detector/f3net.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/config/detector/f3net.yaml -------------------------------------------------------------------------------- /DeepfakeBench/training/config/detector/iid.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/config/detector/iid.yaml -------------------------------------------------------------------------------- /DeepfakeBench/training/config/detector/npr.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/config/detector/npr.yaml -------------------------------------------------------------------------------- /DeepfakeBench/training/config/detector/unifd.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/config/detector/unifd.yaml -------------------------------------------------------------------------------- /DeepfakeBench/training/dataset/I2G_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/dataset/I2G_dataset.py -------------------------------------------------------------------------------- /DeepfakeBench/training/dataset/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/dataset/__init__.py -------------------------------------------------------------------------------- /DeepfakeBench/training/dataset/albu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/dataset/albu.py -------------------------------------------------------------------------------- /DeepfakeBench/training/dataset/face_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/dataset/face_utils.py -------------------------------------------------------------------------------- /DeepfakeBench/training/dataset/ff_blend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/dataset/ff_blend.py -------------------------------------------------------------------------------- /DeepfakeBench/training/dataset/fwa_blend.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/dataset/fwa_blend.py -------------------------------------------------------------------------------- /DeepfakeBench/training/dataset/iid_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/dataset/iid_dataset.py -------------------------------------------------------------------------------- /DeepfakeBench/training/dataset/json_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/dataset/json_dataset.py -------------------------------------------------------------------------------- /DeepfakeBench/training/dataset/library/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/dataset/library/LICENSE -------------------------------------------------------------------------------- /DeepfakeBench/training/dataset/library/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/dataset/library/README.md -------------------------------------------------------------------------------- /DeepfakeBench/training/dataset/lrl_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/dataset/lrl_dataset.py -------------------------------------------------------------------------------- /DeepfakeBench/training/dataset/lsda_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/dataset/lsda_dataset.py -------------------------------------------------------------------------------- /DeepfakeBench/training/dataset/pair_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/dataset/pair_dataset.py -------------------------------------------------------------------------------- /DeepfakeBench/training/dataset/sbi_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/dataset/sbi_api.py -------------------------------------------------------------------------------- /DeepfakeBench/training/dataset/sbi_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/dataset/sbi_dataset.py -------------------------------------------------------------------------------- /DeepfakeBench/training/dataset/tall_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/dataset/tall_dataset.py -------------------------------------------------------------------------------- /DeepfakeBench/training/dataset/utils/SLADD.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/dataset/utils/SLADD.py -------------------------------------------------------------------------------- /DeepfakeBench/training/dataset/utils/face_aug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/dataset/utils/face_aug.py -------------------------------------------------------------------------------- /DeepfakeBench/training/dataset/utils/faceswap.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/dataset/utils/faceswap.py -------------------------------------------------------------------------------- /DeepfakeBench/training/dataset/utils/image_ae.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/dataset/utils/image_ae.py -------------------------------------------------------------------------------- /DeepfakeBench/training/dataset/utils/umeyama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/dataset/utils/umeyama.py -------------------------------------------------------------------------------- /DeepfakeBench/training/dataset/utils/warp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/dataset/utils/warp.py -------------------------------------------------------------------------------- /DeepfakeBench/training/detectors/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/detectors/__init__.py -------------------------------------------------------------------------------- /DeepfakeBench/training/detectors/aide_detector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/detectors/aide_detector.py -------------------------------------------------------------------------------- /DeepfakeBench/training/detectors/base_detector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/detectors/base_detector.py -------------------------------------------------------------------------------- /DeepfakeBench/training/detectors/clip_detector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/detectors/clip_detector.py -------------------------------------------------------------------------------- /DeepfakeBench/training/detectors/d3_detector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/detectors/d3_detector.py -------------------------------------------------------------------------------- /DeepfakeBench/training/detectors/iid_detector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/detectors/iid_detector.py -------------------------------------------------------------------------------- /DeepfakeBench/training/detectors/npr_detector.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/detectors/npr_detector.py -------------------------------------------------------------------------------- /DeepfakeBench/training/detectors/utils/basic.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/detectors/utils/basic.py -------------------------------------------------------------------------------- /DeepfakeBench/training/detectors/utils/clip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/detectors/utils/clip.py -------------------------------------------------------------------------------- /DeepfakeBench/training/detectors/utils/iid_api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/detectors/utils/iid_api.py -------------------------------------------------------------------------------- /DeepfakeBench/training/detectors/utils/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/detectors/utils/model.py -------------------------------------------------------------------------------- /DeepfakeBench/training/lib/component/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/lib/component/__init__.py -------------------------------------------------------------------------------- /DeepfakeBench/training/lib/component/attention.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/lib/component/attention.py -------------------------------------------------------------------------------- /DeepfakeBench/training/lib/component/srm_conv.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/lib/component/srm_conv.py -------------------------------------------------------------------------------- /DeepfakeBench/training/loss/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/loss/__init__.py -------------------------------------------------------------------------------- /DeepfakeBench/training/loss/abstract_loss_func.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/loss/abstract_loss_func.py -------------------------------------------------------------------------------- /DeepfakeBench/training/loss/am_softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/loss/am_softmax.py -------------------------------------------------------------------------------- /DeepfakeBench/training/loss/bce_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/loss/bce_loss.py -------------------------------------------------------------------------------- /DeepfakeBench/training/loss/capsule_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/loss/capsule_loss.py -------------------------------------------------------------------------------- /DeepfakeBench/training/loss/cliploss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/loss/cliploss.py -------------------------------------------------------------------------------- /DeepfakeBench/training/loss/consistency_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/loss/consistency_loss.py -------------------------------------------------------------------------------- /DeepfakeBench/training/loss/cross_entropy_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/loss/cross_entropy_loss.py -------------------------------------------------------------------------------- /DeepfakeBench/training/loss/id_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/loss/id_loss.py -------------------------------------------------------------------------------- /DeepfakeBench/training/loss/js_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/loss/js_loss.py -------------------------------------------------------------------------------- /DeepfakeBench/training/loss/l1_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/loss/l1_loss.py -------------------------------------------------------------------------------- /DeepfakeBench/training/loss/oc_softmax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/loss/oc_softmax.py -------------------------------------------------------------------------------- /DeepfakeBench/training/loss/soft_ce_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/loss/soft_ce_loss.py -------------------------------------------------------------------------------- /DeepfakeBench/training/loss/supcon_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/loss/supcon_loss.py -------------------------------------------------------------------------------- /DeepfakeBench/training/loss/vgg_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/loss/vgg_loss.py -------------------------------------------------------------------------------- /DeepfakeBench/training/misc/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/misc/trainer.py -------------------------------------------------------------------------------- /DeepfakeBench/training/misc/unzip.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/misc/unzip.sh -------------------------------------------------------------------------------- /DeepfakeBench/training/networks/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/networks/__init__.py -------------------------------------------------------------------------------- /DeepfakeBench/training/networks/adaface.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/networks/adaface.py -------------------------------------------------------------------------------- /DeepfakeBench/training/networks/clip/clip.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/networks/clip/clip.py -------------------------------------------------------------------------------- /DeepfakeBench/training/networks/clip/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/networks/clip/model.py -------------------------------------------------------------------------------- /DeepfakeBench/training/networks/cls_hrnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/networks/cls_hrnet.py -------------------------------------------------------------------------------- /DeepfakeBench/training/networks/gfn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/networks/gfn.py -------------------------------------------------------------------------------- /DeepfakeBench/training/networks/iresnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/networks/iresnet.py -------------------------------------------------------------------------------- /DeepfakeBench/training/networks/iresnet_iid.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/networks/iresnet_iid.py -------------------------------------------------------------------------------- /DeepfakeBench/training/networks/mesonet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/networks/mesonet.py -------------------------------------------------------------------------------- /DeepfakeBench/training/networks/resnet.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/networks/resnet.py -------------------------------------------------------------------------------- /DeepfakeBench/training/networks/resnet34.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/networks/resnet34.py -------------------------------------------------------------------------------- /DeepfakeBench/training/networks/vgg.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/networks/vgg.py -------------------------------------------------------------------------------- /DeepfakeBench/training/networks/xception.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/networks/xception.py -------------------------------------------------------------------------------- /DeepfakeBench/training/networks/xception_ffd.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/networks/xception_ffd.py -------------------------------------------------------------------------------- /DeepfakeBench/training/optimizor/LinearLR.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/optimizor/LinearLR.py -------------------------------------------------------------------------------- /DeepfakeBench/training/optimizor/SAM.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/optimizor/SAM.py -------------------------------------------------------------------------------- /DeepfakeBench/training/optimizor/Warmup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/optimizor/Warmup.py -------------------------------------------------------------------------------- /DeepfakeBench/training/optimizor/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/optimizor/__init__.py -------------------------------------------------------------------------------- /DeepfakeBench/training/pretrained/readme.md: -------------------------------------------------------------------------------- 1 | Put the pretrained weights here. -------------------------------------------------------------------------------- /DeepfakeBench/training/test.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/test.py -------------------------------------------------------------------------------- /DeepfakeBench/training/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/train.py -------------------------------------------------------------------------------- /DeepfakeBench/training/trainer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/trainer/__init__.py -------------------------------------------------------------------------------- /DeepfakeBench/training/trainer/base_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/trainer/base_trainer.py -------------------------------------------------------------------------------- /DeepfakeBench/training/trainer/trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/trainer/trainer.py -------------------------------------------------------------------------------- /DeepfakeBench/training/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/utils/__init__.py -------------------------------------------------------------------------------- /DeepfakeBench/training/utils/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/utils/config.py -------------------------------------------------------------------------------- /DeepfakeBench/training/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/utils/logger.py -------------------------------------------------------------------------------- /DeepfakeBench/training/utils/metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/utils/metrics.py -------------------------------------------------------------------------------- /DeepfakeBench/training/utils/model_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/utils/model_utils.py -------------------------------------------------------------------------------- /DeepfakeBench/training/utils/registry.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/DeepfakeBench/training/utils/registry.py -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/LICENSE -------------------------------------------------------------------------------- /MANIFEST.in: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/MANIFEST.in -------------------------------------------------------------------------------- /Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/Makefile -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/README.md -------------------------------------------------------------------------------- /asset/banner.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/asset/banner.png -------------------------------------------------------------------------------- /asset/discord_qr.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/asset/discord_qr.jpg -------------------------------------------------------------------------------- /asset/wechat.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/asset/wechat.png -------------------------------------------------------------------------------- /docs/Makefile: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/Makefile -------------------------------------------------------------------------------- /docs/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/README.md -------------------------------------------------------------------------------- /docs/make.bat: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/make.bat -------------------------------------------------------------------------------- /docs/resources/dpo_data.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/resources/dpo_data.png -------------------------------------------------------------------------------- /docs/resources/grpo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/resources/grpo.png -------------------------------------------------------------------------------- /docs/resources/grpo_clevr_count.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/resources/grpo_clevr_count.png -------------------------------------------------------------------------------- /docs/resources/grpo_code.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/resources/grpo_code.png -------------------------------------------------------------------------------- /docs/resources/grpo_countdown.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/resources/grpo_countdown.png -------------------------------------------------------------------------------- /docs/resources/grpo_countdown_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/resources/grpo_countdown_1.png -------------------------------------------------------------------------------- /docs/resources/grpo_geoqa.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/resources/grpo_geoqa.png -------------------------------------------------------------------------------- /docs/resources/grpo_openr1_multimodal.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/resources/grpo_openr1_multimodal.png -------------------------------------------------------------------------------- /docs/resources/image-20240201122323540.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/resources/image-20240201122323540.png -------------------------------------------------------------------------------- /docs/resources/image-20240201122441874.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/resources/image-20240201122441874.png -------------------------------------------------------------------------------- /docs/resources/image-20240201122625473.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/resources/image-20240201122625473.png -------------------------------------------------------------------------------- /docs/resources/image-20240201122725477.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/resources/image-20240201122725477.png -------------------------------------------------------------------------------- /docs/resources/image-20240201131811038.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/resources/image-20240201131811038.png -------------------------------------------------------------------------------- /docs/resources/image-20240201132124061.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/resources/image-20240201132124061.png -------------------------------------------------------------------------------- /docs/resources/image-20240201132139698.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/resources/image-20240201132139698.png -------------------------------------------------------------------------------- /docs/resources/image-20240201132308260.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/resources/image-20240201132308260.png -------------------------------------------------------------------------------- /docs/resources/image-20240201132421298.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/resources/image-20240201132421298.png -------------------------------------------------------------------------------- /docs/resources/image-20240201132454465.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/resources/image-20240201132454465.png -------------------------------------------------------------------------------- /docs/resources/kto_data.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/resources/kto_data.png -------------------------------------------------------------------------------- /docs/resources/web-ui-en.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/resources/web-ui-en.jpg -------------------------------------------------------------------------------- /docs/resources/web-ui.jpg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/resources/web-ui.jpg -------------------------------------------------------------------------------- /docs/source/.readthedocs.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source/.readthedocs.yaml -------------------------------------------------------------------------------- /docs/source/BestPractices/Embedding训练.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source/BestPractices/Embedding训练.md -------------------------------------------------------------------------------- /docs/source/BestPractices/GRPO代码训练.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source/BestPractices/GRPO代码训练.md -------------------------------------------------------------------------------- /docs/source/BestPractices/GRPO多模态训练.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source/BestPractices/GRPO多模态训练.md -------------------------------------------------------------------------------- /docs/source/BestPractices/GRPO完整流程.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source/BestPractices/GRPO完整流程.md -------------------------------------------------------------------------------- /docs/source/BestPractices/NPU支持.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source/BestPractices/NPU支持.md -------------------------------------------------------------------------------- /docs/source/BestPractices/更多最佳实践.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source/BestPractices/更多最佳实践.md -------------------------------------------------------------------------------- /docs/source/Customization/插件化.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source/Customization/插件化.md -------------------------------------------------------------------------------- /docs/source/Customization/自定义数据集.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source/Customization/自定义数据集.md -------------------------------------------------------------------------------- /docs/source/Customization/自定义模型.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source/Customization/自定义模型.md -------------------------------------------------------------------------------- /docs/source/GetStarted/SWIFT安装.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source/GetStarted/SWIFT安装.md -------------------------------------------------------------------------------- /docs/source/GetStarted/Web-UI.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source/GetStarted/Web-UI.md -------------------------------------------------------------------------------- /docs/source/GetStarted/快速开始.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source/GetStarted/快速开始.md -------------------------------------------------------------------------------- /docs/source/Instruction/GRPO.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source/Instruction/GRPO.md -------------------------------------------------------------------------------- /docs/source/Instruction/Megatron-SWIFT训练.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source/Instruction/Megatron-SWIFT训练.md -------------------------------------------------------------------------------- /docs/source/Instruction/ReleaseNote3.0.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source/Instruction/ReleaseNote3.0.md -------------------------------------------------------------------------------- /docs/source/Instruction/人类对齐.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source/Instruction/人类对齐.md -------------------------------------------------------------------------------- /docs/source/Instruction/使用tuners.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source/Instruction/使用tuners.md -------------------------------------------------------------------------------- /docs/source/Instruction/命令行参数.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source/Instruction/命令行参数.md -------------------------------------------------------------------------------- /docs/source/Instruction/导出与推送.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source/Instruction/导出与推送.md -------------------------------------------------------------------------------- /docs/source/Instruction/常见问题整理.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source/Instruction/常见问题整理.md -------------------------------------------------------------------------------- /docs/source/Instruction/强化微调.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source/Instruction/强化微调.md -------------------------------------------------------------------------------- /docs/source/Instruction/推理和部署.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source/Instruction/推理和部署.md -------------------------------------------------------------------------------- /docs/source/Instruction/支持的模型和数据集.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source/Instruction/支持的模型和数据集.md -------------------------------------------------------------------------------- /docs/source/Instruction/智能体的支持.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source/Instruction/智能体的支持.md -------------------------------------------------------------------------------- /docs/source/Instruction/评测.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source/Instruction/评测.md -------------------------------------------------------------------------------- /docs/source/Instruction/采样.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source/Instruction/采样.md -------------------------------------------------------------------------------- /docs/source/Instruction/预训练与微调.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source/Instruction/预训练与微调.md -------------------------------------------------------------------------------- /docs/source/_templates/autosummary/class.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source/_templates/autosummary/class.rst -------------------------------------------------------------------------------- /docs/source/_templates/classtemplate.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source/_templates/classtemplate.rst -------------------------------------------------------------------------------- /docs/source/_templates/sobolengine.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source/_templates/sobolengine.rst -------------------------------------------------------------------------------- /docs/source/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source/conf.py -------------------------------------------------------------------------------- /docs/source/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source/index.rst -------------------------------------------------------------------------------- /docs/source_en/.readthedocs.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source_en/.readthedocs.yaml -------------------------------------------------------------------------------- /docs/source_en/BestPractices/Embedding.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source_en/BestPractices/Embedding.md -------------------------------------------------------------------------------- /docs/source_en/BestPractices/GRPO.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source_en/BestPractices/GRPO.md -------------------------------------------------------------------------------- /docs/source_en/BestPractices/NPU-support.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source_en/BestPractices/NPU-support.md -------------------------------------------------------------------------------- /docs/source_en/Customization/Custom-dataset.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source_en/Customization/Custom-dataset.md -------------------------------------------------------------------------------- /docs/source_en/Customization/Custom-model.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source_en/Customization/Custom-model.md -------------------------------------------------------------------------------- /docs/source_en/Customization/Pluginization.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source_en/Customization/Pluginization.md -------------------------------------------------------------------------------- /docs/source_en/GetStarted/Quick-start.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source_en/GetStarted/Quick-start.md -------------------------------------------------------------------------------- /docs/source_en/GetStarted/SWIFT-installation.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source_en/GetStarted/SWIFT-installation.md -------------------------------------------------------------------------------- /docs/source_en/GetStarted/Web-UI.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source_en/GetStarted/Web-UI.md -------------------------------------------------------------------------------- /docs/source_en/Instruction/Agent-support.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source_en/Instruction/Agent-support.md -------------------------------------------------------------------------------- /docs/source_en/Instruction/Evaluation.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source_en/Instruction/Evaluation.md -------------------------------------------------------------------------------- /docs/source_en/Instruction/Export-and-push.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source_en/Instruction/Export-and-push.md -------------------------------------------------------------------------------- /docs/source_en/Instruction/GRPO.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source_en/Instruction/GRPO.md -------------------------------------------------------------------------------- /docs/source_en/Instruction/RLHF.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source_en/Instruction/RLHF.md -------------------------------------------------------------------------------- /docs/source_en/Instruction/ReleaseNote3.0.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source_en/Instruction/ReleaseNote3.0.md -------------------------------------------------------------------------------- /docs/source_en/Instruction/Sample.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source_en/Instruction/Sample.md -------------------------------------------------------------------------------- /docs/source_en/Instruction/Use-tuners.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source_en/Instruction/Use-tuners.md -------------------------------------------------------------------------------- /docs/source_en/_templates/autosummary/class.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source_en/_templates/autosummary/class.rst -------------------------------------------------------------------------------- /docs/source_en/_templates/classtemplate.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source_en/_templates/classtemplate.rst -------------------------------------------------------------------------------- /docs/source_en/_templates/sobolengine.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source_en/_templates/sobolengine.rst -------------------------------------------------------------------------------- /docs/source_en/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source_en/conf.py -------------------------------------------------------------------------------- /docs/source_en/index.rst: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/docs/source_en/index.rst -------------------------------------------------------------------------------- /examples/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/README.md -------------------------------------------------------------------------------- /examples/app/base_url/demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/app/base_url/demo.py -------------------------------------------------------------------------------- /examples/app/base_url/demo.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/app/base_url/demo.sh -------------------------------------------------------------------------------- /examples/app/llm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/app/llm.sh -------------------------------------------------------------------------------- /examples/app/mllm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/app/mllm.sh -------------------------------------------------------------------------------- /examples/custom/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/custom/dataset.py -------------------------------------------------------------------------------- /examples/custom/infer.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/custom/infer.sh -------------------------------------------------------------------------------- /examples/custom/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/custom/model.py -------------------------------------------------------------------------------- /examples/custom/sft.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/custom/sft.sh -------------------------------------------------------------------------------- /examples/deploy/bert/client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/deploy/bert/client.py -------------------------------------------------------------------------------- /examples/deploy/bert/server.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/deploy/bert/server.sh -------------------------------------------------------------------------------- /examples/deploy/client/llm/base/swift_client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/deploy/client/llm/base/swift_client.py -------------------------------------------------------------------------------- /examples/deploy/client/llm/chat/swift_client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/deploy/client/llm/chat/swift_client.py -------------------------------------------------------------------------------- /examples/deploy/client/mllm/openai_client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/deploy/client/mllm/openai_client.py -------------------------------------------------------------------------------- /examples/deploy/client/mllm/swift_client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/deploy/client/mllm/swift_client.py -------------------------------------------------------------------------------- /examples/deploy/lora/client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/deploy/lora/client.py -------------------------------------------------------------------------------- /examples/deploy/lora/server.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/deploy/lora/server.sh -------------------------------------------------------------------------------- /examples/deploy/reward_model/client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/deploy/reward_model/client.py -------------------------------------------------------------------------------- /examples/deploy/reward_model/server.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/deploy/reward_model/server.sh -------------------------------------------------------------------------------- /examples/deploy/server/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/deploy/server/README.md -------------------------------------------------------------------------------- /examples/deploy/server/demo.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/deploy/server/demo.sh -------------------------------------------------------------------------------- /examples/eval/eval_url/demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/eval/eval_url/demo.py -------------------------------------------------------------------------------- /examples/eval/eval_url/eval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/eval/eval_url/eval.sh -------------------------------------------------------------------------------- /examples/eval/llm/eval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/eval/llm/eval.sh -------------------------------------------------------------------------------- /examples/eval/train_eval/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/eval/train_eval/train.sh -------------------------------------------------------------------------------- /examples/eval/vlm/eval.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/eval/vlm/eval.sh -------------------------------------------------------------------------------- /examples/export/merge_lora.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/export/merge_lora.sh -------------------------------------------------------------------------------- /examples/export/ollama.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/export/ollama.sh -------------------------------------------------------------------------------- /examples/export/push_to_hub.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/export/push_to_hub.sh -------------------------------------------------------------------------------- /examples/export/quantize/awq.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/export/quantize/awq.sh -------------------------------------------------------------------------------- /examples/export/quantize/bert/bnb.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/export/quantize/bert/bnb.sh -------------------------------------------------------------------------------- /examples/export/quantize/bert/gptq.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/export/quantize/bert/gptq.sh -------------------------------------------------------------------------------- /examples/export/quantize/bnb.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/export/quantize/bnb.sh -------------------------------------------------------------------------------- /examples/export/quantize/gptq.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/export/quantize/gptq.sh -------------------------------------------------------------------------------- /examples/export/quantize/mllm/awq.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/export/quantize/mllm/awq.sh -------------------------------------------------------------------------------- /examples/export/quantize/mllm/gptq.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/export/quantize/mllm/gptq.sh -------------------------------------------------------------------------------- /examples/export/quantize/moe/gptq.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/export/quantize/moe/gptq.sh -------------------------------------------------------------------------------- /examples/export/quantize/omni/gptq.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/export/quantize/omni/gptq.sh -------------------------------------------------------------------------------- /examples/export/quantize/reward_model/bnb.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/export/quantize/reward_model/bnb.sh -------------------------------------------------------------------------------- /examples/export/quantize/reward_model/gptq.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/export/quantize/reward_model/gptq.sh -------------------------------------------------------------------------------- /examples/infer/cli_demo.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/infer/cli_demo.sh -------------------------------------------------------------------------------- /examples/infer/demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/infer/demo.py -------------------------------------------------------------------------------- /examples/infer/demo_agent.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/infer/demo_agent.py -------------------------------------------------------------------------------- /examples/infer/demo_bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/infer/demo_bert.py -------------------------------------------------------------------------------- /examples/infer/demo_grounding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/infer/demo_grounding.py -------------------------------------------------------------------------------- /examples/infer/demo_hf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/infer/demo_hf.py -------------------------------------------------------------------------------- /examples/infer/demo_lora.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/infer/demo_lora.py -------------------------------------------------------------------------------- /examples/infer/demo_mllm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/infer/demo_mllm.py -------------------------------------------------------------------------------- /examples/infer/demo_reward_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/infer/demo_reward_model.py -------------------------------------------------------------------------------- /examples/infer/lmdeploy/ddp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/infer/lmdeploy/ddp.sh -------------------------------------------------------------------------------- /examples/infer/lmdeploy/mllm_tp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/infer/lmdeploy/mllm_tp.sh -------------------------------------------------------------------------------- /examples/infer/pt/batch_ddp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/infer/pt/batch_ddp.sh -------------------------------------------------------------------------------- /examples/infer/pt/bert.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/infer/pt/bert.sh -------------------------------------------------------------------------------- /examples/infer/pt/lora.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/infer/pt/lora.sh -------------------------------------------------------------------------------- /examples/infer/pt/mllm_device_map.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/infer/pt/mllm_device_map.sh -------------------------------------------------------------------------------- /examples/infer/pt/prm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/infer/pt/prm.sh -------------------------------------------------------------------------------- /examples/infer/pt/reward_model.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/infer/pt/reward_model.sh -------------------------------------------------------------------------------- /examples/infer/vllm/ddp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/infer/vllm/ddp.sh -------------------------------------------------------------------------------- /examples/infer/vllm/mllm_ddp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/infer/vllm/mllm_ddp.sh -------------------------------------------------------------------------------- /examples/infer/vllm/mllm_tp.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/infer/vllm/mllm_tp.sh -------------------------------------------------------------------------------- /examples/notebook/qwen2_5-self-cognition/sft.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/notebook/qwen2_5-self-cognition/sft.sh -------------------------------------------------------------------------------- /examples/notebook/qwen2_5-vl-grounding/zh.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/notebook/qwen2_5-vl-grounding/zh.ipynb -------------------------------------------------------------------------------- /examples/notebook/qwen2vl-ocr/infer.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/notebook/qwen2vl-ocr/infer.ipynb -------------------------------------------------------------------------------- /examples/notebook/qwen2vl-ocr/ocr-sft.ipynb: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/notebook/qwen2vl-ocr/ocr-sft.ipynb -------------------------------------------------------------------------------- /examples/sampler/distill/distill.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/sampler/distill/distill.sh -------------------------------------------------------------------------------- /examples/sampler/mcts/mcts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/sampler/mcts/mcts.py -------------------------------------------------------------------------------- /examples/sampler/mcts/mcts.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/sampler/mcts/mcts.sh -------------------------------------------------------------------------------- /examples/sampler/mcts/system_prompt.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/sampler/mcts/system_prompt.txt -------------------------------------------------------------------------------- /examples/train/agent/infer.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/agent/infer.md -------------------------------------------------------------------------------- /examples/train/agent/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/agent/train.sh -------------------------------------------------------------------------------- /examples/train/all_to_all/infer.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/all_to_all/infer.sh -------------------------------------------------------------------------------- /examples/train/all_to_all/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/all_to_all/train.sh -------------------------------------------------------------------------------- /examples/train/base_to_chat/full.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/base_to_chat/full.sh -------------------------------------------------------------------------------- /examples/train/base_to_chat/lora.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/base_to_chat/lora.sh -------------------------------------------------------------------------------- /examples/train/base_to_chat/lora2.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/base_to_chat/lora2.sh -------------------------------------------------------------------------------- /examples/train/embedding/train_gme.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/embedding/train_gme.sh -------------------------------------------------------------------------------- /examples/train/embedding/train_gte.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/embedding/train_gte.sh -------------------------------------------------------------------------------- /examples/train/full/infer.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/full/infer.sh -------------------------------------------------------------------------------- /examples/train/full/qwen2_5_32b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/full/qwen2_5_32b.sh -------------------------------------------------------------------------------- /examples/train/full/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/full/train.sh -------------------------------------------------------------------------------- /examples/train/grpo/full_lmdeploy.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/grpo/full_lmdeploy.sh -------------------------------------------------------------------------------- /examples/train/grpo/full_vllm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/grpo/full_vllm.sh -------------------------------------------------------------------------------- /examples/train/grpo/full_vllm_qwenvl.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/grpo/full_vllm_qwenvl.sh -------------------------------------------------------------------------------- /examples/train/grpo/grpo.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/grpo/grpo.sh -------------------------------------------------------------------------------- /examples/train/grpo/lora_qwenvl72b.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/grpo/lora_qwenvl72b.sh -------------------------------------------------------------------------------- /examples/train/grpo/lora_vllm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/grpo/lora_vllm.sh -------------------------------------------------------------------------------- /examples/train/grpo/multi_gpu_agent.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/grpo/multi_gpu_agent.sh -------------------------------------------------------------------------------- /examples/train/grpo/multi_gpu_mp_colocate.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/grpo/multi_gpu_mp_colocate.sh -------------------------------------------------------------------------------- /examples/train/grpo/multi_node/multi_node1.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/grpo/multi_node/multi_node1.sh -------------------------------------------------------------------------------- /examples/train/grpo/multi_node/multi_node2.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/grpo/multi_node/multi_node2.sh -------------------------------------------------------------------------------- /examples/train/grpo/multi_node/train_dlc.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/grpo/multi_node/train_dlc.sh -------------------------------------------------------------------------------- /examples/train/grpo/plugin/plugin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/grpo/plugin/plugin.py -------------------------------------------------------------------------------- /examples/train/grpo/plugin/run_external_rm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/grpo/plugin/run_external_rm.sh -------------------------------------------------------------------------------- /examples/train/grpo/prompt.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/grpo/prompt.txt -------------------------------------------------------------------------------- /examples/train/grpo/qwen2_5_omni/grpo.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/grpo/qwen2_5_omni/grpo.sh -------------------------------------------------------------------------------- /examples/train/grpo/qwen2_5_omni/infer.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/grpo/qwen2_5_omni/infer.sh -------------------------------------------------------------------------------- /examples/train/grpo/train_72b_4gpu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/grpo/train_72b_4gpu.sh -------------------------------------------------------------------------------- /examples/train/grpo/train_multi_round.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/grpo/train_multi_round.sh -------------------------------------------------------------------------------- /examples/train/infer.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/infer.sh -------------------------------------------------------------------------------- /examples/train/lazy_tokenize/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/lazy_tokenize/train.sh -------------------------------------------------------------------------------- /examples/train/liger/sft.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/liger/sft.sh -------------------------------------------------------------------------------- /examples/train/long_text/zero3.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/long_text/zero3.sh -------------------------------------------------------------------------------- /examples/train/lora_sft.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/lora_sft.sh -------------------------------------------------------------------------------- /examples/train/megatron/base_to_chat.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/megatron/base_to_chat.sh -------------------------------------------------------------------------------- /examples/train/megatron/benchmark/deepspeed.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/megatron/benchmark/deepspeed.sh -------------------------------------------------------------------------------- /examples/train/megatron/multi-node/node1.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/megatron/multi-node/node1.sh -------------------------------------------------------------------------------- /examples/train/megatron/multi-node/node2.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/megatron/multi-node/node2.sh -------------------------------------------------------------------------------- /examples/train/megatron/pretrain.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/megatron/pretrain.sh -------------------------------------------------------------------------------- /examples/train/megatron/sft.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/megatron/sft.sh -------------------------------------------------------------------------------- /examples/train/moe/llama4.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/moe/llama4.sh -------------------------------------------------------------------------------- /examples/train/moe/qwen2_5_moe.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/moe/qwen2_5_moe.sh -------------------------------------------------------------------------------- /examples/train/multi-gpu/ddp/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/multi-gpu/ddp/train.sh -------------------------------------------------------------------------------- /examples/train/multi-gpu/device_map/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/multi-gpu/device_map/train.sh -------------------------------------------------------------------------------- /examples/train/multi-gpu/fsdp_qlora/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/multi-gpu/fsdp_qlora/train.sh -------------------------------------------------------------------------------- /examples/train/multi-node/deepspeed/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/multi-node/deepspeed/README.md -------------------------------------------------------------------------------- /examples/train/multi-node/deepspeed/host.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/multi-node/deepspeed/host.txt -------------------------------------------------------------------------------- /examples/train/multi-node/deepspeed/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/multi-node/deepspeed/train.sh -------------------------------------------------------------------------------- /examples/train/multi-node/dlc/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/multi-node/dlc/train.sh -------------------------------------------------------------------------------- /examples/train/multi-node/swift/train_node1.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/multi-node/swift/train_node1.sh -------------------------------------------------------------------------------- /examples/train/multi-node/swift/train_node2.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/multi-node/swift/train_node2.sh -------------------------------------------------------------------------------- /examples/train/multimodal/audio.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/multimodal/audio.sh -------------------------------------------------------------------------------- /examples/train/multimodal/caption.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/multimodal/caption.sh -------------------------------------------------------------------------------- /examples/train/multimodal/grounding.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/multimodal/grounding.sh -------------------------------------------------------------------------------- /examples/train/multimodal/infer.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/multimodal/infer.sh -------------------------------------------------------------------------------- /examples/train/multimodal/ocr.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/multimodal/ocr.sh -------------------------------------------------------------------------------- /examples/train/multimodal/omni/infer.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/multimodal/omni/infer.sh -------------------------------------------------------------------------------- /examples/train/multimodal/omni/sft.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/multimodal/omni/sft.sh -------------------------------------------------------------------------------- /examples/train/multimodal/rlhf/dpo.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/multimodal/rlhf/dpo.sh -------------------------------------------------------------------------------- /examples/train/multimodal/rlhf/kto.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/multimodal/rlhf/kto.sh -------------------------------------------------------------------------------- /examples/train/multimodal/video.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/multimodal/video.sh -------------------------------------------------------------------------------- /examples/train/optimizer/muon.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/optimizer/muon.sh -------------------------------------------------------------------------------- /examples/train/packing/llm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/packing/llm.sh -------------------------------------------------------------------------------- /examples/train/packing/qwen2_5_omni.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/packing/qwen2_5_omni.sh -------------------------------------------------------------------------------- /examples/train/packing/qwen2_5_vl.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/packing/qwen2_5_vl.sh -------------------------------------------------------------------------------- /examples/train/packing/streaming.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/packing/streaming.sh -------------------------------------------------------------------------------- /examples/train/plugins/loss_scale.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/plugins/loss_scale.sh -------------------------------------------------------------------------------- /examples/train/plugins/tuner_phi4_mm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/plugins/tuner_phi4_mm.sh -------------------------------------------------------------------------------- /examples/train/predict_with_generate/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/predict_with_generate/train.sh -------------------------------------------------------------------------------- /examples/train/pretrain/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/pretrain/train.sh -------------------------------------------------------------------------------- /examples/train/qlora/awq.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/qlora/awq.sh -------------------------------------------------------------------------------- /examples/train/qlora/bnb.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/qlora/bnb.sh -------------------------------------------------------------------------------- /examples/train/qlora/gptq.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/qlora/gptq.sh -------------------------------------------------------------------------------- /examples/train/qlora/hqq.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/qlora/hqq.sh -------------------------------------------------------------------------------- /examples/train/rft/math.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/rft/math.json -------------------------------------------------------------------------------- /examples/train/rft/rft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/rft/rft.py -------------------------------------------------------------------------------- /examples/train/rlhf/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/rlhf/README.md -------------------------------------------------------------------------------- /examples/train/rlhf/cpo.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/rlhf/cpo.sh -------------------------------------------------------------------------------- /examples/train/rlhf/dpo.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/rlhf/dpo.sh -------------------------------------------------------------------------------- /examples/train/rlhf/kto.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/rlhf/kto.sh -------------------------------------------------------------------------------- /examples/train/rlhf/orpo.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/rlhf/orpo.sh -------------------------------------------------------------------------------- /examples/train/rlhf/ppo.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/rlhf/ppo.sh -------------------------------------------------------------------------------- /examples/train/rlhf/rm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/rlhf/rm.sh -------------------------------------------------------------------------------- /examples/train/rlhf/simpo.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/rlhf/simpo.sh -------------------------------------------------------------------------------- /examples/train/seq_cls/bert/deploy.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/seq_cls/bert/deploy.sh -------------------------------------------------------------------------------- /examples/train/seq_cls/bert/infer.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/seq_cls/bert/infer.sh -------------------------------------------------------------------------------- /examples/train/seq_cls/bert/sft.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/seq_cls/bert/sft.sh -------------------------------------------------------------------------------- /examples/train/seq_cls/multi_label/sft.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/seq_cls/multi_label/sft.sh -------------------------------------------------------------------------------- /examples/train/seq_cls/qwen2_5/deploy.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/seq_cls/qwen2_5/deploy.sh -------------------------------------------------------------------------------- /examples/train/seq_cls/qwen2_5/infer.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/seq_cls/qwen2_5/infer.sh -------------------------------------------------------------------------------- /examples/train/seq_cls/qwen2_5/sft.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/seq_cls/qwen2_5/sft.sh -------------------------------------------------------------------------------- /examples/train/seq_cls/qwen2_vl/infer.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/seq_cls/qwen2_vl/infer.sh -------------------------------------------------------------------------------- /examples/train/seq_cls/qwen2_vl/sft.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/seq_cls/qwen2_vl/sft.sh -------------------------------------------------------------------------------- /examples/train/seq_cls/regression/deploy.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/seq_cls/regression/deploy.sh -------------------------------------------------------------------------------- /examples/train/seq_cls/regression/infer.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/seq_cls/regression/infer.sh -------------------------------------------------------------------------------- /examples/train/seq_cls/regression/sft.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/seq_cls/regression/sft.sh -------------------------------------------------------------------------------- /examples/train/streaming/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/streaming/train.sh -------------------------------------------------------------------------------- /examples/train/tuners/adalora/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/tuners/adalora/train.sh -------------------------------------------------------------------------------- /examples/train/tuners/adapter/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/tuners/adapter/train.sh -------------------------------------------------------------------------------- /examples/train/tuners/boft/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/tuners/boft/train.sh -------------------------------------------------------------------------------- /examples/train/tuners/bone/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/tuners/bone/train.sh -------------------------------------------------------------------------------- /examples/train/tuners/dora/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/tuners/dora/train.sh -------------------------------------------------------------------------------- /examples/train/tuners/galore/train_galore.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/tuners/galore/train_galore.sh -------------------------------------------------------------------------------- /examples/train/tuners/galore/train_qgalore.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/tuners/galore/train_qgalore.sh -------------------------------------------------------------------------------- /examples/train/tuners/lisa/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/tuners/lisa/train.sh -------------------------------------------------------------------------------- /examples/train/tuners/llamapro/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/tuners/llamapro/train.sh -------------------------------------------------------------------------------- /examples/train/tuners/longlora/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/tuners/longlora/train.sh -------------------------------------------------------------------------------- /examples/train/tuners/lora-ga/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/tuners/lora-ga/train.sh -------------------------------------------------------------------------------- /examples/train/tuners/lora/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/tuners/lora/train.sh -------------------------------------------------------------------------------- /examples/train/tuners/neftune/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/tuners/neftune/train.sh -------------------------------------------------------------------------------- /examples/train/tuners/olora/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/tuners/olora/train.sh -------------------------------------------------------------------------------- /examples/train/tuners/pissa/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/tuners/pissa/train.sh -------------------------------------------------------------------------------- /examples/train/tuners/qlora/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/tuners/qlora/train.sh -------------------------------------------------------------------------------- /examples/train/tuners/reft/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/tuners/reft/train.sh -------------------------------------------------------------------------------- /examples/train/tuners/unsloth/train.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/examples/train/tuners/unsloth/train.sh -------------------------------------------------------------------------------- /ms_swift.egg-info/PKG-INFO: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/ms_swift.egg-info/PKG-INFO -------------------------------------------------------------------------------- /ms_swift.egg-info/SOURCES.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/ms_swift.egg-info/SOURCES.txt -------------------------------------------------------------------------------- /ms_swift.egg-info/dependency_links.txt: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /ms_swift.egg-info/entry_points.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/ms_swift.egg-info/entry_points.txt -------------------------------------------------------------------------------- /ms_swift.egg-info/not-zip-safe: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /ms_swift.egg-info/requires.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/ms_swift.egg-info/requires.txt -------------------------------------------------------------------------------- /ms_swift.egg-info/top_level.txt: -------------------------------------------------------------------------------- 1 | swift 2 | tests 3 | -------------------------------------------------------------------------------- /requirements.txt: -------------------------------------------------------------------------------- 1 | -r requirements/framework.txt 2 | -------------------------------------------------------------------------------- /requirements/docs.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/requirements/docs.txt -------------------------------------------------------------------------------- /requirements/eval.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/requirements/eval.txt -------------------------------------------------------------------------------- /requirements/framework.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/requirements/framework.txt -------------------------------------------------------------------------------- /requirements/install_all.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/requirements/install_all.sh -------------------------------------------------------------------------------- /requirements/seq_parallel.txt: -------------------------------------------------------------------------------- 1 | xtuner 2 | -------------------------------------------------------------------------------- /requirements/swanlab.txt: -------------------------------------------------------------------------------- 1 | swanlab 2 | -------------------------------------------------------------------------------- /requirements/tests.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/requirements/tests.txt -------------------------------------------------------------------------------- /scripts/benchmark/config/tuner.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/scripts/benchmark/config/tuner.json -------------------------------------------------------------------------------- /scripts/benchmark/exp.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/scripts/benchmark/exp.py -------------------------------------------------------------------------------- /scripts/benchmark/exp_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/scripts/benchmark/exp_utils.py -------------------------------------------------------------------------------- /scripts/benchmark/generate_report.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/scripts/benchmark/generate_report.py -------------------------------------------------------------------------------- /scripts/utils/plot_loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/scripts/utils/plot_loss.py -------------------------------------------------------------------------------- /scripts/utils/run_dataset_info.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/scripts/utils/run_dataset_info.py -------------------------------------------------------------------------------- /scripts/utils/run_model_info.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/scripts/utils/run_model_info.py -------------------------------------------------------------------------------- /scripts/utils/run_template.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/scripts/utils/run_template.py -------------------------------------------------------------------------------- /self_scripts/deploy/deploy_model.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/self_scripts/deploy/deploy_model.sh -------------------------------------------------------------------------------- /self_scripts/deploy/deploy_reward_model.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/self_scripts/deploy/deploy_reward_model.sh -------------------------------------------------------------------------------- /self_scripts/infer/cal_metrics.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/self_scripts/infer/cal_metrics.py -------------------------------------------------------------------------------- /self_scripts/infer/infer_hydrafake.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/self_scripts/infer/infer_hydrafake.sh -------------------------------------------------------------------------------- /self_scripts/infer/infer_hydrafake_vllm.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/self_scripts/infer/infer_hydrafake_vllm.sh -------------------------------------------------------------------------------- /self_scripts/infer/infer_pt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/self_scripts/infer/infer_pt.py -------------------------------------------------------------------------------- /self_scripts/infer/infer_vllm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/self_scripts/infer/infer_vllm.py -------------------------------------------------------------------------------- /self_scripts/infer/infer_vllm_single.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/self_scripts/infer/infer_vllm_single.py -------------------------------------------------------------------------------- /self_scripts/train/train_grpo.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/self_scripts/train/train_grpo.sh -------------------------------------------------------------------------------- /self_scripts/train/train_mipo.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/self_scripts/train/train_mipo.sh -------------------------------------------------------------------------------- /self_scripts/train/train_pgrpo.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/self_scripts/train/train_pgrpo.sh -------------------------------------------------------------------------------- /self_scripts/train/train_sft.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/self_scripts/train/train_sft.sh -------------------------------------------------------------------------------- /setup.cfg: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/setup.cfg -------------------------------------------------------------------------------- /setup.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/setup.py -------------------------------------------------------------------------------- /src/.DS_Store: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/src/.DS_Store -------------------------------------------------------------------------------- /src/data.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/src/data.png -------------------------------------------------------------------------------- /src/data_overview.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/src/data_overview.png -------------------------------------------------------------------------------- /src/method.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/src/method.png -------------------------------------------------------------------------------- /src/reason_compare.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/src/reason_compare.png -------------------------------------------------------------------------------- /swift/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/__init__.py -------------------------------------------------------------------------------- /swift/cli/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /swift/cli/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/cli/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /swift/cli/__pycache__/main.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/cli/__pycache__/main.cpython-310.pyc -------------------------------------------------------------------------------- /swift/cli/_megatron/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /swift/cli/_megatron/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/cli/_megatron/main.py -------------------------------------------------------------------------------- /swift/cli/_megatron/pt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/cli/_megatron/pt.py -------------------------------------------------------------------------------- /swift/cli/_megatron/sft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/cli/_megatron/sft.py -------------------------------------------------------------------------------- /swift/cli/app.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/cli/app.py -------------------------------------------------------------------------------- /swift/cli/deploy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/cli/deploy.py -------------------------------------------------------------------------------- /swift/cli/eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/cli/eval.py -------------------------------------------------------------------------------- /swift/cli/export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/cli/export.py -------------------------------------------------------------------------------- /swift/cli/infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/cli/infer.py -------------------------------------------------------------------------------- /swift/cli/main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/cli/main.py -------------------------------------------------------------------------------- /swift/cli/merge_lora.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/cli/merge_lora.py -------------------------------------------------------------------------------- /swift/cli/pt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/cli/pt.py -------------------------------------------------------------------------------- /swift/cli/rlhf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/cli/rlhf.py -------------------------------------------------------------------------------- /swift/cli/sample.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/cli/sample.py -------------------------------------------------------------------------------- /swift/cli/sft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/cli/sft.py -------------------------------------------------------------------------------- /swift/cli/web_ui.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/cli/web_ui.py -------------------------------------------------------------------------------- /swift/hub/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/hub/__init__.py -------------------------------------------------------------------------------- /swift/hub/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/hub/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /swift/hub/__pycache__/hub.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/hub/__pycache__/hub.cpython-310.pyc -------------------------------------------------------------------------------- /swift/hub/constant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/hub/constant.py -------------------------------------------------------------------------------- /swift/hub/hub.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/hub/hub.py -------------------------------------------------------------------------------- /swift/llm/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/__init__.py -------------------------------------------------------------------------------- /swift/llm/__pycache__/__init__.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/__pycache__/__init__.cpython-310.pyc -------------------------------------------------------------------------------- /swift/llm/__pycache__/base.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/__pycache__/base.cpython-310.pyc -------------------------------------------------------------------------------- /swift/llm/__pycache__/utils.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/__pycache__/utils.cpython-310.pyc -------------------------------------------------------------------------------- /swift/llm/app/__init__.py: -------------------------------------------------------------------------------- 1 | from .app import SwiftApp, app_main 2 | -------------------------------------------------------------------------------- /swift/llm/app/app.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/app/app.py -------------------------------------------------------------------------------- /swift/llm/app/build_ui.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/app/build_ui.py -------------------------------------------------------------------------------- /swift/llm/app/locale.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/app/locale.py -------------------------------------------------------------------------------- /swift/llm/argument/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/argument/__init__.py -------------------------------------------------------------------------------- /swift/llm/argument/app_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/argument/app_args.py -------------------------------------------------------------------------------- /swift/llm/argument/base_args/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/argument/base_args/__init__.py -------------------------------------------------------------------------------- /swift/llm/argument/base_args/base_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/argument/base_args/base_args.py -------------------------------------------------------------------------------- /swift/llm/argument/base_args/data_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/argument/base_args/data_args.py -------------------------------------------------------------------------------- /swift/llm/argument/base_args/generation_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/argument/base_args/generation_args.py -------------------------------------------------------------------------------- /swift/llm/argument/base_args/model_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/argument/base_args/model_args.py -------------------------------------------------------------------------------- /swift/llm/argument/base_args/quant_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/argument/base_args/quant_args.py -------------------------------------------------------------------------------- /swift/llm/argument/base_args/template_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/argument/base_args/template_args.py -------------------------------------------------------------------------------- /swift/llm/argument/base_args/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/argument/base_args/utils.py -------------------------------------------------------------------------------- /swift/llm/argument/deploy_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/argument/deploy_args.py -------------------------------------------------------------------------------- /swift/llm/argument/eval_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/argument/eval_args.py -------------------------------------------------------------------------------- /swift/llm/argument/export_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/argument/export_args.py -------------------------------------------------------------------------------- /swift/llm/argument/infer_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/argument/infer_args.py -------------------------------------------------------------------------------- /swift/llm/argument/merge_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/argument/merge_args.py -------------------------------------------------------------------------------- /swift/llm/argument/rlhf_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/argument/rlhf_args.py -------------------------------------------------------------------------------- /swift/llm/argument/sampling_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/argument/sampling_args.py -------------------------------------------------------------------------------- /swift/llm/argument/train_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/argument/train_args.py -------------------------------------------------------------------------------- /swift/llm/argument/tuner_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/argument/tuner_args.py -------------------------------------------------------------------------------- /swift/llm/argument/webui_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/argument/webui_args.py -------------------------------------------------------------------------------- /swift/llm/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/base.py -------------------------------------------------------------------------------- /swift/llm/data_loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/data_loader.py -------------------------------------------------------------------------------- /swift/llm/dataset/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/dataset/__init__.py -------------------------------------------------------------------------------- /swift/llm/dataset/data/dataset_info.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/dataset/data/dataset_info.json -------------------------------------------------------------------------------- /swift/llm/dataset/dataset/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/dataset/dataset/__init__.py -------------------------------------------------------------------------------- /swift/llm/dataset/dataset/data_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/dataset/dataset/data_utils.py -------------------------------------------------------------------------------- /swift/llm/dataset/dataset/llm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/dataset/dataset/llm.py -------------------------------------------------------------------------------- /swift/llm/dataset/dataset/mllm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/dataset/dataset/mllm.py -------------------------------------------------------------------------------- /swift/llm/dataset/loader.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/dataset/loader.py -------------------------------------------------------------------------------- /swift/llm/dataset/media.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/dataset/media.py -------------------------------------------------------------------------------- /swift/llm/dataset/preprocessor/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/dataset/preprocessor/__init__.py -------------------------------------------------------------------------------- /swift/llm/dataset/preprocessor/core.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/dataset/preprocessor/core.py -------------------------------------------------------------------------------- /swift/llm/dataset/preprocessor/extra.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/dataset/preprocessor/extra.py -------------------------------------------------------------------------------- /swift/llm/dataset/register.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/dataset/register.py -------------------------------------------------------------------------------- /swift/llm/dataset/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/dataset/utils.py -------------------------------------------------------------------------------- /swift/llm/ds_config/zero0.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/ds_config/zero0.json -------------------------------------------------------------------------------- /swift/llm/ds_config/zero1.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/ds_config/zero1.json -------------------------------------------------------------------------------- /swift/llm/ds_config/zero2.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/ds_config/zero2.json -------------------------------------------------------------------------------- /swift/llm/ds_config/zero2_offload.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/ds_config/zero2_offload.json -------------------------------------------------------------------------------- /swift/llm/ds_config/zero3.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/ds_config/zero3.json -------------------------------------------------------------------------------- /swift/llm/ds_config/zero3_offload.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/ds_config/zero3_offload.json -------------------------------------------------------------------------------- /swift/llm/eval/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/eval/__init__.py -------------------------------------------------------------------------------- /swift/llm/eval/eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/eval/eval.py -------------------------------------------------------------------------------- /swift/llm/eval/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/eval/utils.py -------------------------------------------------------------------------------- /swift/llm/export/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/export/__init__.py -------------------------------------------------------------------------------- /swift/llm/export/export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/export/export.py -------------------------------------------------------------------------------- /swift/llm/export/merge_lora.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/export/merge_lora.py -------------------------------------------------------------------------------- /swift/llm/export/ollama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/export/ollama.py -------------------------------------------------------------------------------- /swift/llm/export/quant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/export/quant.py -------------------------------------------------------------------------------- /swift/llm/infer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/infer/__init__.py -------------------------------------------------------------------------------- /swift/llm/infer/deploy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/infer/deploy.py -------------------------------------------------------------------------------- /swift/llm/infer/infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/infer/infer.py -------------------------------------------------------------------------------- /swift/llm/infer/infer_engine/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/infer/infer_engine/__init__.py -------------------------------------------------------------------------------- /swift/llm/infer/infer_engine/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/infer/infer_engine/base.py -------------------------------------------------------------------------------- /swift/llm/infer/infer_engine/infer_client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/infer/infer_engine/infer_client.py -------------------------------------------------------------------------------- /swift/llm/infer/infer_engine/infer_engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/infer/infer_engine/infer_engine.py -------------------------------------------------------------------------------- /swift/llm/infer/infer_engine/lmdeploy_engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/infer/infer_engine/lmdeploy_engine.py -------------------------------------------------------------------------------- /swift/llm/infer/infer_engine/patch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/infer/infer_engine/patch.py -------------------------------------------------------------------------------- /swift/llm/infer/infer_engine/pt_engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/infer/infer_engine/pt_engine.py -------------------------------------------------------------------------------- /swift/llm/infer/infer_engine/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/infer/infer_engine/utils.py -------------------------------------------------------------------------------- /swift/llm/infer/infer_engine/vllm_engine.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/infer/infer_engine/vllm_engine.py -------------------------------------------------------------------------------- /swift/llm/infer/protocol.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/infer/protocol.py -------------------------------------------------------------------------------- /swift/llm/infer/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/infer/utils.py -------------------------------------------------------------------------------- /swift/llm/model/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/model/__init__.py -------------------------------------------------------------------------------- /swift/llm/model/constant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/model/constant.py -------------------------------------------------------------------------------- /swift/llm/model/model/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/model/model/__init__.py -------------------------------------------------------------------------------- /swift/llm/model/model/baai.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/model/model/baai.py -------------------------------------------------------------------------------- /swift/llm/model/model/baichuan.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/model/model/baichuan.py -------------------------------------------------------------------------------- /swift/llm/model/model/bert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/model/model/bert.py -------------------------------------------------------------------------------- /swift/llm/model/model/codefuse.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/model/model/codefuse.py -------------------------------------------------------------------------------- /swift/llm/model/model/custom_internvl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/model/model/custom_internvl.py -------------------------------------------------------------------------------- /swift/llm/model/model/deepseek.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/model/model/deepseek.py -------------------------------------------------------------------------------- /swift/llm/model/model/gemma.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/model/model/gemma.py -------------------------------------------------------------------------------- /swift/llm/model/model/glm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/model/model/glm.py -------------------------------------------------------------------------------- /swift/llm/model/model/internlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/model/model/internlm.py -------------------------------------------------------------------------------- /swift/llm/model/model/internvl_chat/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/model/model/internvl_chat/__init__.py -------------------------------------------------------------------------------- /swift/llm/model/model/llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/model/model/llama.py -------------------------------------------------------------------------------- /swift/llm/model/model/llava.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/model/model/llava.py -------------------------------------------------------------------------------- /swift/llm/model/model/llm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/model/model/llm.py -------------------------------------------------------------------------------- /swift/llm/model/model/mamba.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/model/model/mamba.py -------------------------------------------------------------------------------- /swift/llm/model/model/microsoft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/model/model/microsoft.py -------------------------------------------------------------------------------- /swift/llm/model/model/minicpm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/model/model/minicpm.py -------------------------------------------------------------------------------- /swift/llm/model/model/minimax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/model/model/minimax.py -------------------------------------------------------------------------------- /swift/llm/model/model/mistral.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/model/model/mistral.py -------------------------------------------------------------------------------- /swift/llm/model/model/mllm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/model/model/mllm.py -------------------------------------------------------------------------------- /swift/llm/model/model/moonshot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/model/model/moonshot.py -------------------------------------------------------------------------------- /swift/llm/model/model/mplug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/model/model/mplug.py -------------------------------------------------------------------------------- /swift/llm/model/model/openbuddy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/model/model/openbuddy.py -------------------------------------------------------------------------------- /swift/llm/model/model/qwen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/model/model/qwen.py -------------------------------------------------------------------------------- /swift/llm/model/model/skywork.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/model/model/skywork.py -------------------------------------------------------------------------------- /swift/llm/model/model/stepfun.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/model/model/stepfun.py -------------------------------------------------------------------------------- /swift/llm/model/model/telechat.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/model/model/telechat.py -------------------------------------------------------------------------------- /swift/llm/model/model/valley.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/model/model/valley.py -------------------------------------------------------------------------------- /swift/llm/model/model/yi.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/model/model/yi.py -------------------------------------------------------------------------------- /swift/llm/model/model_arch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/model/model_arch.py -------------------------------------------------------------------------------- /swift/llm/model/patcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/model/patcher.py -------------------------------------------------------------------------------- /swift/llm/model/register.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/model/register.py -------------------------------------------------------------------------------- /swift/llm/model/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/model/utils.py -------------------------------------------------------------------------------- /swift/llm/sampling/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/sampling/__init__.py -------------------------------------------------------------------------------- /swift/llm/sampling/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/sampling/base.py -------------------------------------------------------------------------------- /swift/llm/sampling/distill_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/sampling/distill_sampler.py -------------------------------------------------------------------------------- /swift/llm/sampling/mcts.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/sampling/mcts.py -------------------------------------------------------------------------------- /swift/llm/sampling/sampling.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/sampling/sampling.py -------------------------------------------------------------------------------- /swift/llm/sampling/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/sampling/utils.py -------------------------------------------------------------------------------- /swift/llm/sampling/vanilla_sampler.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/sampling/vanilla_sampler.py -------------------------------------------------------------------------------- /swift/llm/template/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/template/__init__.py -------------------------------------------------------------------------------- /swift/llm/template/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/template/base.py -------------------------------------------------------------------------------- /swift/llm/template/constant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/template/constant.py -------------------------------------------------------------------------------- /swift/llm/template/grounding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/template/grounding.py -------------------------------------------------------------------------------- /swift/llm/template/register.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/template/register.py -------------------------------------------------------------------------------- /swift/llm/template/template/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/template/template/__init__.py -------------------------------------------------------------------------------- /swift/llm/template/template/deepseek.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/template/template/deepseek.py -------------------------------------------------------------------------------- /swift/llm/template/template/emu3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/template/template/emu3.py -------------------------------------------------------------------------------- /swift/llm/template/template/gemma.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/template/template/gemma.py -------------------------------------------------------------------------------- /swift/llm/template/template/glm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/template/template/glm.py -------------------------------------------------------------------------------- /swift/llm/template/template/idefics3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/template/template/idefics3.py -------------------------------------------------------------------------------- /swift/llm/template/template/internlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/template/template/internlm.py -------------------------------------------------------------------------------- /swift/llm/template/template/internvl.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/template/template/internvl.py -------------------------------------------------------------------------------- /swift/llm/template/template/llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/template/template/llama.py -------------------------------------------------------------------------------- /swift/llm/template/template/llava.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/template/template/llava.py -------------------------------------------------------------------------------- /swift/llm/template/template/llm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/template/template/llm.py -------------------------------------------------------------------------------- /swift/llm/template/template/megrez.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/template/template/megrez.py -------------------------------------------------------------------------------- /swift/llm/template/template/microsoft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/template/template/microsoft.py -------------------------------------------------------------------------------- /swift/llm/template/template/minicpm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/template/template/minicpm.py -------------------------------------------------------------------------------- /swift/llm/template/template/minimax.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/template/template/minimax.py -------------------------------------------------------------------------------- /swift/llm/template/template/mistral.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/template/template/mistral.py -------------------------------------------------------------------------------- /swift/llm/template/template/molmo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/template/template/molmo.py -------------------------------------------------------------------------------- /swift/llm/template/template/moonshot.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/template/template/moonshot.py -------------------------------------------------------------------------------- /swift/llm/template/template/mplug.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/template/template/mplug.py -------------------------------------------------------------------------------- /swift/llm/template/template/openbuddy.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/template/template/openbuddy.py -------------------------------------------------------------------------------- /swift/llm/template/template/pixtral.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/template/template/pixtral.py -------------------------------------------------------------------------------- /swift/llm/template/template/qwen.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/template/template/qwen.py -------------------------------------------------------------------------------- /swift/llm/template/template/stepfun.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/template/template/stepfun.py -------------------------------------------------------------------------------- /swift/llm/template/template/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/template/template/utils.py -------------------------------------------------------------------------------- /swift/llm/template/template/valley.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/template/template/valley.py -------------------------------------------------------------------------------- /swift/llm/template/template/yi.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/template/template/yi.py -------------------------------------------------------------------------------- /swift/llm/template/template_inputs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/template/template_inputs.py -------------------------------------------------------------------------------- /swift/llm/template/template_meta.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/template/template_meta.py -------------------------------------------------------------------------------- /swift/llm/template/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/template/utils.py -------------------------------------------------------------------------------- /swift/llm/template/vision_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/template/vision_utils.py -------------------------------------------------------------------------------- /swift/llm/train/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/train/__init__.py -------------------------------------------------------------------------------- /swift/llm/train/__pycache__/kto.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/train/__pycache__/kto.cpython-310.pyc -------------------------------------------------------------------------------- /swift/llm/train/__pycache__/pt.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/train/__pycache__/pt.cpython-310.pyc -------------------------------------------------------------------------------- /swift/llm/train/__pycache__/sft.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/train/__pycache__/sft.cpython-310.pyc -------------------------------------------------------------------------------- /swift/llm/train/callback.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/train/callback.py -------------------------------------------------------------------------------- /swift/llm/train/kto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/train/kto.py -------------------------------------------------------------------------------- /swift/llm/train/pt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/train/pt.py -------------------------------------------------------------------------------- /swift/llm/train/rlhf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/train/rlhf.py -------------------------------------------------------------------------------- /swift/llm/train/sft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/train/sft.py -------------------------------------------------------------------------------- /swift/llm/train/tuner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/train/tuner.py -------------------------------------------------------------------------------- /swift/llm/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/llm/utils.py -------------------------------------------------------------------------------- /swift/megatron/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/megatron/__init__.py -------------------------------------------------------------------------------- /swift/megatron/argument/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/megatron/argument/__init__.py -------------------------------------------------------------------------------- /swift/megatron/argument/megatron_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/megatron/argument/megatron_args.py -------------------------------------------------------------------------------- /swift/megatron/argument/train_args.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/megatron/argument/train_args.py -------------------------------------------------------------------------------- /swift/megatron/init.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/megatron/init.py -------------------------------------------------------------------------------- /swift/megatron/model/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/megatron/model/__init__.py -------------------------------------------------------------------------------- /swift/megatron/model/config.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/megatron/model/config.py -------------------------------------------------------------------------------- /swift/megatron/model/constant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/megatron/model/constant.py -------------------------------------------------------------------------------- /swift/megatron/model/gpt/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/megatron/model/gpt/__init__.py -------------------------------------------------------------------------------- /swift/megatron/model/gpt/hf2mcore.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/megatron/model/gpt/hf2mcore.py -------------------------------------------------------------------------------- /swift/megatron/model/gpt/mcore2hf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/megatron/model/gpt/mcore2hf.py -------------------------------------------------------------------------------- /swift/megatron/model/gpt/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/megatron/model/gpt/model.py -------------------------------------------------------------------------------- /swift/megatron/model/register.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/megatron/model/register.py -------------------------------------------------------------------------------- /swift/megatron/model/rope.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/megatron/model/rope.py -------------------------------------------------------------------------------- /swift/megatron/train/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/megatron/train/__init__.py -------------------------------------------------------------------------------- /swift/megatron/train/patcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/megatron/train/patcher.py -------------------------------------------------------------------------------- /swift/megatron/train/pt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/megatron/train/pt.py -------------------------------------------------------------------------------- /swift/megatron/train/sft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/megatron/train/sft.py -------------------------------------------------------------------------------- /swift/megatron/train/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/megatron/train/utils.py -------------------------------------------------------------------------------- /swift/megatron/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/megatron/utils/__init__.py -------------------------------------------------------------------------------- /swift/megatron/utils/convert.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/megatron/utils/convert.py -------------------------------------------------------------------------------- /swift/megatron/utils/patcher.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/megatron/utils/patcher.py -------------------------------------------------------------------------------- /swift/plugin/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/plugin/__init__.py -------------------------------------------------------------------------------- /swift/plugin/__pycache__/loss.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/plugin/__pycache__/loss.cpython-310.pyc -------------------------------------------------------------------------------- /swift/plugin/__pycache__/metric.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/plugin/__pycache__/metric.cpython-310.pyc -------------------------------------------------------------------------------- /swift/plugin/__pycache__/orm.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/plugin/__pycache__/orm.cpython-310.pyc -------------------------------------------------------------------------------- /swift/plugin/__pycache__/prm.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/plugin/__pycache__/prm.cpython-310.pyc -------------------------------------------------------------------------------- /swift/plugin/__pycache__/tools.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/plugin/__pycache__/tools.cpython-310.pyc -------------------------------------------------------------------------------- /swift/plugin/__pycache__/tuner.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/plugin/__pycache__/tuner.cpython-310.pyc -------------------------------------------------------------------------------- /swift/plugin/agent/agentflan.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/plugin/agent/agentflan.json -------------------------------------------------------------------------------- /swift/plugin/agent/qwen_loss_scale_config.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/plugin/agent/qwen_loss_scale_config.json -------------------------------------------------------------------------------- /swift/plugin/callback.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/plugin/callback.py -------------------------------------------------------------------------------- /swift/plugin/loss.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/plugin/loss.py -------------------------------------------------------------------------------- /swift/plugin/loss_scale.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/plugin/loss_scale.py -------------------------------------------------------------------------------- /swift/plugin/metric.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/plugin/metric.py -------------------------------------------------------------------------------- /swift/plugin/multi_turn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/plugin/multi_turn.py -------------------------------------------------------------------------------- /swift/plugin/optimizer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/plugin/optimizer.py -------------------------------------------------------------------------------- /swift/plugin/orm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/plugin/orm.py -------------------------------------------------------------------------------- /swift/plugin/prm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/plugin/prm.py -------------------------------------------------------------------------------- /swift/plugin/tools.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/plugin/tools.py -------------------------------------------------------------------------------- /swift/plugin/tuner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/plugin/tuner.py -------------------------------------------------------------------------------- /swift/trainers/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/trainers/__init__.py -------------------------------------------------------------------------------- /swift/trainers/__pycache__/arguments.cpython-310.pyc.140602299073856: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /swift/trainers/arguments.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/trainers/arguments.py -------------------------------------------------------------------------------- /swift/trainers/callback.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/trainers/callback.py -------------------------------------------------------------------------------- /swift/trainers/mixin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/trainers/mixin.py -------------------------------------------------------------------------------- /swift/trainers/optimizers/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Alibaba, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /swift/trainers/optimizers/galore/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/trainers/optimizers/galore/__init__.py -------------------------------------------------------------------------------- /swift/trainers/optimizers/galore/adafactor.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/trainers/optimizers/galore/adafactor.py -------------------------------------------------------------------------------- /swift/trainers/optimizers/galore/adamw.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/trainers/optimizers/galore/adamw.py -------------------------------------------------------------------------------- /swift/trainers/optimizers/galore/adamw8bit.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/trainers/optimizers/galore/adamw8bit.py -------------------------------------------------------------------------------- /swift/trainers/optimizers/galore/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/trainers/optimizers/galore/utils.py -------------------------------------------------------------------------------- /swift/trainers/rlhf_arguments.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/trainers/rlhf_arguments.py -------------------------------------------------------------------------------- /swift/trainers/rlhf_trainer/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/trainers/rlhf_trainer/__init__.py -------------------------------------------------------------------------------- /swift/trainers/rlhf_trainer/cpo_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/trainers/rlhf_trainer/cpo_trainer.py -------------------------------------------------------------------------------- /swift/trainers/rlhf_trainer/dpo_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/trainers/rlhf_trainer/dpo_trainer.py -------------------------------------------------------------------------------- /swift/trainers/rlhf_trainer/grpo_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/trainers/rlhf_trainer/grpo_trainer.py -------------------------------------------------------------------------------- /swift/trainers/rlhf_trainer/kto_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/trainers/rlhf_trainer/kto_trainer.py -------------------------------------------------------------------------------- /swift/trainers/rlhf_trainer/orpo_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/trainers/rlhf_trainer/orpo_trainer.py -------------------------------------------------------------------------------- /swift/trainers/rlhf_trainer/ppo_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/trainers/rlhf_trainer/ppo_trainer.py -------------------------------------------------------------------------------- /swift/trainers/rlhf_trainer/reward_trainer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/trainers/rlhf_trainer/reward_trainer.py -------------------------------------------------------------------------------- /swift/trainers/rlhf_trainer/rlhf_mixin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/trainers/rlhf_trainer/rlhf_mixin.py -------------------------------------------------------------------------------- /swift/trainers/rlhf_trainer/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/trainers/rlhf_trainer/utils.py -------------------------------------------------------------------------------- /swift/trainers/torchacc_mixin.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/trainers/torchacc_mixin.py -------------------------------------------------------------------------------- /swift/trainers/trainer_factory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/trainers/trainer_factory.py -------------------------------------------------------------------------------- /swift/trainers/trainers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/trainers/trainers.py -------------------------------------------------------------------------------- /swift/trainers/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/trainers/utils.py -------------------------------------------------------------------------------- /swift/trainers/xtuner.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/trainers/xtuner.py -------------------------------------------------------------------------------- /swift/tuners/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/tuners/__init__.py -------------------------------------------------------------------------------- /swift/tuners/__pycache__/base.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/tuners/__pycache__/base.cpython-310.pyc -------------------------------------------------------------------------------- /swift/tuners/__pycache__/lora.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/tuners/__pycache__/lora.cpython-310.pyc -------------------------------------------------------------------------------- /swift/tuners/__pycache__/part.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/tuners/__pycache__/part.cpython-310.pyc -------------------------------------------------------------------------------- /swift/tuners/__pycache__/peft.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/tuners/__pycache__/peft.cpython-310.pyc -------------------------------------------------------------------------------- /swift/tuners/__pycache__/prompt.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/tuners/__pycache__/prompt.cpython-310.pyc -------------------------------------------------------------------------------- /swift/tuners/__pycache__/reft.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/tuners/__pycache__/reft.cpython-310.pyc -------------------------------------------------------------------------------- /swift/tuners/__pycache__/side.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/tuners/__pycache__/side.cpython-310.pyc -------------------------------------------------------------------------------- /swift/tuners/__pycache__/utils.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/tuners/__pycache__/utils.cpython-310.pyc -------------------------------------------------------------------------------- /swift/tuners/adapter.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/tuners/adapter.py -------------------------------------------------------------------------------- /swift/tuners/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/tuners/base.py -------------------------------------------------------------------------------- /swift/tuners/llamapro.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/tuners/llamapro.py -------------------------------------------------------------------------------- /swift/tuners/longlora/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Alibaba, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /swift/tuners/longlora/llama.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/tuners/longlora/llama.py -------------------------------------------------------------------------------- /swift/tuners/longlora/longlora.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/tuners/longlora/longlora.py -------------------------------------------------------------------------------- /swift/tuners/lora.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/tuners/lora.py -------------------------------------------------------------------------------- /swift/tuners/lora_layers.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/tuners/lora_layers.py -------------------------------------------------------------------------------- /swift/tuners/mapping.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/tuners/mapping.py -------------------------------------------------------------------------------- /swift/tuners/neftune.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/tuners/neftune.py -------------------------------------------------------------------------------- /swift/tuners/part.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/tuners/part.py -------------------------------------------------------------------------------- /swift/tuners/peft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/tuners/peft.py -------------------------------------------------------------------------------- /swift/tuners/prompt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/tuners/prompt.py -------------------------------------------------------------------------------- /swift/tuners/reft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/tuners/reft.py -------------------------------------------------------------------------------- /swift/tuners/restuning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/tuners/restuning.py -------------------------------------------------------------------------------- /swift/tuners/restuning_components.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/tuners/restuning_components.py -------------------------------------------------------------------------------- /swift/tuners/scetuning/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/tuners/scetuning/__init__.py -------------------------------------------------------------------------------- /swift/tuners/scetuning/scetuning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/tuners/scetuning/scetuning.py -------------------------------------------------------------------------------- /swift/tuners/scetuning/scetuning_components.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/tuners/scetuning/scetuning_components.py -------------------------------------------------------------------------------- /swift/tuners/side.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/tuners/side.py -------------------------------------------------------------------------------- /swift/tuners/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/tuners/utils.py -------------------------------------------------------------------------------- /swift/ui/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/ui/__init__.py -------------------------------------------------------------------------------- /swift/ui/app.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/ui/app.py -------------------------------------------------------------------------------- /swift/ui/base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/ui/base.py -------------------------------------------------------------------------------- /swift/ui/llm_eval/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Alibaba, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /swift/ui/llm_eval/eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/ui/llm_eval/eval.py -------------------------------------------------------------------------------- /swift/ui/llm_eval/llm_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/ui/llm_eval/llm_eval.py -------------------------------------------------------------------------------- /swift/ui/llm_eval/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/ui/llm_eval/model.py -------------------------------------------------------------------------------- /swift/ui/llm_eval/runtime.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/ui/llm_eval/runtime.py -------------------------------------------------------------------------------- /swift/ui/llm_export/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Alibaba, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /swift/ui/llm_export/export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/ui/llm_export/export.py -------------------------------------------------------------------------------- /swift/ui/llm_export/llm_export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/ui/llm_export/llm_export.py -------------------------------------------------------------------------------- /swift/ui/llm_export/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/ui/llm_export/model.py -------------------------------------------------------------------------------- /swift/ui/llm_export/runtime.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/ui/llm_export/runtime.py -------------------------------------------------------------------------------- /swift/ui/llm_infer/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Alibaba, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /swift/ui/llm_infer/generate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/ui/llm_infer/generate.py -------------------------------------------------------------------------------- /swift/ui/llm_infer/llm_infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/ui/llm_infer/llm_infer.py -------------------------------------------------------------------------------- /swift/ui/llm_infer/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/ui/llm_infer/model.py -------------------------------------------------------------------------------- /swift/ui/llm_infer/runtime.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/ui/llm_infer/runtime.py -------------------------------------------------------------------------------- /swift/ui/llm_train/__init__.py: -------------------------------------------------------------------------------- 1 | # Copyright (c) Alibaba, Inc. and its affiliates. 2 | -------------------------------------------------------------------------------- /swift/ui/llm_train/advanced.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/ui/llm_train/advanced.py -------------------------------------------------------------------------------- /swift/ui/llm_train/dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/ui/llm_train/dataset.py -------------------------------------------------------------------------------- /swift/ui/llm_train/galore.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/ui/llm_train/galore.py -------------------------------------------------------------------------------- /swift/ui/llm_train/hyper.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/ui/llm_train/hyper.py -------------------------------------------------------------------------------- /swift/ui/llm_train/lisa.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/ui/llm_train/lisa.py -------------------------------------------------------------------------------- /swift/ui/llm_train/llamapro.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/ui/llm_train/llamapro.py -------------------------------------------------------------------------------- /swift/ui/llm_train/llm_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/ui/llm_train/llm_train.py -------------------------------------------------------------------------------- /swift/ui/llm_train/lora.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/ui/llm_train/lora.py -------------------------------------------------------------------------------- /swift/ui/llm_train/model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/ui/llm_train/model.py -------------------------------------------------------------------------------- /swift/ui/llm_train/quantization.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/ui/llm_train/quantization.py -------------------------------------------------------------------------------- /swift/ui/llm_train/report_to.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/ui/llm_train/report_to.py -------------------------------------------------------------------------------- /swift/ui/llm_train/rlhf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/ui/llm_train/rlhf.py -------------------------------------------------------------------------------- /swift/ui/llm_train/runtime.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/ui/llm_train/runtime.py -------------------------------------------------------------------------------- /swift/ui/llm_train/save.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/ui/llm_train/save.py -------------------------------------------------------------------------------- /swift/ui/llm_train/self_cog.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/ui/llm_train/self_cog.py -------------------------------------------------------------------------------- /swift/ui/llm_train/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/ui/llm_train/utils.py -------------------------------------------------------------------------------- /swift/utils/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/utils/__init__.py -------------------------------------------------------------------------------- /swift/utils/__pycache__/env.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/utils/__pycache__/env.cpython-310.pyc -------------------------------------------------------------------------------- /swift/utils/__pycache__/logger.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/utils/__pycache__/logger.cpython-310.pyc -------------------------------------------------------------------------------- /swift/utils/__pycache__/utils.cpython-310.pyc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/utils/__pycache__/utils.cpython-310.pyc -------------------------------------------------------------------------------- /swift/utils/constants.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/utils/constants.py -------------------------------------------------------------------------------- /swift/utils/env.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/utils/env.py -------------------------------------------------------------------------------- /swift/utils/import_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/utils/import_utils.py -------------------------------------------------------------------------------- /swift/utils/io_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/utils/io_utils.py -------------------------------------------------------------------------------- /swift/utils/logger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/utils/logger.py -------------------------------------------------------------------------------- /swift/utils/np_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/utils/np_utils.py -------------------------------------------------------------------------------- /swift/utils/tb_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/utils/tb_utils.py -------------------------------------------------------------------------------- /swift/utils/torch_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/utils/torch_utils.py -------------------------------------------------------------------------------- /swift/utils/torchacc_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/utils/torchacc_utils.py -------------------------------------------------------------------------------- /swift/utils/utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/utils/utils.py -------------------------------------------------------------------------------- /swift/version.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/swift/version.py -------------------------------------------------------------------------------- /tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/app/test_app.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/app/test_app.py -------------------------------------------------------------------------------- /tests/deploy/test_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/deploy/test_dataset.py -------------------------------------------------------------------------------- /tests/deploy/test_logprobs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/deploy/test_logprobs.py -------------------------------------------------------------------------------- /tests/eval/test_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/eval/test_eval.py -------------------------------------------------------------------------------- /tests/export/test_quant.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/export/test_quant.py -------------------------------------------------------------------------------- /tests/general/test_arch.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/general/test_arch.py -------------------------------------------------------------------------------- /tests/general/test_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/general/test_dataset.py -------------------------------------------------------------------------------- /tests/general/test_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/general/test_model.py -------------------------------------------------------------------------------- /tests/general/test_stream.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/general/test_stream.py -------------------------------------------------------------------------------- /tests/general/test_template.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/general/test_template.py -------------------------------------------------------------------------------- /tests/hub/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/hub/test_check_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/hub/test_check_model.py -------------------------------------------------------------------------------- /tests/infer/test_agent.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/infer/test_agent.py -------------------------------------------------------------------------------- /tests/infer/test_infer.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/infer/test_infer.py -------------------------------------------------------------------------------- /tests/infer/test_logprobs.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/infer/test_logprobs.py -------------------------------------------------------------------------------- /tests/infer/test_main.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/infer/test_main.py -------------------------------------------------------------------------------- /tests/infer/test_max_memory.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/infer/test_max_memory.py -------------------------------------------------------------------------------- /tests/infer/test_mllm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/infer/test_mllm.py -------------------------------------------------------------------------------- /tests/llm/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/llm/config/infer.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/llm/config/infer.json -------------------------------------------------------------------------------- /tests/llm/config/sft.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/llm/config/sft.json -------------------------------------------------------------------------------- /tests/llm/data/alpaca.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/llm/data/alpaca.csv -------------------------------------------------------------------------------- /tests/llm/data/alpaca.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/llm/data/alpaca.jsonl -------------------------------------------------------------------------------- /tests/llm/data/alpaca2.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/llm/data/alpaca2.csv -------------------------------------------------------------------------------- /tests/llm/data/chatml.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/llm/data/chatml.jsonl -------------------------------------------------------------------------------- /tests/llm/data/conversations.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/llm/data/conversations.jsonl -------------------------------------------------------------------------------- /tests/llm/data/multi_modal_1.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/llm/data/multi_modal_1.jsonl -------------------------------------------------------------------------------- /tests/llm/data/multi_modal_2.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/llm/data/multi_modal_2.jsonl -------------------------------------------------------------------------------- /tests/llm/data/multi_modal_3.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/llm/data/multi_modal_3.jsonl -------------------------------------------------------------------------------- /tests/llm/data/sharegpt.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/llm/data/sharegpt.jsonl -------------------------------------------------------------------------------- /tests/llm/data/swift_multi.json: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/llm/data/swift_multi.json -------------------------------------------------------------------------------- /tests/llm/data/swift_multi.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/llm/data/swift_multi.jsonl -------------------------------------------------------------------------------- /tests/llm/data/swift_pre.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/llm/data/swift_pre.csv -------------------------------------------------------------------------------- /tests/llm/data/swift_pre.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/llm/data/swift_pre.jsonl -------------------------------------------------------------------------------- /tests/llm/data/swift_single.csv: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/llm/data/swift_single.csv -------------------------------------------------------------------------------- /tests/llm/data/swift_single.jsonl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/llm/data/swift_single.jsonl -------------------------------------------------------------------------------- /tests/llm/load_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/llm/load_model.py -------------------------------------------------------------------------------- /tests/llm/load_template.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/llm/load_template.py -------------------------------------------------------------------------------- /tests/llm/test_custom.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/llm/test_custom.py -------------------------------------------------------------------------------- /tests/llm/test_dataset.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/llm/test_dataset.py -------------------------------------------------------------------------------- /tests/llm/test_ollama_export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/llm/test_ollama_export.py -------------------------------------------------------------------------------- /tests/llm/test_run.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/llm/test_run.py -------------------------------------------------------------------------------- /tests/llm/test_run3.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/llm/test_run3.py -------------------------------------------------------------------------------- /tests/llm/test_template.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/llm/test_template.py -------------------------------------------------------------------------------- /tests/llm/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/llm/test_utils.py -------------------------------------------------------------------------------- /tests/megatron/test_align/test_llm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/megatron/test_align/test_llm.py -------------------------------------------------------------------------------- /tests/megatron/test_export.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/megatron/test_export.py -------------------------------------------------------------------------------- /tests/megatron/test_model.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/megatron/test_model.py -------------------------------------------------------------------------------- /tests/megatron/test_save.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/megatron/test_save.py -------------------------------------------------------------------------------- /tests/megatron/test_train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/megatron/test_train.py -------------------------------------------------------------------------------- /tests/model_tag.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/model_tag.py -------------------------------------------------------------------------------- /tests/models/test_flash_attn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/models/test_flash_attn.py -------------------------------------------------------------------------------- /tests/models/test_llm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/models/test_llm.py -------------------------------------------------------------------------------- /tests/models/test_mllm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/models/test_mllm.py -------------------------------------------------------------------------------- /tests/run.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/run.py -------------------------------------------------------------------------------- /tests/run_config.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/run_config.yaml -------------------------------------------------------------------------------- /tests/sample/test_client.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/sample/test_client.py -------------------------------------------------------------------------------- /tests/test_align/test_cls.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/test_align/test_cls.py -------------------------------------------------------------------------------- /tests/test_align/test_lmdeploy_vlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/test_align/test_lmdeploy_vlm.py -------------------------------------------------------------------------------- /tests/test_align/test_padding_side.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/test_align/test_padding_side.py -------------------------------------------------------------------------------- /tests/test_align/test_rlhf_loss.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/test_align/test_template/test_audio.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/test_align/test_template/test_audio.py -------------------------------------------------------------------------------- /tests/test_align/test_template/test_gene.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/test_align/test_template/test_gene.py -------------------------------------------------------------------------------- /tests/test_align/test_template/test_llm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/test_align/test_template/test_llm.py -------------------------------------------------------------------------------- /tests/test_align/test_template/test_template.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/test_align/test_template/test_template.py -------------------------------------------------------------------------------- /tests/test_align/test_template/test_video.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/test_align/test_template/test_video.py -------------------------------------------------------------------------------- /tests/test_align/test_template/test_vision.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/test_align/test_template/test_vision.py -------------------------------------------------------------------------------- /tests/test_align/test_vllm_vlm.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/test_align/test_vllm_vlm.py -------------------------------------------------------------------------------- /tests/test_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/test_utils.py -------------------------------------------------------------------------------- /tests/train/test_cls.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/train/test_cls.py -------------------------------------------------------------------------------- /tests/train/test_freeze.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/train/test_freeze.py -------------------------------------------------------------------------------- /tests/train/test_grounding.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/train/test_grounding.py -------------------------------------------------------------------------------- /tests/train/test_grpo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/train/test_grpo.py -------------------------------------------------------------------------------- /tests/train/test_kto.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/train/test_kto.py -------------------------------------------------------------------------------- /tests/train/test_liger.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/train/test_liger.py -------------------------------------------------------------------------------- /tests/train/test_multilabel.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/train/test_multilabel.py -------------------------------------------------------------------------------- /tests/train/test_packing.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/train/test_packing.py -------------------------------------------------------------------------------- /tests/train/test_ppo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/train/test_ppo.py -------------------------------------------------------------------------------- /tests/train/test_pt.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/train/test_pt.py -------------------------------------------------------------------------------- /tests/train/test_rlhf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/train/test_rlhf.py -------------------------------------------------------------------------------- /tests/train/test_sample.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/train/test_sample.py -------------------------------------------------------------------------------- /tests/train/test_sft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/train/test_sft.py -------------------------------------------------------------------------------- /tests/train/test_train_eval.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/train/test_train_eval.py -------------------------------------------------------------------------------- /tests/tuners/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/tuners/test_extra_state_dict.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/tuners/test_extra_state_dict.py -------------------------------------------------------------------------------- /tests/tuners/test_merged_linear.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/tuners/test_merged_linear.py -------------------------------------------------------------------------------- /tests/tuners/test_neft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/tuners/test_neft.py -------------------------------------------------------------------------------- /tests/tuners/test_peft.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/tuners/test_peft.py -------------------------------------------------------------------------------- /tests/tuners/test_scetuning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/tuners/test_scetuning.py -------------------------------------------------------------------------------- /tests/tuners/test_swift_base.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/tuners/test_swift_base.py -------------------------------------------------------------------------------- /tests/tuners/test_swift_device_map.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/tuners/test_swift_device_map.py -------------------------------------------------------------------------------- /tests/tuners/test_swift_restuning.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/tuners/test_swift_restuning.py -------------------------------------------------------------------------------- /tests/utils/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tests/utils/test_io_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/utils/test_io_utils.py -------------------------------------------------------------------------------- /tests/utils/test_torch_utils.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/EricTan7/HydraFake/HEAD/tests/utils/test_torch_utils.py --------------------------------------------------------------------------------