机器学习|精选生产级LLM开源项目

为了方便LLM相关的学习,整理了ChatGPT相关开源库列表,包括数据预处理、训练/微调、评估/基准测试、服务/推理、应用/RAG、测试/监控、安全等。

LLM 数据处理

  • data-juicer [https://github.com/modelscope/data-juicer] 一个一站式数据处理系统,使数据质量更高、更丰富、更易于(多模态)LLM处理!

  • datatrove [https://github.com/huggingface/datatrove] 通过提供一组平台无关的可定制管道处理模块,解放数据处理脚本的混乱。

  • dolma [https://github.com/allenai/dolma] 用于生成和检查OLMo预训练数据的数据和工具。

  • dataverse [https://github.com/UpstageAI/dataverse] 数据的宇宙。关于数据、数据科学和数据工程的一切。

  • NeMo-Curator [https://github.com/NVIDIA/NeMo-Curator] 可扩展的数据管理工具包。

  • dps [https://github.com/EleutherAI/dps] 多语言数据处理系统。

LLM 训练 / 微调

  • nanoGPT [https://github.com/karpathy/nanoGPT] 最简单、最快速的中型GPT训练/微调仓库。

  • LLaMA-Factory [https://github.com/hiyouga/LLaMA-Factory] 一个用于高效微调100+ LLMs的WebUI(ACL 2024)。

  • peft [https://github.com/huggingface/peft] PEFT:最先进的参数高效微调。

  • llama-recipes [https://github.com/meta-llama/llama-recipes] 使用可组合的FSDP和PEFT方法微调Meta Llama3的脚本,覆盖单节点/多节点GPU。

  • Megatron-LM [https://github.com/NVIDIA/Megatron-LM] 大规模训练Transformer模型的持续研究。

  • litgpt [https://github.com/Lightning-AI/litgpt] 20+高性能LLM,提供预训练、微调和大规模部署的配方。

  • trl [https://github.com/huggingface/trl] 使用强化学习训练Transformer语言模型。

  • LMFlow [https://github.com/OptimalScale/LMFlow] 一个用于大模型微调和推理的可扩展工具包。大模型为所有人服务。

  • gpt-neox [https://github.com/EleutherAI/gpt-neox] 基于Megatron和DeepSpeed库的GPU上模型并行自回归Transformer的实现。

  • torchtune [https://github.com/pytorch/torchtune] 一个原生PyTorch的LLM微调库。

  • xtuner [https://github.com/InternLM/xtuner] 一个高效、灵活且功能齐全的LLM微调工具包(支持InternLM2、Llama3、Phi3、Qwen、Mistral等)。

  • nanotron [https://github.com/huggingface/nanotron] 极简的大语言模型3D并行训练。

LLM 评估 / 基准测试

  • evals [https://github.com/openai/evals] 一个用于评估LLM和LLM系统的框架,以及一个开源的基准测试注册表。

  • lm-evaluation-harness [https://github.com/EleutherAI/lm-evaluation-harness] 一个用于少样本评估语言模型的框架。

  • opencompass [https://github.com/open-compass/opencompass] 一个LLM评估平台,支持多种模型(Llama3、Mistral、InternLM2、GPT-4、LLaMa2、Qwen、GLM、Claude等)和100+数据集。

  • deepeval [https://github.com/confident-ai/deepeval] LLM评估框架。

  • lighteval [https://github.com/huggingface/lighteval] LightEval是一个轻量级的LLM评估套件,Hugging Face内部使用,最近发布了LLM数据处理库datatrove和LLM训练库nanotron。

  • evalverse [https://github.com/UpstageAI/evalverse] 评估的宇宙,关于LLM评估的一切。

LLM 服务 / 推理

  • ollama [https://github.com/ollama/ollama] 快速启动并运行Llama 3.1、Mistral、Gemma 2和其他大语言模型。

  • gpt4all [https://github.com/nomic-ai/gpt4all] GPT4All:在任何设备上与本地LLMs聊天。

  • llama.cpp [https://github.com/ggerganov/llama.cpp] 用C/C++进行LLM推理。

  • FastChat [https://github.com/lm-sys/FastChat] 一个用于训练、服务和评估大语言模型的开放平台。Vicuna和Chatbot Arena的发布仓库。

  • vllm [https://github.com/vllm-project/vllm] 一个高吞吐量和内存高效的LLM推理和服务引擎。

  • guidance [https://github.com/guidance-ai/guidance] 一个用于控制大语言模型的指导语言。

  • LiteLLM [https://github.com/BerriAI/litellm] 使用OpenAI格式调用所有LLM API。支持Bedrock、Azure、OpenAI、Cohere、Anthropic、Ollama、Sagemaker、HuggingFace、Replicate、Groq(100+ LLMs)。

  • OpenLLM [https://github.com/bentoml/OpenLLM] 在云中以OpenAI兼容的API端点运行任何开源LLM,如Llama 3.1、Gemma。

  • text-generation-inference [https://github.com/huggingface/text-generation-inference] 大语言模型文本生成推理。

  • TensorRT-LLM [https://github.com/NVIDIA/TensorRT-LLM] TensorRT-LLM为用户提供了一个易于使用的Python API,用于定义大语言模型(LLMs)并构建包含最先进优化的TensorRT引擎,以在NVIDIA GPU上高效地进行推理。

  • LMDeploy [https://github.com/InternLM/lmdeploy] LMDeploy是一个用于压缩、部署和服务LLM的工具包。

  • RouteLLM [https://github.com/lm-sys/RouteLLM] 一个用于服务和评估LLM路由器的框架——在不牺牲质量的情况下节省LLM成本!

LLM 应用 / RAG

  • AutoGPT [https://github.com/Significant-Gravitas/AutoGPT] AutoGPT是人人可用的AI愿景,供使用和构建,我们的使命是提供工具,让你专注于重要的事情。

  • langchain [https://github.com/langchain-ai/langchain] 构建上下文感知的推理应用。

  • MetaGPT [https://github.com/geekan/MetaGPT] 多代理框架:第一个AI软件公司,迈向自然语言编程。

  • dify [https://github.com/langgenius/dify] Dify是一个开源的LLM应用开发平台。Dify的直观界面结合了AI工作流、RAG管道、代理功能、模型管理、可观察性功能等,让你快速从原型到生产。

  • llama_index [https://github.com/run-llama/llama_index] LlamaIndex是一个用于LLM应用的数据框架。

  • Flowise [https://github.com/FlowiseAI/Flowise] 拖放式UI构建自定义LLM流程。

  • mem0 [https://github.com/mem0ai/mem0] 个性化AI的记忆层。

  • haystack [https://github.com/deepset-ai/haystack] LLM编排框架,用于构建可定制的、生产就绪的LLM应用。将组件(模型、向量数据库、文件转换器)连接到管道或代理,以便与数据交互。

  • GraphRAG [https://github.com/microsoft/graphrag] 一个模块化的基于图的检索增强生成(RAG)系统。

  • RAGFlow [https://github.com/infiniflow/ragflow] RAGFlow是一个基于深度文档理解的开源RAG(检索增强生成)引擎。

  • llmware [https://github.com/llmware-ai/llmware] 用于构建企业RAG管道的统一框架,使用小型、专用模型。

  • llama-agentic-system [https://github.com/meta-llama/llama-agentic-system] Llama Stack API的代理组件。

LLM 测试 / 监控

  • promptflow [https://github.com/microsoft/promptflow] 构建高质量的LLM应用——从原型、测试到生产部署和监控。

  • langfuse [https://github.com/langfuse/langfuse] 开源LLM工程平台:可观察性、指标、评估、提示管理、操场、数据集,与LlamaIndex、Langchain、OpenAI SDK、LiteLLM等集成。

  • evidently [https://github.com/evidentlyai/evidently] Evidently是一个开源的ML和LLM可观察性框架,评估、测试和监控任何AI驱动的系统或数据管道。从表格数据到生成AI,100+指标。

  • giskard [https://github.com/Giskard-AI/giskard] 开源的LLM和ML模型评估与测试。

  • promptfoo [https://github.com/promptfoo/promptfoo] 测试你的提示、代理和RAG。对LLM进行红队测试、渗透测试和漏洞扫描,提高应用质量并发现问题。比较GPT、Claude、Gemini、Llama等的性能,简单的声明性配置,支持命令行和CI/CD集成。

  • phoenix [https://github.com/Arize-ai/phoenix] AI可观察性与评估。

  • agenta [https://github.com/Agenta-AI/agenta] 一体化LLM开发平台:提示管理、评估、人类反馈和部署一站式解决。

LLM 安全

  • NeMo-Guardrails [https://github.com/NVIDIA/NeMo-Guardrails] NeMo Guardrails是一个开源工具包,用于轻松为基于LLM的对话系统添加可编程护栏。

  • guardrails [https://github.com/guardrails-ai/guardrails] 为大语言模型添加护栏。

  • PurpleLlama [https://github.com/meta-llama/PurpleLlama] 一套评估和改进LLM安全性的工具。

  • llm-guard [https://github.com/protectai/llm-guard] LLM交互的安全工具包。

参考

(1)https://github.com/EthicalML/awesome-production-machine-learning
(2)https://github.com/jihoo-kim/awesome-production-llm

  • 23
    点赞
  • 22
    收藏
    觉得还不错? 一键收藏
  • 0
    评论
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值