peft

There are 314 repositories under peft topic.

  • LLaMA-Factory

    hiyouga/LLaMA-Factory

    Unified Efficient Fine-Tuning of 100+ LLMs & VLMs (ACL 2024)

    Language:Python58.4k2917.4k7.2k
  • huggingface/peft

    🤗 PEFT: State-of-the-art Parameter-Efficient Fine-Tuning.

    Language:Python19.6k1121.3k2k
  • modelscope/ms-swift

    Use PEFT or Full-parameter to CPT/SFT/DPO/GRPO 500+ LLMs (Qwen3, Qwen3-MoE, Llama4, GLM4.5, InternLM3, DeepSeek-R1, ...) and 200+ MLLMs (Qwen2.5-VL, Qwen2.5-Omni, InternVL3.5, Ovis2.5, Llava, GLM4v, Phi4, ...) (AAAI 2025).

    Language:Python9.9k443.3k871
  • yangjianxin1/Firefly

    Firefly: 大模型训练工具,支持训练Qwen2.5、Qwen2、Yi1.5、Phi-3、Llama3、Gemma、MiniCPM、Yi、Deepseek、Orion、Xverse、Mixtral-8x7B、Zephyr、Mistral、Baichuan2、Llma2、Llama、Qwen、Baichuan、ChatGLM2、InternLM、Ziya2、Vicuna、Bloom等大模型

    Language:Python6.5k59286586
  • mymusise/ChatGLM-Tuning

    基于ChatGLM-6B + LoRA的Fintune方案

    Language:Python3.8k33250443
  • hiyouga/ChatGLM-Efficient-Tuning

    Fine-tuning ChatGLM-6B with PEFT | 基于 PEFT 的高效 ChatGLM 微调

    Language:Python3.7k32373476
  • zyds/transformers-code

    手把手带你实战 Huggingface Transformers 课程视频同步更新在B站与YouTube

    Language:Jupyter Notebook3.3k2016459
  • stochasticai/xTuring

    Build, customize and control you own LLMs. From data pre-processing to fine-tuning, xTuring provides an easy way to personalize open-source LLMs. Join our discord community: https://discord.gg/TgHXuSJEk6

    Language:Python2.7k34102204
  • ashishpatel26/LLM-Finetuning

    LLM Finetuning with peft

    Language:Jupyter Notebook2.6k374686
  • lxe/simple-llm-finetuner

    Simple UI for LLM Model Finetuning

    Language:Jupyter Notebook2.1k2049132
  • X-LANCE/SLAM-LLM

    Speech, Language, Audio, Music Processing with Large Language Model

    Language:Python890237377
  • ModelCloud/GPTQModel

    LLM model quantization (compression) toolkit with hw acceleration support for Nvidia CUDA, AMD ROCm, Intel XPU and Intel/AMD/Apple CPU via HF, vLLM, and SGLang.

    Language:Python7825244111
  • dvgodoy/FineTuningLLMs

    Official repository of my book "A Hands-On Guide to Fine-Tuning LLMs with PyTorch and Hugging Face"

    Language:Jupyter Notebook5091268
  • mindspore-courses/step_into_llm

    MindSpore online courses: Step into LLM

    Language:Jupyter Notebook477841122
  • LLaMA-LoRA-Tuner

    zetavg/LLaMA-LoRA-Tuner

    UI tool for fine-tuning and testing your own LoRA models base on LLaMA, GPT-J and more. One-click run on Google Colab. + A Gradio ChatGPT-like Chat UI to demonstrate your language models.

    Language:Python47583299
  • Guitaricet/relora

    Official code for ReLoRA from the paper Stack More Layers Differently: High-Rank Training Through Low-Rank Updates

    Language:Jupyter Notebook46381738
  • Joyce94/LLM-RLHF-Tuning

    LLM Tuning with PEFT (SFT+RM+PPO+DPO with LoRA)

    Language:Python4343421
  • GraphPKU/PiSSA

    PiSSA: Principal Singular Values and Singular Vectors Adaptation of Large Language Models(NeurIPS 2024 Spotlight)

    Language:Jupyter Notebook37943919
  • km1994/llms_paper

    该仓库主要记录 LLMs 算法工程师相关的顶会论文研读笔记(多模态、PEFT、小样本QA问答、RAG、LMMs可解释性、Agents、CoT)

  • TUDB-Labs/mLoRA

    An Efficient "Factory" to Build Multiple LoRA Adapters

    Language:Python34135458
  • iamarunbrahma/finetuned-qlora-falcon7b-medical

    Finetuning of Falcon-7B LLM using QLoRA on Mental Health Conversational Dataset

    Language:Jupyter Notebook2614227
  • jasonvanf/llama-trl

    LLaMA-TRL: Fine-tuning LLaMA with PPO and LoRA

    Language:Python2282623
  • jackaduma/Vicuna-LoRA-RLHF-PyTorch

    A full pipeline to finetune Vicuna LLM with LoRA and RLHF on consumer hardware. Implementation of RLHF (Reinforcement Learning with Human Feedback) on top of the Vicuna architecture. Basically ChatGPT but with Vicuna

    Language:Python21971519
  • calpt/awesome-adapter-resources

    Collection of Tools and Papers related to Adapters / Parameter-Efficient Transfer Learning/ Fine-Tuning

    Language:Python1974111
  • liuqidong07/MOELoRA-peft

    [SIGIR'24] The official implementation code of MOELoRA.

    Language:Python17833020
  • jackaduma/ChatGLM-LoRA-RLHF-PyTorch

    A full pipeline to finetune ChatGLM LLM with LoRA and RLHF on consumer hardware. Implementation of RLHF (Reinforcement Learning with Human Feedback) on top of the ChatGLM architecture. Basically ChatGPT but with ChatGLM

    Language:Python1386210
  • Facico/GOAT-PEFT

    [ICML2025] Make LoRA Great Again: Boosting LoRA with Adaptive Singular Values and Mixture-of-Experts Optimization Alignment

    Language:Python12612
  • sandy1990418/Finetune-Qwen2.5-VL

    Fine-tuning Qwen2.5-VL for vision-language tasks | Optimized for Vision understanding | LoRA & PEFT support.

    Language:Python122123
  • TUDB-Labs/MoE-PEFT

    An Efficient LLM Fine-Tuning Factory Optimized for MoE PEFT

    Language:Python11531011
  • BorealisAI/flora-opt

    This is the official repository for the paper "Flora: Low-Rank Adapters Are Secretly Gradient Compressors" in ICML 2024.

    Language:Python104275
  • ShiZhengyan/DePT

    [ICLR 2024] This is the repository for the paper titled "DePT: Decomposed Prompt Tuning for Parameter-Efficient Fine-tuning"

    Language:Python9621115
  • Simplifine-gamedev/Simplifine

    🚀 Easy, open-source LLM finetuning with one-line commands, seamless cloud integration, and popular optimization frameworks. ✨

    Language:Python94214
  • kamalkraj/e5-mistral-7b-instruct

    Finetune mistral-7b-instruct for sentence embeddings

    Language:Python8621418
  • NisaarAgharia/Indian-LawyerGPT

    Fine-Tuning Falcon-7B, LLAMA 2 with QLoRA to create an advanced AI model with a profound understanding of the Indian legal context.

    Language:Jupyter Notebook853733
  • TuGraph-family/Awesome-Text2GQL

    Fine-Tuning Dataset Auto-Generation for Graph Query Languages.

    Language:Python75389
  • ziplab/SPT

    [ICCV 2023 oral] This is the official repository for our paper: ''Sensitivity-Aware Visual Parameter-Efficient Fine-Tuning''.

    Language:Python73492