fine-tuning-llm
There are 47 repositories under fine-tuning-llm topic.
InternLM/InternLM
Official release of InternLM series (InternLM, InternLM2, InternLM2.5, InternLM3).
PacktPublishing/LLM-Engineers-Handbook
The LLM's practical guide: From the fundamentals to deploying advanced LLM and RAG apps to AWS using LLMOps best practices
dvlab-research/LongLoRA
Code and documents of LongLoRA and LongAlpaca (ICLR 2024 Oral)
peremartra/Large-Language-Model-Notebooks-Course
Practical course about Large Language Models.
InternLM/Agent-FLAN
[ACL2024 Findings] Agent-FLAN: Designing Data and Methods of Effective Agent Tuning for Large Language Models
promptslab/LLMtuner
FineTune LLMs in few lines of code (Text2Text, Text2Speech, Speech2Text)
AXYZdong/AMchat
AM (Advanced Mathematics) Chat is a large language model that integrates advanced mathematical knowledge, exercises in higher mathematics, and their solutions. AM (Advanced Mathematics) chat 高等数学大模型。一个集成数学知识和高等数学习题及其解答的大语言模型。
codelion/ellora
Enhancing LLMs with LoRA
simplifine-llm/Simplifine
🚀 Easy, open-source LLM finetuning with one-line commands, seamless cloud integration, and popular optimization frameworks. ✨
architkaila/Fine-Tuning-LLMs-for-Medical-Entity-Extraction
Exploring the potential of fine-tuning Large Language Models (LLMs) like Llama2 and StableLM for medical entity extraction. This project focuses on adapting these models using PEFT, Adapter V2, and LoRA techniques to efficiently and accurately extract drug names and adverse side-effects from pharmaceutical texts
JonusNattapong/Notebook-Git-Colab
เป็นการรวบรวมแหล่งข้อมูลสำหรับการเรียนรู้เกี่ยวกับปัญญาประดิษฐ์ (Artificial Intelligence - AI) และโมเดลภาษาขนาดใหญ่ (Large Language Models - LLMs) รวมถึงหัวข้อพื้นฐาน, สมุดบันทึกที่แนะนำ, คอร์สออนไลน์, เครื่องมือ, ชุดข้อมูล และเทคนิคขั้นสูงสำหรับการพัฒนาและปรับแต่งโมเดล AI
ymoslem/Adaptive-MT-LLM-Fine-tuning
Fine-tuning Open-Source LLMs for Adaptive Machine Translation
discus-labs/discus
A data-centric AI package for ML/AI. Get the best high-quality data for the best results. Discord: https://discord.gg/t6ADqBKrdZ
intel/polite-guard
Source code for Intel's Polite Guard NLP project
dvgodoy/LLM-visuals
Over 60 figures and diagrams of LLMs, quantization, low-rank adapters (LoRA), and chat templates FREE TO USE in your blog posts, slides, presentations, or papers.
daekeun-ml/azure-llm-fine-tuning
This hands-on walks you through fine-tuning an open source LLM on Azure and serving the fine-tuned model on Azure. It is intended for Data Scientists and ML engineers who have experience with fine-tuning but are unfamiliar with Azure ML.
PrincySinghal/Html-code-generation-from-LLM
Fine-Tuning and Evaluating a Falcon 7B Model for generating HTML code from input prompts.
StarMoonWang/SeisMoLLM
Official Pytorch Implementation of SeisMoLLM: Advancing Seismic Monitoring via Cross-modal Transfer with Pre-trained Large Language Model
THU-KEG/DICE
DICE: Detecting In-distribution Data Contamination with LLM's Internal State
aaaastark/Pretrain_Finetune_Transformers_Pytorch
Pre-Training and Fine-Tuning transformer models using PyTorch and the Hugging Face Transformers library. Whether you're delving into pre-training with custom datasets or fine-tuning for specific classification tasks, these notebooks offer explanations and code for implementation.
PraveenKumar-Rajendran/Udacity-Generative-AI-Engineer-Nanodegree
Projects Implemented for the Udacity Generative AI Engineer Nanodegree Program
Eziotic/OpenFly
🔥 OpenFly: A Versatile Toolchain and Large-scale Benchmark for Aerial Vision-Language Navigation
Hamid-Nasiri/EDoRA
EDoRA: Efficient Weight-Decomposed Low-Rank Adaptation via Singular Value Decomposition
mirabdullahyaser/Fine-Tuning-GPT-3-for-Amazon-Support-Chatbot
Building a GPT-3 powered Amazon Support Bot for precise customer query responses via fine-tuned model on Amazon QA data
Hk669/Chatbot-gpt3.5
Chatbot built using Flask and the OpenAI GPT-3.5 turbo model. The chatbot allows users to interact with a language model powered by GPT-3.5 turbo and get responses based on their input.
Pavansomisetty21/A-Fine-Tuned-Model-for-Medical-Named-Entity-Recognition-using-Gemini-LLM
In this we finetuned the Gemini model with our own medical NER dataset and used to recognize Name Entities
Shreyjain203/Wikipedia-Continual-Learning-RAG
This repository implements a self-updating RAG (Retrograde Autoregressive Generation) model. It leverages Wikipedia for factual grounding and can fine-tune itself when information is unavailable. This allows the model to continually learn and adapt, offering a dynamic and informative response.
DorobantuDiana/Legal-LLM
Develop a Romanian legal domain Large Language Model (LLM) using pre-trained model and fine-tuning on legal texts. The fine-tuned model is available on Hugging Face.
Abdelhakim-gh/NLP_Sentiment_Analysis_Darija
fine tuning a pre-trained model on darija dialect to work with sentiment analysis task
aidausmanova/T5_pretraining_finetuning
Continue T5 MLM pre-training on verbalized ConceptNet and fine-tune for commonsense question-answering
mimireyburn/TheOnion
MLX Institute | Fine-tuning Llama-2 7B on The Onion to generate new satirical articles given a headline
jamieborland/economicsLLMtest
Fine Tuning LLMs for economic predictions
khaledsoudy-1/FineTuning-BERT-Arabic-Sentiment
A comprehensive guide for beginners looking to start fine-tuning BERT models for sentiment analysis on Arabic text. This project walks through the complete process of data preprocessing, model training, and evaluation, providing a beginner-friendly tutorial on how to fine-tune and deploy machine learning models for real-world applications.
roshan112-3/AspectTour-Leveraging-LLMs-for-Aspect-Extraction-in-Tourism-Reviews
Aspect term extraction in the under-explored tourism domain by leveraging various LLMs
Muhammad-Talha4k/Pneumonia-Detection-using-torch-xray-vision
A computer vision (CV) application that performs real-time classification of chest X-rays to detect pneumonia using TorchXRayVision. The model accurately distinguishes between normal and pneumonia cases, aiding healthcare professionals in early diagnosis and treatment.
Shashank-V-H/Fine_Tuning_llama3
This document explains the process of fine-tuning the LLaMA 3 model using the unsloth library. The notebook follows a structured approach, from installing dependencies to training the model.