GitHub topics: llama-2
haotian-liu/LLaVA
[NeurIPS'23 Oral] Visual Instruction Tuning (LLaVA) built towards GPT-4V level capabilities and beyond.
Language: Python - Size: 13.4 MB - Last synced at: 1 day ago - Pushed at: 9 months ago - Stars: 22,573 - Forks: 2,486

liltom-eth/llama2-webui
Run any Llama 2 locally with gradio UI on GPU or CPU from anywhere (Linux/Windows/Mac). Use `llama2-wrapper` as your local llama2 backend for Generative Agents/Apps.
Language: Jupyter Notebook - Size: 1.03 MB - Last synced at: 1 day ago - Pushed at: about 1 year ago - Stars: 1,958 - Forks: 206

getumbrel/llama-gpt
A self-hosted, offline, ChatGPT-like chatbot. Powered by Llama 2. 100% private, with no data leaving your device. New: Code Llama support!
Language: TypeScript - Size: 1.71 MB - Last synced at: 2 days ago - Pushed at: about 1 year ago - Stars: 10,971 - Forks: 710

ymcui/Chinese-LLaMA-Alpaca
中文LLaMA&Alpaca大语言模型+本地CPU/GPU训练部署 (Chinese LLaMA & Alpaca LLMs)
Language: Python - Size: 23 MB - Last synced at: 2 days ago - Pushed at: about 1 year ago - Stars: 18,843 - Forks: 1,892

ymcui/Chinese-LLaMA-Alpaca-2
中文LLaMA-2 & Alpaca-2大模型二期项目 + 64K超长上下文模型 (Chinese LLaMA-2 & Alpaca-2 LLMs with 64K long context models)
Language: Python - Size: 8.15 MB - Last synced at: 2 days ago - Pushed at: 8 months ago - Stars: 7,158 - Forks: 570

nrimsky/LM-exp
LLM experiments done during SERI MATS - focusing on activation steering / interpreting activation spaces
Language: Jupyter Notebook - Size: 15.7 MB - Last synced at: 1 day ago - Pushed at: over 1 year ago - Stars: 93 - Forks: 25

moritztng/fltr
Like grep but for natural language questions. Based on Mistral 7B or Mixtral 8x7B.
Language: Rust - Size: 63.5 MB - Last synced at: 1 day ago - Pushed at: about 1 year ago - Stars: 375 - Forks: 8

Abhi5h3k/PrivateDocBot
📚 Local PDF-Integrated Chat Bot: Secure Conversations and Document Assistance with LLM-Powered Privacy
Language: Python - Size: 2.39 MB - Last synced at: 1 day ago - Pushed at: about 2 months ago - Stars: 82 - Forks: 20

ashleykleynhans/llava-docker
Docker image for LLaVA: Large Language and Vision Assistant
Language: Shell - Size: 97.7 KB - Last synced at: 1 day ago - Pushed at: 5 days ago - Stars: 1 - Forks: 0

kennethleungty/Llama-2-Open-Source-LLM-CPU-Inference
Running Llama 2 and other Open-Source LLMs on CPU Inference Locally for Document Q&A
Language: Python - Size: 4.52 MB - Last synced at: 7 days ago - Pushed at: over 1 year ago - Stars: 962 - Forks: 211

ymcui/Chinese-LLaMA-Alpaca-3
中文羊驼大模型三期项目 (Chinese Llama-3 LLMs) developed from Meta Llama 3
Language: Python - Size: 2.25 MB - Last synced at: 8 days ago - Pushed at: 8 months ago - Stars: 1,918 - Forks: 166

horseee/LLM-Pruner
[NeurIPS 2023] LLM-Pruner: On the Structural Pruning of Large Language Models. Support Llama-3/3.1, Llama-2, LLaMA, BLOOM, Vicuna, Baichuan, TinyLlama, etc.
Language: Python - Size: 5.92 MB - Last synced at: 6 days ago - Pushed at: 8 months ago - Stars: 1,011 - Forks: 116

aman-17/MediSOAP
FineTuning LLMs on conversational medical dataset.
Language: Jupyter Notebook - Size: 39.9 MB - Last synced at: 1 day ago - Pushed at: 11 months ago - Stars: 3 - Forks: 0

yangjianxin1/Firefly-LLaMA2-Chinese
Firefly中文LLaMA-2大模型,支持增量预训练Baichuan2、Llama2、Llama、Falcon、Qwen、Baichuan、InternLM、Bloom等大模型
Language: Python - Size: 2.02 MB - Last synced at: 4 days ago - Pushed at: over 1 year ago - Stars: 410 - Forks: 31

zhudotexe/kani
kani (カニ) is a highly hackable microframework for chat-based language models with tool use/function calling. (NLP-OSS @ EMNLP 2023)
Language: Python - Size: 15.3 MB - Last synced at: 1 day ago - Pushed at: about 1 month ago - Stars: 576 - Forks: 31

albertstarfield/project-zephyrine
Introducing Project Zephyrine: Elevating Your Interaction Plug and Play, and Employing GPU Acceleration within a Modernized Automata Local Graphical User Interface.
Language: JavaScript - Size: 649 MB - Last synced at: 1 day ago - Pushed at: 5 days ago - Stars: 20 - Forks: 1

marklysze/LlamaIndex-RAG-WSL-CUDA
Examples of RAG using Llamaindex with local LLMs - Gemma, Mixtral 8x7B, Llama 2, Mistral 7B, Orca 2, Phi-2, Neural 7B
Language: Jupyter Notebook - Size: 316 KB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 125 - Forks: 13

saadkh1/DocQA-TextSummarization-App
A Streamlit app for document question answering and text summarization.
Language: Jupyter Notebook - Size: 190 KB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 3

Marker-Inc-Korea/KO-Platypus
[KO-Platy🥮] Korean-Open-platypus를 활용하여 llama-2-ko를 fine-tuning한 KO-platypus model
Language: Jupyter Notebook - Size: 2.16 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 75 - Forks: 5

marklysze/LangChain-RAG-Linux
Examples of RAG using LangChain with local LLMs - Mixtral 8x7B, Llama 2, Mistral 7B, Orca 2, Phi-2, Neural 7B
Language: Jupyter Notebook - Size: 151 KB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 38 - Forks: 2

sergiopichardo/bedrock-chatbot-llama2-langchain-streamlit
Chatbot build with Amazon Bedrock, Llama 2, LangChain and Streamlit
Language: Python - Size: 69.3 KB - Last synced at: 3 days ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

jmaczan/c-137
🦙 Llama 2 7B fine-tuned to revive Rick
Language: Jupyter Notebook - Size: 3.27 MB - Last synced at: 5 days ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

marklysze/LlamaIndex-RAG-Linux-CUDA
Examples of RAG using Llamaindex with local LLMs in Linux - Gemma, Mixtral 8x7B, Llama 2, Mistral 7B, Orca 2, Phi-2, Neural 7B
Language: Jupyter Notebook - Size: 175 KB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 9 - Forks: 4

ksm26/Prompt-Engineering-with-Llama-2
The course provides guidance on best practices for prompting and building applications with the powerful open commercial license models of Llama 2.
Language: Jupyter Notebook - Size: 2.35 MB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 10 - Forks: 12

ksm26/Reinforcement-Learning-from-Human-Feedback
Embark on the "Reinforcement Learning from Human Feedback" course and align Large Language Models (LLMs) with human values.
Language: Jupyter Notebook - Size: 696 KB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 9 - Forks: 9

balavenkatesh3322/guardrails-demo
LLM Security Project with Llama Guard
Language: Python - Size: 55.7 KB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 10 - Forks: 0

seonglae/llama2gptq
Chat to LLaMa 2 that also provides responses with reference documents over vector database. Locally available model using GPTQ 4bit quantization.
Language: Python - Size: 9.48 MB - Last synced at: 1 day ago - Pushed at: over 1 year ago - Stars: 29 - Forks: 0

d-kleine/arXiv_KB
LLM-powered Chatbot for arXiv Knowledge Retrieval
Language: Python - Size: 32.2 KB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

s-araromi/My-SageMaker-IT-Domain-Expert-Project
This project demonstrates how to fine-tune a large language model (LLM) for the IT domain using Amazon SageMaker, creating an "IT Domain Expert" model.
Language: Jupyter Notebook - Size: 535 KB - Last synced at: about 2 months ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0

dorathoto/USP.TCC.ChatIA
TCC Poli USP Pro
Language: HTML - Size: 12 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

imen-ayadi/Smart-Box
AI-powered email management system that automates email categorization, sentiment analysis, summarization, and response generation using NLP models and machine learning, enhancing communication efficiency.
Language: Python - Size: 1.37 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

maxpeeperkorn/creativity-parameter
This repository contains the supplementary material / appendix to go with the paper “Is Temperature the Creativity for Large Language Models” by Max Peeperkorn, Tom Kouwenhoven, Dan Brown, and Anna Jordanous.
Language: Jupyter Notebook - Size: 50.8 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

akhilchibber/Llama2-Quantization
Quantization of the Llama 2 model
Language: Jupyter Notebook - Size: 1.58 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

akhilchibber/RAG-BidenSpeech
Retrieval-Augmented Generation (RAG) to analyze and respond to queries about President Biden's 2023 State of the Union (SOTU) Address
Language: Jupyter Notebook - Size: 10.6 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 1

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: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

annaluizacaraciolo/fine_tuning_for_mojo_gen
Repositório dedicado ao trabalho de graduação
Language: Jupyter Notebook - Size: 20.9 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

R3gm/InsightSolver-Colab
InsightSolver: Colab notebooks for exploring and solving operational issues using deep learning, machine learning, and related models.
Language: Jupyter Notebook - Size: 382 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 87 - Forks: 28

Shahrukh95/Cybersecurity-Domain-ChatBot-based-on-a-Fine-Tuned-Open-Source-Large-Language-Model
A cybersecurity chatbot built using open-source LLMs namely Falcon-7B and Llama-2-7b-chat-hf. The models are fine-tuned on a custom question-answer dataset compiled from the OWASP Top 10 and CVEs from NVD.
Language: Jupyter Notebook - Size: 58.6 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

AlinaMustaqeem/open-LLM
Kickstart with LLMs
Language: Jupyter Notebook - Size: 32.2 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 4 - Forks: 0

mimireyburn/TheOnion Fork of besarthoxhaj/lora
MLX Institute | Fine-tuning Llama-2 7B on The Onion to generate new satirical articles given a headline
Language: Python - Size: 14.6 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

kevinknights29/LLama-v2-Text-Gen-API
This project aims to develop an API backend using Flask to support Text Generation Inference with Llama v2 Models
Language: Python - Size: 43 KB - Last synced at: 2 months ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

skywing/llm-dev
The common setup to run LLM locally. Use llama-cpp to quantize model, Langchain for setup model, prompts, RAG, and Gradio for UI.
Language: Jupyter Notebook - Size: 18.3 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

MinhxThanh/Telegram-bot-Chat-Generation
Telegram bot, text generate..
Language: JavaScript - Size: 35.4 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

longyuewangdcu/Chinese-Llama-2
improve Llama-2's proficiency in comprehension, generation, and translation of Chinese.
Language: Python - Size: 10.3 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 302 - Forks: 28

nsrinidhibhat/fine-tune-llama-2
This project streamlines the fine-tuning process, enabling you to leverage Llama-2's capabilities for your own projects.
Language: Python - Size: 6.84 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

AstroGogh/Aixiety_Chatbot
AI-based Psychology Assistant built with llama-2
Language: Jupyter Notebook - Size: 2.77 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

tonoy30/Llama
Llama-2 on apple mac using gpu
Language: Jupyter Notebook - Size: 73.2 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0
