Topic: "finetuning-llms"
GURPREETKAURJETHRA/END-TO-END-GENERATIVE-AI-PROJECTS
End to End Generative AI Industry Projects on LLM Models with Deployment_Awesome LLM Projects
Size: 196 KB - Last synced at: 10 days ago - Pushed at: 3 months ago - Stars: 240 - Forks: 73

adithya-s-k/AI-Engineering.academy
Navigating the World of AI, One Step at a Time
Language: Jupyter Notebook - Size: 91.8 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 157 - Forks: 37

Itachi-Uchiha581/Auto-Data
Auto Data is a library designed for quick and effortless creation of datasets tailored for fine-tuning Large Language Models (LLMs).
Language: Python - Size: 313 KB - Last synced at: 16 days ago - Pushed at: 6 months ago - Stars: 99 - Forks: 8

simplifine-llm/Simplifine
🚀 Easy, open-source LLM finetuning with one-line commands, seamless cloud integration, and popular optimization frameworks. ✨
Language: Python - Size: 844 KB - Last synced at: 16 days ago - Pushed at: 8 months ago - Stars: 90 - Forks: 4

AlphaPav/mem-kk-logic
On Memorization of Large Language Models in Logical Reasoning
Language: Python - Size: 1.3 MB - Last synced at: 25 days ago - Pushed at: 25 days ago - Stars: 60 - Forks: 6

wangermeng2021/llm-webui
A Gradio web UI for Large Language Models. Supports LoRA/QLoRA finetuning,RAG(Retrieval-augmented generation) and Chat
Language: Python - Size: 2.46 MB - Last synced at: 4 days ago - Pushed at: over 1 year ago - Stars: 36 - Forks: 6

neuralwork/instruct-finetune-mistral
Fine-tune Mistral 7B to generate fashion style suggestions
Language: Python - Size: 19.5 KB - Last synced at: 22 days ago - Pushed at: over 1 year ago - Stars: 34 - Forks: 6

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: 20 days ago - Pushed at: about 1 month ago - Stars: 31 - Forks: 7

Prismadic/magnet
the small distributed language model toolkit; fine-tune state-of-the-art LLMs anywhere, rapidly
Language: Python - Size: 11.8 MB - Last synced at: 10 days ago - Pushed at: 6 months ago - Stars: 31 - Forks: 2

adithya-s-k/Indic-llm
A open-source framework designed to adapt pre-trained Language Models (LLMs), such as Llama, Mistral, and Mixtral, to a wide array of domains and languages.
Language: Python - Size: 171 KB - Last synced at: 10 days ago - Pushed at: 11 months ago - Stars: 14 - Forks: 2

bhattbhavesh91/google-gemma-finetuning-n2sql
Finetuning Google's Gemma Model for Translating Natural Language into SQL
Language: Jupyter Notebook - Size: 30.3 KB - Last synced at: 4 days ago - Pushed at: about 1 year ago - Stars: 11 - Forks: 4

SaltyGod/Qwen-Qlora-ACSA
qwen-1.5-1.8B sentiment analysis with prompt optimization and qlora fine-tuning
Language: Python - Size: 25.6 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 9 - Forks: 0

louisc-s/QLoRA-Fine-tuning-for-Film-Character-Styled-Responses-from-LLM
Code for fine-tuning Llama2 LLM with custom text dataset to produce film character styled responses
Language: Python - Size: 63.1 MB - Last synced at: 4 days ago - Pushed at: over 1 year ago - Stars: 8 - Forks: 1

medxiaorudan/CodeGeneration
Prompt engineering with Langchain and fine-tuning the CodeLlama model. The main aim is to generate task-specific C++ code snippets. Experiment with various prompts and models to create accurate C++ code. Unit test is conducted to validate the correctness and effectiveness of the generated code snippets.
Language: C++ - Size: 1.63 MB - Last synced at: 16 days ago - Pushed at: 2 months ago - Stars: 7 - Forks: 2

gruai/koifish
A c++ framework on efficient training & fine-tuning LLMs
Language: C++ - Size: 16.7 MB - Last synced at: 20 days ago - Pushed at: 20 days ago - Stars: 6 - Forks: 0

muhammad-fiaz/finetune-web-ui
Finetune Web UI is a user-interface for training and deploying pre-trained models.
Language: Python - Size: 395 KB - Last synced at: 9 days ago - Pushed at: 2 months ago - Stars: 6 - Forks: 0

harshit433/ResurrectAI
ResurrectAI is an AI-driven chat application designed to bring the wisdom and knowledge of great historical personalities to life. Leveraging advanced language models and fine-tuning techniques, ResurrectAI enables users to interact with AI avatars of iconic figures, gaining access to their insights, guidance, and philosophical teaching in realtime
Language: Dart - Size: 30.4 MB - Last synced at: 13 days ago - Pushed at: 6 months ago - Stars: 6 - Forks: 0

Rahul-AkaVector/java-code-generator
This repository contains code for fine-tuning the LLama3 8b model using Alpaca prompts to generate Java codes. The code is based on a Google Colab notebook.
Language: Jupyter Notebook - Size: 265 KB - Last synced at: 4 days ago - Pushed at: 10 months ago - Stars: 4 - Forks: 4

ShashankGupta10/Code-Wizard
Code Wizard is a coding companion/ code generation tool empowered by CodeLLama-v2-34B AI to automatically generate and enhance code based on best practices found in your GitHub repository.
Language: Python - Size: 24.4 KB - Last synced at: 7 days ago - Pushed at: about 1 year ago - Stars: 4 - Forks: 0

PromptEngineer48/Fine_tuning_1
Finetuning LLMs + Private Data (Video 1/10) Basic
Language: Jupyter Notebook - Size: 23.4 KB - Last synced at: 19 days ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 2

johncollinsai/finetuning-openai
Fine-tuning of language models and prompt engineering, using the problem setting of stock price prediction based on high-frequency OHLC stock price data for AAPL.Training gpt-3.5-turbo on OHLC data to obtain raw return and log return predictions.
Language: Python - Size: 4.65 MB - Last synced at: 12 months ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 3

MahmoudIbrahims/RAG
This is standard mini–RAG Application from scratch
Language: Python - Size: 159 KB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 3 - Forks: 1

AlizayAyesha/FineTuning-LLM
Language: Jupyter Notebook - Size: 112 KB - Last synced at: 28 days ago - Pushed at: about 2 months ago - Stars: 3 - Forks: 0

shreydan/simpleVLM
building a simple VLM. Combining LlaMA-SmolLM2 + SigLip2
Language: Jupyter Notebook - Size: 7.33 MB - Last synced at: 1 day ago - Pushed at: 2 days ago - Stars: 2 - Forks: 0

andrew264/modelex
Doing devious stuff with AI
Language: Python - Size: 307 KB - Last synced at: 5 days ago - Pushed at: 6 days ago - Stars: 2 - Forks: 0

wielandb/finetune-collect
A program that helps collecting, curating and exporting OpenAI fine-tune data
Language: GDScript - Size: 357 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 2 - Forks: 0

zeyadusf/Finetuning-LLMs
Finetuning Large Language Models
Size: 28.3 KB - Last synced at: 13 days ago - Pushed at: 7 months ago - Stars: 2 - Forks: 0

Gaurav-Van/Fine-Tuning-LLMs
Introductory Guide where we will talk about Different Techniques of Fine Tuning LLMs
Language: Jupyter Notebook - Size: 2.95 MB - Last synced at: 13 days ago - Pushed at: 7 months ago - Stars: 2 - Forks: 2

zhaoyl18/SEIKO
SEIKO is a novel reinforcement learning method to efficiently fine-tune diffusion models in an online setting. Our methods outperform all baselines (PPO, classifier-based guidance, direct reward backpropagation) for fine-tuning Stable Diffusion.
Language: Python - Size: 3.85 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 2 - Forks: 0

akhilpandey95/LLMSciSci
Experiments, and how-to guide for the lecture "Large language models for Scientometrics"
Language: Jupyter Notebook - Size: 1.64 MB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 1 - Forks: 0

panktishah62/genai-tinkerlab
This repository is a comprehensive collection of projects exploring various aspects of Generative AI, including AI Agents and Retrieval-Augmented Generation (RAG) implementations. Each project demonstrates different applications and capabilities of GenAI technologies.
Language: Jupyter Notebook - Size: 1.66 MB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 1 - Forks: 0

sanskaryo/LLM-Finetuning-Projects
This repository contains various projects focused on fine-tuning Large Language Models (LLMs). i am currently working on
Language: Jupyter Notebook - Size: 188 KB - Last synced at: 14 days ago - Pushed at: 14 days ago - Stars: 1 - Forks: 0

RETR0-OS/ModelForge
A no-code toolkit to finetune LLMs on your local GPU—just upload data, pick a task, and export to GGUF. Perfect for hackathons or prototyping, with automatic hardware detection and a guided Gradio interface.
Language: JavaScript - Size: 34.2 MB - Last synced at: 14 days ago - Pushed at: 14 days ago - Stars: 1 - Forks: 0

DDDOH/LLM_News
LOLA_ LLM-Assisted Online Learning Algorithm for Content Experiments
Language: Python - Size: 18.1 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0

haturusinghe/subasa-plm
A framework for adapting Pretrained Language Models (XLM-R, BERT etc.) for Low-Resourced Offensive Language Detection in Sinhala using pretrained models and intermediate tasks.
Language: Python - Size: 3.73 MB - Last synced at: 23 days ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

sarahboal/Machine-Translation-NLP-EN-FR-CS685-Umass
Machine Translation Model Comparisons for English to French using mT5 and Llama 2
Language: Jupyter Notebook - Size: 7.29 MB - Last synced at: 2 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

Ilia-Trof88/Headline_Generation_LLM
Данный репозиторий посвящен генерации новостных заголовков с использованием больших языковых моделей (LLM) с открым исходным колом
Language: Jupyter Notebook - Size: 47.9 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

kolhesamiksha/Nemo_Curator
This repository contains a sample text data-preparation code using Nemo Curator for pre-training or synthetic data generation
Language: Jupyter Notebook - Size: 138 KB - Last synced at: 2 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

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: about 1 month ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

AIdventures/flora
Fine-tuning LLMs with LoRA
Language: Jupyter Notebook - Size: 1.86 MB - Last synced at: 4 days ago - Pushed at: 10 months ago - Stars: 1 - Forks: 1

jordandeklerk/OpenCodeInterpreter-Finetune-SQL
Fine-tuning coding LLM OpenCodeInterpreter-DS-6.7B for Text-to-SQL Code Generation on a Single A100 GPU in PyTorch
Language: Jupyter Notebook - Size: 1.01 MB - Last synced at: 2 months ago - Pushed at: 11 months ago - Stars: 1 - Forks: 0

Vishvam10/LLM-Finetuning
This is an exploratory project focused on LLM fine-tuning for Python code generation and benchmarking. The workflow is quite automated and is made to be configurable using YAML files.
Language: Jupyter Notebook - Size: 18.6 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 1 - Forks: 0

LikithMeruvu/Gemma2B_Finetuning_Medium
This Repo contains How to Finetune Google's New Gemma LLm model using your custom instuction dataset. I have finetuned Gemma 2b instuct Model on 20k medium articles data for 5hrs on kaggle p100 GPU
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

harshpreet14/journalling
An audio journaling app that provides AI analysis for your journal entries
Language: JavaScript - Size: 5.06 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

nnilayy/LLMs-And-Transformers
Language: Jupyter Notebook - Size: 129 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

hoadm-net/FT4VSA
This project aims to explore and evaluate various fine-tuning techniques for the task of Vietnamese sentiment analysis.
Size: 986 KB - Last synced at: about 19 hours ago - Pushed at: about 19 hours ago - Stars: 0 - Forks: 0

Samhita-kolluri/contrastive-module
Semantic Retrieval Engine for Contrasting Ideas and Opposing Viewpoints.
Size: 5.54 MB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 0 - Forks: 0

Siddh26/genai-tinkerlab
This repository is a comprehensive collection of projects exploring various aspects of Generative AI, including AI Agents and Retrieval-Augmented Generation (RAG) implementations. Each project demonstrates different applications and capabilities of GenAI technologies.
Language: Jupyter Notebook - Size: 1.66 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 0 - Forks: 0

mittapallynitin/InstructAI
Instruction Fine-Tuning of DistilGPT2 on Alpaca Dataset. This project demonstrates full instruction fine-tuning of the distilgpt2 model on the Alpaca dataset using Hugging Face Transformers. It covers the complete pipeline from dataset preparation to training and inference, following the theory from the Self-Instruct paper.
Language: Python - Size: 8.79 KB - Last synced at: 4 days ago - Pushed at: 5 days ago - Stars: 0 - Forks: 0

KarthikaRajagopal44/MPT-7B-amazon-sagemaker-finetuning
fine-tune MPT-7B on Amazon SageMaker
Language: Python - Size: 11.7 KB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 0 - Forks: 0

tatra-labs/Medical-Assistant
Assistant trained to answer the medical questions.
Language: Python - Size: 3.8 MB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 0 - Forks: 0

dark-horiznz/URL-Threat-Detection-using-Model-Distillation
A complete pipeline for deep learning model optimization via teacher fine-tuning, knowledge distillation, and 4-bit quantization. Built with PyTorch, Transformers, and BitsAndBytes.
Language: Jupyter Notebook - Size: 1020 KB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 0 - Forks: 0

Gruz2520/crystall_generation
Fine-tuned LLM for crystall generation in SLICE format
Language: Jupyter Notebook - Size: 1.01 GB - Last synced at: 10 days ago - Pushed at: 11 days ago - Stars: 0 - Forks: 0

priyam-hub/LLM-Fine-Tuning-Pipeline
A comprehensive pipeline for Different Fine-Tuning Methods for Large Language Models with optimized performance and resource efficiency. This pipeline handles the entire workflow from data preparation to model evaluation, making advanced LLM customization accessible and efficient.
Language: Python - Size: 17.2 MB - Last synced at: 11 days ago - Pushed at: 14 days ago - Stars: 0 - Forks: 0

temulenbd/text-representation-comparison-job-recommender
PROJECT NAME: A comparative evaluation of text representation techniques for content-based job recommendation system
Language: Jupyter Notebook - Size: 17.3 MB - Last synced at: 16 days ago - Pushed at: 16 days ago - Stars: 0 - Forks: 1

ramona1999/Contract-Risk-Assessment
This project is an AI-powered Contract Risk Assessment and Legal Assistant designed to analyze legal documents, extract key clauses, assess risks, and provide actionable recommendations. Additionally, a fine-tuned conversational chatbot is integrated for interactive legal Q&A based on contract-specific knowledge.
Language: Jupyter Notebook - Size: 840 KB - Last synced at: 19 days ago - Pushed at: 19 days ago - Stars: 0 - Forks: 0

Kanisha-Shah/Hallucination-Mitigation-Using-RAG
A Columbia University capstone project focused on mitigating hallucinations in Medical Question Answering systems using Retrieval-Augmented Generation (RAG), ElasticSearch, and LLM-based validation.
Size: 882 KB - Last synced at: 20 days ago - Pushed at: 20 days ago - Stars: 0 - Forks: 0

veydantkatyal/Llama-LoRA-FineTuning
Practical guide to fine-tuning the LLaMA model for dialogue summarisation using LoRA for efficient, low-resource training.
Language: Jupyter Notebook - Size: 73.2 KB - Last synced at: 21 days ago - Pushed at: 21 days ago - Stars: 0 - Forks: 0

veydantkatyal/second-brain-ai
fine-tuning Llama 3.1 (8B) into a Notion-style research assistant using Unsloth AI.
Language: Jupyter Notebook - Size: 288 KB - Last synced at: 4 days ago - Pushed at: 25 days ago - Stars: 0 - Forks: 0

Vignesh010101/Intelligent-Health-LLM-System
An Intelligent Health LLM System for Personalized Medication Guidance and Support.
Language: Jupyter Notebook - Size: 615 KB - Last synced at: 27 days ago - Pushed at: 27 days ago - Stars: 0 - Forks: 0

Muavia1/DeepSeek-Math-FineTuned-For-Math-Meme-Correcction
This project fine-tunes the DeepSeek-Math-7B model using LoRA (Low-Rank Adaptation) to correct mathematical memes and equations efficiently. By leveraging 4-bit quantization and PEFT (Parameter-Efficient Fine-Tuning), the model improves mathematical reasoning while maintaining a lightweight footprint.
Language: Jupyter Notebook - Size: 14.6 KB - Last synced at: 29 days ago - Pushed at: 29 days ago - Stars: 0 - Forks: 0

Muavia1/Fine-Tuning-GPT2-on-MathRiddles-Dataset
This repository contains code for fine-tuning GPT-2 to generate math riddles with solutions using Hugging Face’s transformers and TRL.
Language: Jupyter Notebook - Size: 17.6 KB - Last synced at: 29 days ago - Pushed at: 29 days ago - Stars: 0 - Forks: 0

venkatavamsi01/Comparitive_Analysis
My Journey in LLM Applications
Language: Jupyter Notebook - Size: 169 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

samz905/finetuning-cookbooks
Some experiments and code samples in finetuning LLMs and image models
Language: Jupyter Notebook - Size: 260 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

SudhanshuGulhane/Lyrics_Generator
Built GPT like model using Transformer-decoder only architecture, and fine tuned Llama2 base model for lyrics generation with various genres
Language: Jupyter Notebook - Size: 36.1 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

bet0x/unsloth-docker
Unsloth Training Environment
Language: Python - Size: 14.6 KB - Last synced at: about 1 month ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

Naga-Manohar-Y/LLM_From_Scratch
This project is an implementation of a GPT model built entirely from scratch, inspired by LLM from Scratch by Sebastian. The goal is to understand the inner workings of transformers, attention mechanisms, and how large language models are trained and fine-tuned for different NLP tasks.
Language: Jupyter Notebook - Size: 1.9 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

CodeofRahul/Fine_Tuning_Gemma_Model
This project demonstrates how to fine-tune the Gemma-2B language model for conversation summarization using QLoRA (Quantized Low-Rank Adaptation) on the SAMSum dataset. It leverages Hugging Face Transformers, PEFT, and BitsAndBytes libraries for efficient and effective fine-tuning.
Language: Jupyter Notebook - Size: 41 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

AlbertChoo/NLP-Projects
Hmm, projects with, transformers, pre-trained model, finetuning LLM using LoRA, QLoRA, calibration techniques to improve confidence, reduce `eval_loss`, etc.
Language: Jupyter Notebook - Size: 25 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

SudarshanaSRao/GPTNeo_storyteller
Fine-tuned GPT-Neo for story completion and hosted it on HuggingFace. Deployed a Gradio app on HuggingFace spaces.
Language: Jupyter Notebook - Size: 251 KB - Last synced at: 14 days ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

harmeshgv/gpu-powered-bert-finetuning
Efficient fine-tuning of BERT models using CUDA-powered GPUs, optimized for laptops and devices with NVIDIA RTX 3000/4000 series or CUDA-compatible GPUs. Ideal for fast NLP model training with PyTorch and Hugging Face Transformers.
Language: Jupyter Notebook - Size: 12.7 KB - Last synced at: 28 days ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

haturusinghe/subasa-llm
A task-specific fine-tuning framework for large language models (Llama, Mistral etc.) focused on offensive language detection in multilingual contexts, with evaluation on the SOLD benchmark.
Language: Python - Size: 3.1 MB - Last synced at: 29 days ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

Abhinav330/MSC-Project
AI-Powered Chatbot for University Websites This project enhances the usability of university websites by providing an AI-driven chatbot powered by advanced Large Language Models (LLMs) and Retrieval-Augmented Generation (RAG).
Language: Jupyter Notebook - Size: 24 MB - Last synced at: about 2 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

faezeh-gholamrezaie/Fine-Tuning-Large-Language-Models-for-Sleep-Stage-Classification
Fine-tuning Large Language Models (LLMs) using QLoRA on EEG data for efficient sleep stage classification and pattern recognition.
Language: Jupyter Notebook - Size: 31.8 MB - Last synced at: 23 days ago - Pushed at: 4 months ago - Stars: 0 - Forks: 1

varunsly/Interactive-Fiction-Analysis
This project aims to provide an analysis toolset for the LIGHT interactive fiction environment, a fantasy world used for AI training and storytelling. The code allows you to explore the relationships between rooms, characters, and objects, while leveraging machine learning models to improve interaction and storytelling capabilities.
Language: Jupyter Notebook - Size: 371 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

MohammadShabazuddin/Fine-tuning-of-GPT-3-model-for-Text-Classification
Implemented fine-tuning of the GPT-3 model to perform accurate text classification for specific tasks using custom datasets.
Language: Jupyter Notebook - Size: 23.4 KB - Last synced at: 12 days ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

PialGhosh2233/Llama2-Healthcare-chat-English-Bangla
Fine-tuned LLaMA 2 for Bangla-English medical Q&A
Language: Jupyter Notebook - Size: 2.97 MB - Last synced at: 18 days ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

romario076/LLM-Fine-tune-OpenAI-GPT-model
Open AI LLM GPT fine tuning on own data set
Language: Jupyter Notebook - Size: 2.14 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

alexisvassquez/juniper2.0
Conversational AI model and educational tool
Language: Python - Size: 34.2 KB - Last synced at: 27 days ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

cuiyuheng/open-instruct Fork of allenai/open-instruct
Size: 17.7 MB - Last synced at: 28 days ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

Blacksujit/GifGenie
GifGenie is an innovative AI-powered GIF generator designed to transform your images and videos into captivating animated GIFs in seconds. With its intuitive interface and advanced machine learning algorithms, GifGenie empowers users to create stunning, high-quality GIFs effortlessly, making it the perfect tool for social media enthusiasts
Language: Python - Size: 326 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

giorgiosld/Log-Anomaly-Detection-via-LLMs 📦
Final project for the T-725-MALV course at Reykjavik University (Fall 2024), exploring Large Language Models (LLAMA, BERT) for anomaly detection in system logs through fine-tuning and benchmarking against traditional methods.
Language: Python - Size: 2.34 MB - Last synced at: about 2 months ago - Pushed at: 5 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: about 1 month ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

Abhiram-kandiyana/Error-Explainer
Explanation of Programming Errors using Open-source LLMs
Language: Jupyter Notebook - Size: 946 KB - Last synced at: 27 days ago - Pushed at: 7 months ago - Stars: 0 - Forks: 1

davidgeorgewilliams/JessicaRabbit-QLoRA-Axolotl
This comprehensive technical guide, developed at the request of OnlyFans founder, demonstrates advanced AI model fine-tuning methodologies to transform Qwen2-72b into a Jessica Rabbit personality emulation using cutting-edge QLoRA and ORPO techniques.
Size: 1.38 MB - Last synced at: about 1 month ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

brianSalk/JSONLgenerator3.5
A JSONL generator to create training data for GPT3.5 and newer
Language: Python - Size: 15.6 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

Hashmat02/Fine-Tuning-LLaMA-2-for-Toxicity-Classification
Fine-tuning LLaMA 2 for toxicity classification using a balanced Kaggle dataset, with a focus on overcoming class imbalance, optimizing computational efficiency through PEFT and QLORA, and achieving high accuracy in detecting toxic content across multiple classes
Language: Jupyter Notebook - Size: 806 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

JannesGitHub/finetuning-LAION-LeoLM-for-rewriting-scientifically
Fine-tuning the LeoLM language model to improve the academic and objective writing style of german text passages.
Language: Jupyter Notebook - Size: 771 KB - Last synced at: about 1 month ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

phamkinhquoc2002/rag-best-strategy
Inspired by the paper: "Searching for Best Practices in Retrieval-Augmented Generation" by Wang et al. This repository is dedicated to search for the best RAG strategy.
Language: Python - Size: 188 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

shayanAthif/LLM-for-hydrogen-storage
The LARGE LANGUAGE MODEL FOR HYDROGEN STORAGE project uses advanced natural language processing to improve research efficiency. It offers concise summaries and answers questions about hydrogen storage research papers, helping users quickly understand key insights and latest advancements.
Language: Jupyter Notebook - Size: 10.4 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

HarshSangani21/Cloud-Computing-Domain-Specific-Streamlit-based-Chatbot
Nuvola Chatbot is a Streamlit-based web app utilizing Google Cloud's Nuvola chatbot powered by LLaMA2 models. It provides interactive assistance on Google Cloud Platform services. Customize responses using temperature, top-p, and max length settings. Easy setup with Streamlit and Replicate.
Language: Python - Size: 57.6 KB - Last synced at: 4 days ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

Eva-Kaushik/Finetuning-LLM
Finetuning-LLM
Language: Jupyter Notebook - Size: 5.27 MB - Last synced at: 14 days ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

nagababumo/VisionTransformer-LORA-finetuning
Language: Jupyter Notebook - Size: 6.84 KB - Last synced at: about 2 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

zelaki/awesome-LoRA
A curated list of Parameter Efficient Fine-tuning papers
Size: 4.88 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

phamkinhquoc2002/adaptive-rag-matryoshka
An end-to-end project to design an intelligence system powered by Meta's llama3, that helps users answer finance-related questions.
Language: Jupyter Notebook - Size: 381 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

MariahFerns/QuestionAnswering-BERT-Finetuned-Finance
Fine tune bert on a question answering dataset that is further finetuned on finance data to answer questions posed by senior leadership
Language: Jupyter Notebook - Size: 680 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

PaletiKrishnasai/Chandler_Chatbot
Finetuned OpenAI gpt-3.5-turbo to mimic sarcasm. Developed a custom knowledge base for RAG system
Language: Jupyter Notebook - Size: 13.7 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

chandima2000/fine-tuned-Llama2-LLM-with-own-dataset
This is a basic illustration of how fine-tuning can perform to the LLM model using own data set.
Language: Jupyter Notebook - Size: 10.7 KB - Last synced at: about 1 month ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

nagababumo/Finetuning-Large-Language-Models
Language: Jupyter Notebook - Size: 117 KB - Last synced at: 4 days ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

ogunerkutay/langchain-ai-chatbot-examples
This repository showcases Python scripts demonstrating interactions with various models using the LangChain library. From fine-tuning to custom runnables, explore examples with Gemini, Hugging Face, and Mistral AI models.
Language: Python - Size: 29.3 KB - Last synced at: about 1 month ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0
