Top LLM Project (Github)

Opensource

SaaS

Vector Databse

Rag

Nocode

Github - LLM

Top 30 Popular LLM Projects on GitHub (as of October 26, 2023)

Title Description Stars URL
llama.cpp Port of Facebook’s LLaMA model in C++ 34.7k GitHub - ggerganov/llama.cpp: LLM inference in C/C++
Auto-GPT An experimental open-source attempt to make GPT-4 fully autonomous. 32.7k GitHub - Significant-Gravitas/AutoGPT: AutoGPT is the vision of accessible AI for everyone, to use and to build on. Our mission is to provide the tools, so that you can focus on what matters.
privateGPT Interact with your documents privately and securely using the power of LLMs. 29.9k GitHub - zylon-ai/private-gpt: Interact with your documents using the power of GPT, 100% privately, no data leaks
localGPT Chat with your documents using the power of LLMs, locally. No data leaves your computer. 21.3k GitHub - PromtEngineer/localGPT: Chat with your documents on your local device using GPT models. No data leaves your device and 100% private.
gpt4all Open-source assistant-style chat based on the GPT-J 6B model. 20.7k GitHub - nomic-ai/gpt4all: GPT4All: Chat with Local LLMs on Any Device
LangChain Building applications with LLMs through composability. 19.6k GitHub - langchain-ai/langchain: 🦜🔗 Build context-aware reasoning applications
DeepSpeed DeepSpeed is a deep learning optimization library that makes distributed training and inference easy, efficient, and effective. 18.8k GitHub - microsoft/DeepSpeed: DeepSpeed is a deep learning optimization library that makes distributed training and inference easy, efficient, and effective.
FastChat An open platform for training, serving, and evaluating large language models. 17.7k https://github.com/lmsysorg/fastchat
KoboldAI KoboldAI is a versatile platform for creating and playing AI-powered text adventures. 16.7k https://github.com/KoboldAI/KoboldAI
alpaca Instruct-tuning a language model based on the LLaMA model. 14.4k GitHub - tatsu-lab/stanford_alpaca: Code and documentation to train Stanford's Alpaca models, and generate the data.
transformers State-of-the-art Natural Language Processing for Pytorch, TensorFlow 2.0 and JAX. 11.1k GitHub - huggingface/transformers: 🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
text-generation-webui A Gradio web UI for running Large Language Models like LLaMA, llama.cpp, GPT-J, OPT, and StableLM. 10.9k https://github.com/ooopsAI/text-generation-webui
ChatGPT-Next-Web One-Click to deploy your own ChatGPT web UI with nextjs. 9.9k GitHub - ChatGPTNextWeb/ChatGPT-Next-Web: A cross-platform ChatGPT/Gemini UI (Web / PWA / Linux / Win / MacOS). 一键拥有你自己的跨平台 ChatGPT/Gemini 应用。
ollama Get up and running with large language models locally 9.4k GitHub - ollama/ollama: Get up and running with Llama 3.1, Mistral, Gemma 2, and other large language models.
MiniGPT-4 MiniGPT-4: Enhancing Vision-Language Understanding with Advanced Large Language Models 8.6k GitHub - Vision-CAIR/MiniGPT-4: Open-sourced codes for MiniGPT-4 and MiniGPT-v2 (https://minigpt-4.github.io, https://minigpt-v2.github.io/)
gpt-engineer Specify what you want it to build, the AI will generate the code for you. 8.3k GitHub - gpt-engineer-org/gpt-engineer: Specify what you want it to build, the AI asks for clarification, and then builds it. Completely separate team and codebase from the AI Web App builder https://gptengineer.app
AgentGPT :robot: Assemble, configure, and deploy autonomous AI Agents in your browser. 7.7k GitHub - reworkd/AgentGPT: 🤖 Assemble, configure, and deploy autonomous AI Agents in your browser.
vicuna Vicuna is an open-source chatbot trained by fine-tuning LLaMA on user-shared conversations collected from ShareGPT. 7.3k GitHub - lm-sys/FastChat: An open platform for training, serving, and evaluating large language models. Release repo for Vicuna and Chatbot Arena.
Bard Python SDK for interacting with Google Bard 7.2k GitHub - acheong08/Bard: Python SDK/API for reverse engineered Google Bard
Raven Interactive fiction framework that uses large language models to power the story 6.5k https://github.com/david-driscoll/raven
Chroma the AI-native open-source embedding database 6.4k GitHub - chroma-core/chroma: the AI-native open-source embedding database
LMFlow LMFlow: Large Model Flow for Training, Fine-tuning, and Inference 6.2k https://github.com/Optimal-AI/LMFlow
OpenAssistant OpenAssistant is a chat-based assistant that understands tasks, can interact with third-party systems, and retrieve information. 6.1k GitHub - LAION-AI/Open-Assistant: OpenAssistant is a chat-based assistant that understands tasks, can interact with third-party systems, and retrieve information dynamically to do so.
jarvis Your personal assistant, powered by AI :zap: 5.9k GitHub - microsoft/JARVIS: JARVIS, a system to connect LLMs with ML community. Paper: https://arxiv.org/pdf/2303.17580.pdf
vLLM A fast and efficient library for LLM inference and serving. Built on top of NVIDIA Triton. 5.6k GitHub - vllm-project/vllm: A high-throughput and memory-efficient inference and serving engine for LLMs
guidance A guidance language for controlling large language models. 5.4k GitHub - guidance-ai/guidance: A guidance language for controlling large language models.
LoRA Efficient Parameter-Efficient Fine-Tuning of Large Language Models. 5.2k GitHub - microsoft/LoRA: Code for loralib, an implementation of "LoRA: Low-Rank Adaptation of Large Language Models"
exllama A more memory-efficient rewrite of llama.cpp in C/C++ 4.9k GitHub - turboderp/exllama: A more memory-efficient rewrite of the HF transformers implementation of Llama for use with quantized weights.
Stable Diffusion web UI A browser interface based on Gradio library for Stable Diffusion. 4.8k GitHub - AUTOMATIC1111/stable-diffusion-webui: Stable Diffusion web UI
langchain-ChatGLM LangChain Integrations for ChatGLM-6B 4.7k GitHub - zylon-ai/private-gpt: Interact with your documents using the power of GPT, 100% privately, no data leaks

Top RAG Builder Projects on GitHub (as of October 26, 2023)

While there isn’t a specific category for “RAG builders” on GitHub, here are some of the top projects that facilitate building Retrieval Augmented Generation (RAG) systems:

Title Description Stars URL
LangChain Building applications with LLMs through composability. Provides tools for document loading, retrieval, and question answering. 19.6k https://github.com/hwchase17/langchain
Haystack End-to-end framework for building NLP search systems that can be extended with LLMs. 7.6k https://github.com/deepset-ai/haystack
LlamaIndex (GPT Index) A data framework for your LLM applications. Connects LLMs to external data. 6.2k https://github.com/jerryjliu/llama_index
DeepLake A data lake for deep learning. Build, manage, query, version, and collaborate on your unstructured data for LLMs. 3.6k https://github.com/activeloopai/deeplake
Faiss A library for efficient similarity search and clustering of dense vectors. Useful for building the retrieval component of RAG. 20.2k https://github.com/facebookresearch/faiss
Sentence Transformers Multilingual Sentence & Image Embeddings with BERT. Useful for generating embeddings for documents used in retrieval. 12.7k https://github.com/UKPLab/sentence-transformers
Chroma The AI-native open-source embedding database. Offers a vector database for semantic search and retrieval. 6.4k https://github.com/chroma-core/chroma
Weaviate Weaviate is an open-source vector search engine that allows you to store data objects and vector embeddings and query them through natural language. 3.8k https://github.com/weaviate/weaviate
Qdrant Vector Similarity Search Engine. Offers a robust and efficient vector database for building RAG systems. 3.6k https://github.com/qdrant/qdrant
Milvus An open-source vector database built for scalable similarity search and AI applications. 15.4k https://github.com/milvus-io/milvus

Explanation:

  • LangChain and Haystack offer comprehensive frameworks for building RAG pipelines, including components for document loading, splitting, embedding, retrieval, and LLM interaction.

  • LlamaIndex simplifies the process of connecting LLMs to various data sources and provides tools for building RAG applications.

  • DeepLake offers a specialized data lake designed for deep learning and LLM applications, facilitating data management and retrieval.

  • Faiss, Sentence Transformers, Chroma, Weaviate, Qdrant, and Milvus provide efficient vector search and storage capabilities, crucial for building the retrieval component of a RAG system.

This list focuses on projects that are either directly focused on RAG or provide essential components for building RAG systems. Remember that the best choice for your specific needs will depend on the complexity of your project and your specific requirements.

This information is accurate as of October 26, 2023. The popularity and features of these projects may change over time. Always refer to the official documentation and GitHub repositories for the most up-to-date information.