An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: peft-fine-tuning-llm

nabeelshan78/LLM-Code-Specialization-with-LoRA

Transforming a general-purpose LLM into a specialized code generator by fine-tuning <1% of its parameters using Low-Rank Adaptation (LoRA).

Language: Jupyter Notebook - Size: 251 KB - Last synced at: about 21 hours ago - Pushed at: about 23 hours ago - Stars: 1 - Forks: 0

Seanaaa0/QT-R1

STaR × S1 math pipeline on Qwen2.5-1.5B. LoRA, strict Final: format, ~20–30% acc (OpenR1-Math split).

Language: Python - Size: 26.4 KB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 1 - Forks: 0

TUDB-Labs/MoE-PEFT

An Efficient LLM Fine-Tuning Factory Optimized for MoE PEFT

Language: Python - Size: 7.18 MB - Last synced at: 3 days ago - Pushed at: 6 months ago - Stars: 112 - Forks: 17

newking9088/gpt_llama_rag_fine_tuning_classification

A repository for implementing and evaluating state-of-the-art LLM techniques including fine-tuning, Retrieval-Augmented Generation (RAG), and model evaluation.

Language: Jupyter Notebook - Size: 22.7 MB - Last synced at: 10 days ago - Pushed at: 10 days ago - Stars: 0 - Forks: 0

km1994/AwesomeMultiModel

【AIGC 实战入门笔记 —— AIGC 摩天大楼】分享 大语言模型(LLMs),大模型高效微调(SFT),检索增强生成(RAG),智能体(Agent),PPT自动生成, 角色扮演,文生图(Stable Diffusion) ,图像文字识别(OCR),语音识别(ASR),语音合成(TTS),人像分割(SA),多模态(VLM),Ai 换脸(Face Swapping), 文生视频(VD),图生视频(SVD),Ai 动作迁移,Ai 虚拟试衣,数字人,全模态理解(Omni),Ai音乐生成 干货学习 等 实战与经验。

Size: 39.1 KB - Last synced at: 7 days ago - Pushed at: 4 months ago - Stars: 25 - Forks: 3

peremartra/Large-Language-Model-Notebooks-Course

Practical course about Large Language Models.

Language: Jupyter Notebook - Size: 18.5 MB - Last synced at: 20 days ago - Pushed at: 20 days ago - Stars: 1,661 - Forks: 418

yuki-2025/llama3-8b-fine-tuning-math

Fine-Tuning Llama 3-8B for Structured Math Reasoning: Fine-tuning Llama3 8b to generate JSON formats for arithmetic questions and process the output to perform calculations.

Language: Python - Size: 21.5 KB - Last synced at: 6 days ago - Pushed at: 22 days ago - Stars: 4 - Forks: 1

brown-palm/AntGPT

Official code implemtation of paper AntGPT: Can Large Language Models Help Long-term Action Anticipation from Videos?

Language: Python - Size: 28.8 MB - Last synced at: 6 days ago - Pushed at: 12 months ago - Stars: 23 - Forks: 2

MAGICS-LAB/GERM

[ICML 2025] Fast and Low-Cost Genomic Foundation Models via Outlier Removal.

Language: Python - Size: 21 MB - Last synced at: 8 days ago - Pushed at: 3 months ago - Stars: 17 - Forks: 2

Lannuela/efficient-domain-tuning

Efficiently fine-tune small language models for financial risk management tasks using QLoRA, LoRA, and AdaLoRA. Explore datasets and experiments. 🐙

Size: 13.7 KB - Last synced at: 27 days ago - Pushed at: 27 days ago - Stars: 0 - Forks: 0

nabeelshan78/flanT5-ICL-SFT-PEFT-RLHF

An end-to-end pipeline for adapting FLAN-T5 for dialogue summarization, exploring the full spectrum of modern LLM tuning. Implements and compares Full Fine-Tuning, PEFT (LoRA), and Reinforcement Learning (RLHF) for performance and alignment. Features a PPO-tuned model to reduce toxicity, in-depth analysis notebooks, and interactive Streamlit demo.

Language: Jupyter Notebook - Size: 1.01 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

matthewapeters/newsies

AI-assisted news aggregator

Language: Jupyter Notebook - Size: 6.17 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

MusadiqPasha/Turkish-Hate-Speech-Classification-Explanation

Classify, explain, and rewrite Turkish hate speech tweets using BERT, SHAP, and LLaMA with PEFT fine-tuning.

Language: Jupyter Notebook - Size: 2.98 MB - Last synced at: 26 days ago - Pushed at: 2 months ago - Stars: 3 - Forks: 1

RETR0-OS/ModelForge

A no-code toolkit to finetune LLMs on your local GPU—just upload data, pick a task, and deploy later. Perfect for hackathons or prototyping, with automatic hardware detection and a guided React interface.

Language: JavaScript - Size: 36.3 MB - Last synced at: 28 days ago - Pushed at: 28 days ago - Stars: 4 - Forks: 1

Aniezka/xfact-fever

Official repository of FEVER@ACL 2025 paper "When Scale Meets Diversity: Evaluating Language Models on Fine-Grained Multilingual Claim Verification"

Size: 14.6 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 4 - Forks: 0

vaibhavnayak30/llm_finetuning

This repository offers concise code for LLM fine-tuning to efficiently adapt pre-trained models. It covers key LLM fine-tuning techniques including LoRA and QLoRA and other PEFT methods for adapting LLMs by training a subset of parameters, and full fine-tuning for maximum performance.

Language: Jupyter Notebook - Size: 36.1 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

ROIM1998/APT

[ICML'24 Oral] APT: Adaptive Pruning and Tuning Pretrained Language Models for Efficient Training and Inference

Language: Python - Size: 4.08 MB - Last synced at: 6 days ago - Pushed at: over 1 year ago - Stars: 44 - Forks: 2

monade/smol-but-mighty

Addestra il tuo Mini Language Model!

Language: Jupyter Notebook - Size: 6.05 MB - Last synced at: about 2 months ago - Pushed at: 2 months ago - Stars: 6 - Forks: 0

WeOnlyLiveOnce13/Generative-AI-LLM-AWS

Generative AI with LLM and AWS SageMaker. Using pretrained models, full fine-tuning, Parameter Efficient fine-tuning (LoRA), and Reinforcement learning with Human feedback.

Language: Jupyter Notebook - Size: 5.22 MB - Last synced at: about 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

nikisetti01/MTL-LORA-for-PubMedQA-and-Riddle

🚀 Fine-tuning LLaMA 1B for a medical chatbot using LoRA and a custom MTL-LoRA framework in PyTorch, enabling efficient multi-task learning for medical NLP! 🏥💡

Language: Jupyter Notebook - Size: 498 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 1

oliver381/Jobinja-Job-Search-Agent

Simplify your job search with Jobinja Job Search Agent. This Python tool automates job listings using AI, saving you time and effort. 🚀💻

Language: Python - Size: 33.9 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

imtanmay46/Legal-Assistance-LLM

Legal Assistance Bot based on LLM

Language: Jupyter Notebook - Size: 349 KB - Last synced at: about 1 month ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0

SathvikNayak123/Agentic-RAG

Agentic RAG with Llama-3.1-8b model Fine-tuned on medical conversational dataset

Language: Jupyter Notebook - Size: 215 MB - Last synced at: 14 days ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

Wb-az/peft-lora-opt-llm-emotion-analysis

This repository contains code to fine llm with diverse peft techniques with custom datasets.

Language: Jupyter Notebook - Size: 149 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

armanjscript/Jobinja-Job-Search-Agent

The **Jobinja Job Search Agent** is a powerful Python application designed to simplify job searches on Jobinja.ir, a leading job portal in Iran.

Language: Python - Size: 33.9 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

aman-17/MediSOAP

FineTuning LLMs on conversational medical dataset.

Language: Jupyter Notebook - Size: 39.9 MB - Last synced at: 6 days ago - Pushed at: about 1 year ago - Stars: 4 - Forks: 0

ishanvepa/ai-academic-search-engine

AI research search engine. Uses RAG and cosine similarity to aid academic research.

Language: JavaScript - Size: 5.59 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

prakashjha1/mistral-sql-finetuning

A project demonstrating how to fine-tune the Mistral-7B model for Text-to-SQL generation. Uses QLoRA and Hugging Face transformers to train a powerful SQL assistant on a consumer GPU.

Language: Jupyter Notebook - Size: 82 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

satyampurwar/large-language-models

Unlocking the Power of Generative AI: In-Context Learning, Instruction Fine-Tuning, Reinforcement Learning Fine-Tuning and Retrieval Augmented Generation.

Language: Jupyter Notebook - Size: 180 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

rightpunchChen/edgeAI_final_report

Llama-3.2-3B-Instruct LoRA + GPTQ Compression & Inference with vLLM

Language: Python - Size: 61.5 KB - Last synced at: 2 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

PRITHIVSAKTHIUR/GALLO-3XL

High Quality Image Generation Model - Powered with NVIDIA A100

Language: Python - Size: 11.2 MB - Last synced at: 22 days ago - Pushed at: about 1 year ago - Stars: 13 - Forks: 1

MyriamBA/Dialogue-Summarizer

An End-to-End Dialogue Summarization Project using LLMs.

Language: Jupyter Notebook - Size: 74.2 KB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

DracoY-code/quest-generation

The codebase for the "Procedural Quest Generation for Role-Playing Games using Large Language Models." This includes datasets, notebooks, scripts, logs, outputs, and reports for the project.

Language: Jupyter Notebook - Size: 8.65 MB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Arya920/Natural_Language_To_SQL_Queries

The task of this project is to Convert Natural Language to SQL Queries

Language: Jupyter Notebook - Size: 9.33 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

IgorFandre/SimplexLoRA Fork of brain-mmo-lab/WLoRA

Language: Jupyter Notebook - Size: 7.49 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

hrao-dev/SumUp

AI-powered text and news summarizer that delivers clear, concise insights from long-form content.

Language: Jupyter Notebook - Size: 172 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

hrao-dev/QuickPulse

AI-Powered News Summarization with Real-Time Sentiment and Topic Insights

Language: Python - Size: 30.3 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Dhanush-R-git/MH-Analysis

The MHRoberta is Mental Health Roberta model. The pretrained Roberta transformer based model fine-tunned on Mental Health dataset by adopting PEFT method.

Language: Jupyter Notebook - Size: 3.67 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

misonsky/HiFT

memory-efficient fine-tuning; support 24G GPU memory fine-tuning 7B

Language: Python - Size: 41.3 MB - Last synced at: 6 days ago - Pushed at: over 1 year ago - Stars: 21 - Forks: 2

FlorinAndrei/llm-social-media-cheap

LLMs fine-tuned with social media comments on cheap hardware

Language: Jupyter Notebook - Size: 346 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

RATHOD-SHUBHAM/Finetuning-LLMs

This repository contains experiments on fine-tuning LLMs (Llama, Llama3.1, Gemma). It includes notebooks for model tuning, data preprocessing, and hyperparameter optimization to enhance model performance.

Language: Jupyter Notebook - Size: 6.27 MB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

rutujaingole/Deep-Learning-ECE-7123-2025-Spring-Project-2

This repository contains the code, model configurations, and report for fine-tuning a roberta-base model using Low-Rank Adaptation (LoRA)- a Parameter-Efficient Fine-Tuning (PEFT) method - on the AG News classification task. The goal was to achieve high test accuracy while keeping trainable parameters under 1 million.

Language: Jupyter Notebook - Size: 4.24 MB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

dvgodoy/FineTuningLLMs

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

Language: Jupyter Notebook - Size: 7.48 MB - Last synced at: 5 months ago - Pushed at: 6 months ago - Stars: 31 - Forks: 7

yuxuan-z19/peft-animation

Animations of the PEFT algorithms

Language: HTML - Size: 38.6 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

prateeknigam9/Fine-Tuning-LLM

Fine-tuning LLM for improved task-specific performance.

Language: Jupyter Notebook - Size: 4.88 KB - Last synced at: about 2 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

StarLight1212/LLM-and-Generative-Models-Community

AI Community Tutorial, including: LoRA/Qlora LLM fine-tuning, Training GPT-2 from scratch, Generative Model Architecture, Content safety and control implementation, Model distillation techniques, Dreambooth techniques, Transfer learning, etc for practice with real project!

Language: Jupyter Notebook - Size: 16.4 MB - Last synced at: 6 months ago - Pushed at: 9 months ago - Stars: 11 - Forks: 1

himanshuvnm/Foundation-Model-Large-Language-Model-FM-LLM

This repository was commited under the action of executing important tasks on which modern Generative AI concepts are laid on. In particular, we focussed on three coding actions of Large Language Models. Extra and necessary details are given in the README.md file.

Language: Jupyter Notebook - Size: 431 KB - Last synced at: 4 months ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 2

gabe-zhang/paper2summary

LoRA fine-tuning scripts with Llama-3.2-1B-Instruct on scientific paper summarization

Language: Python - Size: 22.5 KB - Last synced at: about 1 month ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

Kleo-Karap/KPA_thesis

Thesis project for the MSc "Language Technology" of the National and Kapodistrian University of Athens (NKUA)

Language: HTML - Size: 9.75 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

Zarharan/FarExStance

FarExStance: The first and largest claim-based explainable stance detection dataset on Farsi

Language: Python - Size: 149 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

ohmatheus/Kaggle_WSDMCup_Multilingual_Chatbot_Arena

My project for Kaggle's WSDM 2025 cup. Big project where I fuze gemma2-9b and some feature engineering for sequence classification.

Language: Jupyter Notebook - Size: 3.71 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

AnanthaPadmanaban-KrishnaKumar/EffiLLaMA

Finetuning LLaMA 3.2-1B-Instruct model using qLoRA and LoRA quantization PEFT methods

Language: Python - Size: 44.6 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

Hamid-Nasiri/EDoRA

EDoRA: Efficient Weight-Decomposed Low-Rank Adaptation via Singular Value Decomposition

Language: Python - Size: 1.69 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

david-thrower/DoRA-fine-tuning-gemma-2-2b-it

A simple example of fine tuning Gemma 2 2B instruct using DoRA / LoRA

Language: Jupyter Notebook - Size: 103 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

etechoptimist/generative_ai

This repository contains a collection of generative AI models and applications designed for various tasks such as text generation, image synthesis, and style transfer. The models leverage cutting-edge architectures like GPT, GANs, and VAEs, enabling users to explore different generative tasks.

Language: Jupyter Notebook - Size: 21.7 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

wrmthorne/cycleformers

A Python library for efficient and flexible cycle-consistency training of transformer models via iteratie back-translation. Memory and compute efficient techniques such as PEFT adapter switching allow for 7.5x larger models to be trained on the same hardware.

Language: Python - Size: 2.43 MB - Last synced at: about 2 months ago - Pushed at: 8 months ago - Stars: 11 - Forks: 0

paraglondhe098/sentiment-classification-llm

Implemented and fine-tuned BERT for a custom sequence classification task, leveraging LoRA adapters for efficient parameter updates and 4-bit quantization to optimize performance and resource utilization.

Language: Jupyter Notebook - Size: 6.66 MB - Last synced at: 7 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

03chrisk/PEFT-T5-on-CNN-dailynews

Fine tuning the T5 model on the CNN daily-news dataset

Language: Jupyter Notebook - Size: 11.6 MB - Last synced at: 2 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 1

1Preusse/exprep_LLM

LLM fine tuning for text classification with DistilBERT and MiniLM.

Language: Jupyter Notebook - Size: 12.4 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

sayan112207/Text2SQL

Fine-tune StarCoder2-3b for SQL tasks on limited resources with LORA. LORA reduces model size for faster training on smaller datasets. StarCoder2 is a family of code generation models (3B, 7B, and 15B), trained on 600+ programming languages from The Stack v2 and some natural language text such as Wikipedia, Arxiv, and GitHub issues.

Language: Jupyter Notebook - Size: 1.36 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 5 - Forks: 1

0xZee/finetune_model_dataset

Fine-Tunning Model llama3.2 on local Dataset using LoRA, QLoRA and PEFT..

Size: 5.86 KB - Last synced at: 5 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

ajithvcoder/emlo4-session-09-ajithvcoder

Deploying a Vision model with LitServe and a LLM - llama3.2 model with litserve from The School of AI EMLO-V4 course assignment https://theschoolof.ai/#programs

Language: Python - Size: 1.82 MB - Last synced at: 3 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 1

chatterjeesaurabh/Dialogue-Summarization-with-Large-Language-Model

Explored In-Context prompt learning, Full Fine-Tuning, Parameter-Efficient Fine-Tuning (PEFT) with LoRA, and Fine-tune with Reinforcement Learning (PPO) to generate less-toxic summaries.

Language: Jupyter Notebook - Size: 63.5 KB - Last synced at: 7 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

afondiel/Finetuning-LLMs-Crash-Course-DLAI

Notes & Resources of LLMs Finetuning Crash Course from LAMINI.AI & DeepLearning.AI.

Language: Jupyter Notebook - Size: 8.41 MB - Last synced at: 6 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

mafda/lightweight_fine_tuning_project

This repository provides a Jupyter notebook demonstrating parameter-efficient fine-tuning (PEFT) with LoRA on Hugging Face models.

Language: Jupyter Notebook - Size: 2.6 MB - Last synced at: 6 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

akthammomani/Casual_Conversation_Chatbot

Build a Multi-turn Conversations Chit-Chat Bot

Language: Jupyter Notebook - Size: 10.8 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

zeyadusf/Finetuning-LLMs

Finetuning Large Language Models

Size: 28.3 KB - Last synced at: 5 months ago - Pushed at: 12 months ago - Stars: 2 - Forks: 0

zeyadusf/topics-in-nlp-llm

In this repo I will share different topics on anything I want to know in nlp and llms

Size: 51.8 KB - Last synced at: 6 months ago - Pushed at: 12 months ago - Stars: 2 - Forks: 0

UCDvision/NOLA

Code for NOLA, an implementation of "nola: Compressing LoRA using Linear Combination of Random Basis"

Language: Python - Size: 60.4 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 45 - Forks: 1

erdemormann/kanarya-and-trendyol-classification-tests

Test results of Kanarya and Trendyol models with and without fine-tuning techniques on the Turkish tweet hate speech detection dataset.

Language: Jupyter Notebook - Size: 293 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

SahilBarbade1203/Generative_AI_and_Large_Language_Models Fork of Sdmr12012003/Generative_AI_and_Large_Language_Models

Institute Technical Summer Project -23/24

Language: Jupyter Notebook - Size: 11.7 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

CZboop/Micro-Genre-Generator

Fine-tuning an LLM to generate musical micro-genres

Language: Python - Size: 22.5 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

zeyadusf/Summarization-by-Finetuning-FlanT5-LoRA

Language: Jupyter Notebook - Size: 90.8 KB - Last synced at: 6 months ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

doguilmak/FineTune-DiaSum-PEFT-LoRA

PEFT and LoRA to fine-tune large language models for dialogue summarization, reducing computational resources for broader application.

Language: Jupyter Notebook - Size: 5.66 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

qiqinyi/GenAI-with-LLMs

My lab work of “Generative AI with Large Language Models” course offered by DeepLearning.AI and Amazon Web Services on coursera.

Language: Jupyter Notebook - Size: 28.9 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

thekaranacharya/llm-fine-tuning

Comparing popular Parameter Efficient Fine-Tuning (PEFT) techniques for Large Language Models

Language: Python - Size: 402 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

liuqidong07/MOELoRA-peft

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

Language: Python - Size: 10.2 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 105 - Forks: 11

eshan1347/GPT-NEO-LORA

A GPT-Neo model is fine tuned on a custom dataset using huggingface transformers package

Language: Jupyter Notebook - Size: 22.8 MB - Last synced at: 6 months ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

kconstable/LLM-fine-tuning

For this project, I fine-tuned two separate models for three tasks: document summarization, dialogue summarization and text classification

Language: Jupyter Notebook - Size: 195 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

swastikmaiti/Llama-2-7B-Chat-PEFT

PEFT is a wonderful tool that enables training a very large model in a low resource environment. Quantization and PEFT will enable widespread adoption of LLM.

Language: Jupyter Notebook - Size: 123 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 1

AnishJoshi13/Bash-Scripting-Assistant

A bash scripting assistant that helps you automate tasks. Powered by a streamlit chat interface, A finetuned nl2bash model generates bash code from natural language descriptions provided by the user

Language: Jupyter Notebook - Size: 43.7 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

shoryasethia/ConversationSummarizerLLM

Fine Tuning pegasus and flan-t5 pre-trained language model on dialogsum datasets for conversation summarization to to optimize context window in RAG-LLMs

Language: Jupyter Notebook - Size: 38.1 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

DongmingShenDS/Mistral_From_Scratch

Mistral and Mixtral (MoE) from scratch

Language: Python - Size: 5.13 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

kHarshit/llm-projects

LLM projects

Language: Jupyter Notebook - Size: 4.69 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

nbasyl/DoRA 📦

Official implementation of "DoRA: Weight-Decomposed Low-Rank Adaptation"

Size: 557 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 104 - Forks: 2

pankajrawat9075/Dialog-Summarization-with-Generative-AI

Using Open-Source LLMs like FLAN-T5, built a Dialog Summarization model and did fine-tuning with DialogSum HF Dataset

Language: Jupyter Notebook - Size: 78.1 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

nikhil-chigali/AdapterBERT

This project is an implementation of the paper: Parameter-Efficient Transfer Learning for NLP, Houlsby [Google], ICML 2019.

Language: Python - Size: 130 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

polarbeargo/GenAIND-Apply-Lightweight-Fine-Tuning-LLMs

Language: Jupyter Notebook - Size: 12.5 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

babadue/unfathomableAI

Stumble upon a fine tuning that is unfathomable.

Language: Jupyter Notebook - Size: 7.81 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0