Large Language Modeling Engineer's Toolkit: A Selection of 120+ Useful Library Resources

AI News3mos agoupdate Sharenet.ai
375 0
吐司AI

In the field of artificial intelligence, large-scale language modeling (LLM) technology is changing rapidly, and various tool libraries are emerging. In order to help developers better meet the challenges of LLM development, this paper organizes a toolbox containing more than 120 useful LLM libraries, and divides them by functional categories, which is convenient for engineers to quickly find and apply.

大型语言模型工程师工具箱:精选120+实用库资源

 

Quick navigation

To make it easier for readers to quickly locate the resources they need, here are quick links to the tool libraries in each category:

🚀 LLM training and fine-tuning🧱 LLM Application Development🩸 LLM retrieval enhancement generation (RAG)
🟩 LLM reasoning🚧 LLM Service Deployment📤 LLM data extraction
🌠 LLM data generation💎 LLM Intelligent Body⚖️ LLM Assessment
🔍 LLM monitoring and control📅 LLM Prompt Word Engineering📝 LLM Structured Output
🛑 LLM Safety💠 LLM Embedding Models❇️ Other

 

LLM Training and Fine Tuning

library namedescriptivelink (on a website)
unslothFine-tune LLM faster with less memory.link (on a website)
PEFTAdvanced library for efficient fine-tuning of parameters.link (on a website)
TRLTraining using reinforcement learning transformer Language Modeling.link (on a website)
TransformersTransformers provides thousands of pre-trained models for performing tasks in different modalities such as text, vision and audio.link (on a website)
AxolotlTools designed to simplify post-training of various AI models.link (on a website)
LLMBoxA comprehensive LLM library, including a unified training pipeline and comprehensive model evaluation.link (on a website)
LitGPTQuickly train and fine-tune the LLM.link (on a website)
MergooA library for easily merging multiple LLM experts and efficiently training the merged LLM.link (on a website)
Llama-FactorySimple and efficient LLM fine-tuning tool.link (on a website)
LudwigLow-code framework for building custom LLMs, neural networks, and other AI models.link (on a website)
TxtinstructA framework for training instruction tuning models.link (on a website)
LaminiAn integrated LLM inference and tuning platform.link (on a website)
XTuringXTuring provides fast, efficient and easy fine-tuning of open source LLMs such as Mistral, LLaMA, GPT-J and others.link (on a website)
RL4LMsA modular RL library for fine-tuning language models to human preferences.link (on a website)
DeepSpeedDeepSpeed is a deep learning optimization library that makes distributed training and inference simple, efficient and effective.link (on a website)
torchtuneA PyTorch native library designed specifically for fine-tuning LLM.link (on a website)
PyTorch LightningA library that provides a high-level interface for pre-training and fine-tuning LLMs.link (on a website)

 

LLM Application Development

organizing plan

library namedescriptivelink (on a website)
LangChainLangChain is a framework for developing applications driven by the Large Language Model (LLM).link (on a website)
Llama IndexLlamaIndex is the data framework for LLM applications.link (on a website)
HayStackHaystack is an end-to-end LLM framework that allows users to build applications driven by LLM, Transformer models, vector search, and more.link (on a website)
Prompt flowA set of development tools designed to simplify the end-to-end development cycle of LLM-based AI applications.link (on a website)
GriptapeA modular Python framework for building AI-driven applications.link (on a website)
WeaveWeave is a toolkit for developing generative AI applications.link (on a website)
Llama StackBuild the Llama app.link (on a website)

Multiple API Access

library namedescriptivelink (on a website)
LiteLLMA library of over 100 LLM API calls in OpenAI format.link (on a website)
AI GatewayA fast AI gateway with integrated fencing. Routes to 200+ LLMs, 50+ AI fences via 1 fast and friendly API.link (on a website)

router (computing)

library namedescriptivelink (on a website)
RouteLLMFramework for servicing and evaluating LLM routers - Saving LLM costs without compromising quality Direct replacement for OpenAI clients for routing simpler queries to cheaper models.link (on a website)

memorization

library namedescriptivelink (on a website)
mem0Memory layer for AI applications.link (on a website)
MemoripyAn AI memory layer with short- and long-term storage, semantic clustering, and optional memory decay for context-aware applications.link (on a website)

interfaces

library namedescriptivelink (on a website)
StreamlitA faster way to build and share data applications.Streamlit lets users turn Python scripts into interactive web applications in minutes.link (on a website)
GradioBuild and share delightful machine learning applications all in Python.link (on a website)
AI SDK UIBuilding chat and generative user interfaces.link (on a website)
AI-GradioCreate AI applications supported by a variety of AI providers.link (on a website)
SimpleaichatPython package for easily interacting with chat applications with powerful features and minimal code complexity.link (on a website)
ChainlitBuild production-ready conversational AI apps in minutes.link (on a website)

low code

library namedescriptivelink (on a website)
LangFlowLangFlow is a low-code application builder for RAG and multi-agent AI applications. It is based on Python and is not related to any model, API or database.link (on a website)

(computing) cache

library namedescriptivelink (on a website)
GPTCacheA library for creating semantic caches for LLM queries. Reduces the cost of the LLM API by 10x💰 and increases speed by 100x. Fully integrated with LangChain and LlamaIndex.link (on a website)

 

LLM RAG

library namedescriptivelink (on a website)
FastGraph RAGThe streamlined and promptable Fast GraphRAG framework is designed for interpretable, highly accurate, agent-driven retrieval workflows.link (on a website)
ChonkieRAG chunking library, lightweight, extremely fast and easy to use.link (on a website)
RAGCheckerA fine-grained framework for diagnosing RAG.link (on a website)
RAG to RichesBuild, extend, and deploy advanced search-enhanced generation applications.link (on a website)
BeyondLLMBeyond LLM provides an all-in-one toolkit for experimentation, evaluation, and deployment of Retrieval Augmented Generation (RAG) systems.link (on a website)
SQLite-VecA vector search SQLite extension that runs anywhere!link (on a website)
fastRAGfastRAG is a research framework for efficient and optimized retrieval of enhanced generation pipelines, combining advanced LLM and information retrieval techniques.link (on a website)
FlashRAGPython toolkit for efficient RAG research.link (on a website)
LlmwareA unified framework for building enterprise RAG pipelines using small, specialized models.link (on a website)
RerankersLightweight unified API for various reordering models.link (on a website)
VectaraBuild the Agentic RAG application.link (on a website)

 

LLM reasoning

library namedescriptivelink (on a website)
LLM CompressorTransformers-compatible library for applying various compression algorithms to LLM to optimize deployment.link (on a website)
LightLLMPython-based LLM inference and service framework known for its lightweight design, ease of scalability, and high-speed performance.link (on a website)
vLLMHigh throughput and memory efficient inference and service engine for LLM.link (on a website)
torchchatRun PyTorch LLM locally on servers, desktops, and mobile devices.link (on a website)
TensorRT-LLMTensorRT-LLM is a library for optimizing Large Language Model (LLM) inference.link (on a website)
WebLLMHigh-performance in-browser LLM inference engine.link (on a website)

 

LLM service deployment

library namedescriptivelink (on a website)
LangcornUse FastAPI to automate the servicing of LangChain LLM applications and agents.link (on a website)
LitServeExtremely fast service engine for any AI model of any size. It enhances FastAPI with features such as batch processing, streaming, and GPU autoscaling.link (on a website)

 

LLM Data Extraction

library namedescriptivelink (on a website)
Crawl4AIOpen source LLM friendly Web crawler and crawling tool .link (on a website)
ScrapeGraphAIA web crawling Python library that uses LLM and direct graph logic to create crawling pipelines for websites and local documents (XML, HTML, JSON, Markdown, etc.).link (on a website)
DoclingDocling parses documents and exports them easily and quickly to the desired format.link (on a website)
Llama ParseGenAI native document parser that can parse complex document data for any downstream LLM use case (RAG, agent).link (on a website)
PyMuPDF4LLMThe PyMuPDF4LLM library makes it easier for users to extract PDF content in the formats required by LLM & RAG environments.link (on a website)
CrawleeA web crawler and browser automation library.link (on a website)
MegaParseParser for each document type.link (on a website)
ExtractThinkerDocument Intelligence Library for LLM.link (on a website)

 

LLM Data Generation

library namedescriptivelink (on a website)
DataDreamerDataDreamer is a powerful open-source Python library for prompting, synthetic data generation, and training workflows.link (on a website)
fabricatorA flexible open source framework for generating datasets using large language models.link (on a website)
PromptwrightSynthetic dataset generation library.link (on a website)
EasyInstructAn easy-to-use framework for processing large language model instructions.link (on a website)

LLM Intelligent Body

library namedescriptivelink (on a website)
CrewAIA framework for orchestrating role-playing, autonomous AI agents.link (on a website)
LangGraphConstruct the elastic language agent as a graph.link (on a website)
AgnoBuild AI agents with memory, knowledge, tools, and reasoning capabilities. Chat with them using a beautiful agent UI.link (on a website)
AutoGenAn open source framework for building AI agent systems.link (on a website)
SmolagentsLibrary for building powerful agents in a few lines of code.link (on a website)
Pydantic AIPython agent framework for building production-grade applications using generative AI.link (on a website)
gradio-toolsA Python library for converting Gradio applications into tools that can be utilized by LLM-based agents to accomplish their tasks.link (on a website)
ComposioProduction-ready toolset for AI agents.link (on a website)
Atomic AgentsBuild AI agents atomically.link (on a website)
MemaryAn open source memory layer for autonomous agents.link (on a website)
Browser UseMake the site accessible to AI agents.link (on a website)
OpenWebAgentAn open toolkit for enabling web proxies on large language models.link (on a website)
LagentA lightweight framework for building LLM-based agents.link (on a website)
LazyLLMA low-code development tool for building multi-agent LLM applications.link (on a website)
SwarmsAn enterprise-class production-ready multi-agent orchestration framework.link (on a website)
ChatArenaChatArena is a library that provides a multi-agent language game environment and facilitates research on autonomous LLM agents and their social interactions.link (on a website)
SwarmExploring an ergonomic, lightweight, multi-agent orchestrated educational framework.link (on a website)
AgentStackThe fastest way to build powerful AI agents.link (on a website)
ArchgwIntelligent Agent Gateway.link (on a website)
FlowA lightweight task engine for building AI agents.link (on a website)
AgentOpsPython SDK for AI agent monitoring.link (on a website)
LangroidMulti-agent framework.link (on a website)
AgentariumA framework for creating and managing simulations that populate AI-driven agents.link (on a website)
Upsonicbe in favor of MCP framework for reliable AI agents.link (on a website)

 

LLM Assessment

library namedescriptivelink (on a website)
RagasRagas is the ultimate toolkit for evaluating and optimizing Large Language Model (LLM) applications.link (on a website)
GiskardOpen source evaluation and testing tools for ML & LLM systems.link (on a website)
DeepEvalLLM Assessment Frameworklink (on a website)
LightevalAn all-in-one toolkit for evaluating LLMs.link (on a website)
TrulensEvaluation and tracking tools for LLM experimentslink (on a website)
PromptBenchA unified assessment framework for large-scale language models.link (on a website)
LangTestDelivering safe and valid language models. Over 60 test types for comparing LLM & NLP models in terms of accuracy, bias, fairness, robustness, and more.link (on a website)
EvalPlusRigorous evaluation framework for LLM4Code.link (on a website)
FastChatAn open platform for training, serving, and evaluating chatbots based on large language models.link (on a website)
judgesA small pool of LLM judges.link (on a website)
EvalsEvals is a framework for evaluating LLM and LLM systems, as well as benchmarking open source registries.link (on a website)
AgentEvalsEvaluators and utilities for evaluating agent performance.link (on a website)
LLMBoxA comprehensive LLM library, including a unified training pipeline and comprehensive model evaluation.link (on a website)
OpikAn open source end-to-end LLM development platform that also includes LLM evaluation.link (on a website)

 

LLM Monitoring

library namedescriptivelink (on a website)
MLflowAn open source end-to-end MLOps/LLMOps platform for tracking, evaluating and monitoring LLM applications.link (on a website)
OpikAn open source end-to-end LLM development platform that also includes LLM monitoring.link (on a website)
LangSmithProvides tools for documenting, monitoring and improving LLM applications.link (on a website)
Weights & Biases (W&B)W&B provides features for tracking LLM performance.link (on a website)
HeliconeOpen source LLM observability platform for developers. One line integration for monitoring, metrics, evaluation, agent tracking, cue management, playgrounds and more.link (on a website)
EvidentlyAn open source ML and LLM observability framework.link (on a website)
PhoenixAn open source AI observability platform designed for experimentation, evaluation, and troubleshooting.link (on a website)
ObserversA lightweight library for AI observability.link (on a website)

 

LLM Cue word engineering

library namedescriptivelink (on a website)
PCToolkitUnified plug-and-play hint compression toolkit for large language models.link (on a website)
Selective ContextSelective Context compresses the user's prompts and context to allow the LLM (e.g. ChatGPT) to process 2x more content.link (on a website)
LLMLinguaLibrary for compressing hints to accelerate LLM reasoning.link (on a website)
betterpromptA suite for testing LLM prompts before pushing them to the production environment.link (on a website)
PromptifySolve NLP problems with LLM and easily generate different NLP task prompts for popular generative models such as GPT, PaLM, etc. with Promptify.link (on a website)
PromptSourcePromptSource is a toolkit for creating, sharing and using natural language prompts.link (on a website)
DSPyDSPy is an open source framework for programming (not prompting) language models.link (on a website)
Py-priomptCue the design library.link (on a website)
PromptimizerHints to optimize the library.link (on a website)

 

LLM Structured Output

library namedescriptivelink (on a website)
InstructorPython library for processing structured output from large language models (LLMs). Built on top of Pydantic, it provides a simple, transparent, and user-friendly API.link (on a website)
XGrammarAn open source library for efficient, flexible and portable structure generation.link (on a website)
OutlinesPowerful (structured) text generationlink (on a website)
GuidanceGuidance is a valid programming paradigm used to guide the language model.link (on a website)
LMQLA language for constraint bootstrapping and efficient LLM programming.link (on a website)
JsonformerA foolproof method for generating structured JSON from language models.link (on a website)

 

LLM Security

library namedescriptivelink (on a website)
JailbreakEvalA collection of automated evaluators for evaluating jailbreak attempts.link (on a website)
EasyJailbreakAn easy-to-use Python framework for generating adversarial jailbreak hints.link (on a website)
GuardrailsAdding guardrails to large language models.link (on a website)
LLM GuardA security toolkit for LLM interaction.link (on a website)
AuditNLGAuditNLG is an open source library that can help reduce the risks associated with using generative AI systems for language.link (on a website)
NeMo GuardrailsNeMo Guardrails is an open source toolkit for easily adding programmable guardrails to LLM-based dialog systems.link (on a website)
GarakLLM Vulnerability Scannerlink (on a website)

 

LLM Embedding Model

library namedescriptivelink (on a website)
Sentence-TransformersAdvanced text embedding modellink (on a website)
Model2VecFast advanced static embedding modelslink (on a website)
Text Embedding InferenceHigh-speed inference solution for text embedding models.TEI implements high-performance extraction for the most popular models, including FlagEmbedding, Ember, GTE, and E5.link (on a website)

 

(sth. or sb) else

library namedescriptivelink (on a website)
Text MachinaA modular and extensible Python framework designed to help create high-quality, unbiased datasets for building robust models for MGT-related tasks such as detection, attribution, and boundary detection.link (on a website)
LLM ReasonersA library for advanced large-scale language model reasoning.link (on a website)
EasyEditAn easy-to-use knowledge editing framework for large-scale language models.link (on a website)
CodeTFCodeTF: A one-stop Transformer library for advanced code LLM.link (on a website)
spacy-llmThis package integrates a large-scale language model (LLM) into spaCy with a modular system for rapid prototyping and cueing, and transforms unstructured responses into robust outputs for a variety of NLP tasks.link (on a website)
pandas-aiChat with the user's database (SQL, CSV, pandas, polars, MongoDB, NoSQL, etc.).link (on a website)
LLM Transparency ToolAn open source interactive toolkit for analyzing the inner workings of Transformer-based language models.link (on a website)
VannaChat with your users' SQL databases. Accurate text-to-SQL generation using RAG's LLM.link (on a website)
mergekitTools for merging pre-trained large language models.link (on a website)
MarkLLMAn LLM watermarking open source toolkit.link (on a website)
LLMSanitizeAn open source library for contamination detection in NLP datasets and large language models (LLMs).link (on a website)
AnnotateaiAutomatically annotate papers using LLM.link (on a website)
LLM ReasonerLet any LLM like OpenAI o1 and DeepSeek Think like R1.link (on a website)
© Copyright notes
AiPPT

Related posts

No comments

none
No comments...