全世界最好的中文大语言模型资源汇总 持续更新
数据 Data
- AotoLabel: Label, clean and enrich text datasets with LLMs.
- LabelLLM: The Open-Source Data Annotation Platform.
- data-juicer: A one-stop data processing system to make data higher-quality, juicier, and more digestible for LLMs!
- OmniParser: a native Golang ETL streaming parser and transform library for CSV, JSON, XML, EDI, text, etc.
- MinerU: MinerU is a one-stop, open-source, high-quality data extraction tool, supports PDF/webpage/e-book extraction.
- PDF-Extract-Kit: A Comprehensive Toolkit for High-Quality PDF Content Extraction.
- Parsera: Lightweight library for scraping web-sites with LLMs.
微调 Fine-Tuning
- LLaMA-Factory: Unify Efficient Fine-Tuning of 100+ LLMs.
- unsloth: 2-5X faster 80% less memory LLM finetuning.
- TRL: Transformer Reinforcement Learning.
- Firefly: Firefly: 大模型训练工具,支持训练数十种大模型
- Xtuner: An efficient, flexible and full-featured toolkit for fine-tuning large models.
- torchtune: A Native-PyTorch Library for LLM Fine-tuning.
- Swift: Use PEFT or Full-parameter to finetune 200+ LLMs or 15+ MLLMs.
- AutoTrain: A new way to automatically train, evaluate and deploy state-of-the-art Machine Learning models.
- OpenRLHF: An Easy-to-use, Scalable and High-performance RLHF Framework (Support 70B+ full tuning & LoRA & Mixtral & KTO).
- Ludwig: Low-code framework for building custom LLMs, neural networks, and other AI models.
- mistral-finetune: A light-weight codebase that enables memory-efficient and performant finetuning of Mistral's models.
- aikit: Fine-tune, build, and deploy open-source LLMs easily!
- H2O-LLMStudio: H2O LLM Studio - a framework and no-code GUI for fine-tuning LLMs.
- LitGPT: Pretrain, finetune, deploy 20+ LLMs on your own data. Uses state-of-the-art techniques: flash attention, FSDP, 4-bit, LoRA, and more.
- LLMBox: A comprehensive library for implementing LLMs, including a unified training pipeline and comprehensive model evaluation.
- PaddleNLP: Easy-to-use and powerful NLP and LLM library.
- workbench-llamafactory: This is an NVIDIA AI Workbench example project that demonstrates an end-to-end model development workflow using Llamafactory.
- OpenRLHF: An Easy-to-use, Scalable and High-performance RLHF Framework (70B+ PPO Full Tuning & Iterative DPO & LoRA & Mixtral).
- TinyLLaVA Factory: A Framework of Small-scale Large Multimodal Models.
- LLM-Foundry: LLM training code for Databricks foundation models.
- lmms-finetune: A unified codebase for finetuning (full, lora) large multimodal models, supporting llava-1.5, qwen-vl, llava-interleave, llava-next-video, phi3-v etc.
- Simplifine: Simplifine lets you invoke LLM finetuning with just one line of code using any Hugging Face dataset or model.
- Transformer Lab: Open Source Application for Advanced LLM Engineering: interact, train, fine-tune, and evaluate large language models on your own computer.
推理 Inference
- ollama: Get up and running with Llama 3, Mistral, Gemma, and other large language models.
- Open WebUI: User-friendly WebUI for LLMs (Formerly Ollama WebUI).
- Text Generation WebUI: A Gradio web UI for Large Language Models. Supports transformers, GPTQ, AWQ, EXL2, llama.cpp (GGUF), Llama models.
- Xinference: A powerful and versatile library designed to serve language, speech recognition, and multimodal models.
- LangChain: Build context-aware reasoning applications.
- LlamaIndex: A data framework for your LLM applications.
- lobe-chat: an open-source, modern-design LLMs/AI chat framework. Supports Multi AI Providers, Multi-Modals (Vision/TTS) and plugin system.
- TensorRT-LLM: TensorRT-LLM provides users with an easy-to-use Python API to define Large Language Models (LLMs) and build TensorRT engines that contain state-of-the-art optimizations to perform inference efficiently on NVIDIA GPUs.
- vllm: A high-throughput and memory-efficient inference and serving engine for LLMs.
- LlamaChat: Chat with your favourite LLaMA models in a native macOS app.
- NVIDIA ChatRTX: ChatRTX is a demo app that lets you personalize a GPT large language model (LLM) connected to your own content—docs, notes, or other data.
- LM Studio: Discover, download, and run local LLMs.
- chat-with-mlx: Chat with your data natively on Apple Silicon using MLX Framework.
- LLM Pricing: Quickly Find the Perfect Large Language Models (LLM) API for Your Budget! Use Our Free Tool for Instant Access to the Latest Prices from Top Providers.
- Open Interpreter: A natural language interface for computers.
- Chat-ollama: An open source chatbot based on LLMs. It supports a wide range of language models, and knowledge base management.
- chat-ui: Open source codebase powering the HuggingChat app.
- MemGPT: Create LLM agents with long-term memory and custom tools.
- koboldcpp: A simple one-file way to run various GGML and GGUF models with KoboldAI's UI.
- LLMFarm: llama and other large language models on iOS and MacOS offline using GGML library.
- enchanted: Enchanted is iOS and macOS app for chatting with private self hosted language models such as Llama2, Mistral or Vicuna using Ollama.
- Flowise: Drag & drop UI to build your customized LLM flow.
- Jan: Jan is an open source alternative to ChatGPT that runs 100% offline on your computer. Multiple engine support (llama.cpp, TensorRT-LLM).
- LMDeploy: LMDeploy is a toolkit for compressing, deploying, and serving LLMs.
- RouteLLM: A framework for serving and evaluating LLM routers - save LLM costs without compromising quality!
- MInference: About To speed up Long-context LLMs' inference, approximate and dynamic sparse calculate the attention, which reduces inference latency by up to 10x for pre-filling on an A100 while maintaining accuracy.
- Mem0: The memory layer for Personalized AI.
- SGLang: SGLang is yet another fast serving framework for large language models and vision language models.
- AirLLM: AirLLM optimizes inference memory usage, allowing 70B large language models to run inference on a single 4GB GPU card without quantization, distillation and pruning. And you can run 405B Llama3.1 on 8GB vram now.
评估 Evaluation
- lm-evaluation-harness: A framework for few-shot evaluation of language models.
- opencompass: OpenCompass is an LLM evaluation platform, supporting a wide range of models (Llama3, Mistral, InternLM2,GPT-4,LLaMa2, Qwen,GLM, Claude, etc) over 100+ datasets.
- llm-comparator: LLM Comparator is an interactive data visualization tool for evaluating and analyzing LLM responses side-by-side, developed.
体验 Usage
- LMSYS Chatbot Arena: Benchmarking LLMs in the Wild
- CompassArena 司南大模型竞技场
- 琅琊榜
- Huggingface Spaces
- WiseModel Spaces
- Poe
- 林哥的大模型野榜
RAG
- AnythingLLM: The all-in-one AI app for any LLM with full RAG and AI Agent capabilites.
- MaxKB: 基于 LLM 大语言模型的知识库问答系统。开箱即用,支持快速嵌入到第三方业务系统
- RAGFlow: An open-source RAG (Retrieval-Augmented Generation) engine based on deep document understanding.
- Dify: An open-source LLM app development platform. Dify's intuitive interface combines AI workflow, RAG pipeline, agent capabilities, model management, observability features and more, letting you quickly go from prototype to production.
- FastGPT: A knowledge-based platform built on the LLM, offers out-of-the-box data processing and model invocation capabilities, allows for workflow orchestration through Flow visualization.
- Langchain-Chatchat: 基于 Langchain 与 ChatGLM 等不同大语言模型的本地知识库问答
- QAnything: Question and Answer based on Anything.
- Quivr: A personal productivity assistant (RAG) ⚡️🤖 Chat with your docs (PDF, CSV, ...) & apps using Langchain, GPT 3.5 / 4 turbo, Private, Anthropic, VertexAI, Ollama, LLMs, Groq that you can share with users ! Local & Private alternative to OpenAI GPTs & ChatGPT powered by retrieval-augmented generation.
- RAG-GPT: RAG-GPT, leveraging LLM and RAG technology, learns from user-customized knowledge bases to provide contextually relevant answers for a wide range of queries, ensuring rapid and accurate information retrieval.
- Verba: Retrieval Augmented Generation (RAG) chatbot powered by Weaviate.
- FlashRAG: A Python Toolkit for Efficient RAG Research.
- GraphRAG: A modular graph-based Retrieval-Augmented Generation (RAG) system.
- LightRAG: LightRAG helps developers with both building and optimizing Retriever-Agent-Generator pipelines.
- GraphRAG-Ollama-UI: GraphRAG using Ollama with Gradio UI and Extra Features.
- nano-GraphRAG: A simple, easy-to-hack GraphRAG implementation.
- RAG Techniques: This repository showcases various advanced techniques for Retrieval-Augmented Generation (RAG) systems. RAG systems combine information retrieval with generative models to provide accurate and contextually rich responses.
Agents
- AutoGen: AutoGen is a framework that enables the development of LLM applications using multiple agents that can converse with each other to solve tasks. AutoGen AIStudio
- CrewAI: Framework for orchestrating role-playing, autonomous AI agents. By fostering collaborative intelligence, CrewAI empowers agents to work together seamlessly, tackling complex tasks.
- Coze
- AgentGPT: Assemble, configure, and deploy autonomous AI Agents in your browser.
- XAgent: An Autonomous LLM Agent for Complex Task Solving.
- MobileAgent: The Powerful Mobile Device Operation Assistant Family.
- Lagent: A lightweight framework for building LLM-based agents.
- Qwen-Agent: Agent framework and applications built upon Qwen2, featuring Function Calling, Code Interpreter, RAG, and Chrome extension.
- LinkAI: 一站式 AI