跳到主要内容
大型语言模型(LLM)是强大的 AI 工具,能够像人类一样解释和生成文本。它们功能多样,可以撰写内容、翻译语言、总结和回答问题,而无需针对每个任务进行专门训练。 除了文本生成,许多模型还支持:
  • 工具调用 - 调用外部工具(如数据库查询或 API 调用)并在其响应中使用结果。
  • 结构化输出 - 模型响应被限制为遵循定义的格式。
  • 多模态 - 处理和返回除文本之外的数据,例如图像、音频和视频。
  • 推理 - 模型执行多步推理以得出结论。
模型是代理的推理引擎。它们驱动代理的决策过程,确定调用哪些工具、如何解释结果以及何时提供最终答案。 您选择的模型的质量和能力直接影响代理的可靠性和性能。不同的模型擅长不同的任务——有些更擅长遵循复杂指令,有些更擅长结构化推理,有些支持更大的上下文窗口来处理更多信息。 LangChain 的标准模型接口让您可以访问许多不同的提供商集成,这使得实验和切换模型变得容易,从而找到最适合您情况的模型。
有关提供商特定的集成信息和功能,请参阅提供商的聊天模型页面

基本用法

模型可以通过两种方式使用
  1. 与代理一起使用 - 在创建代理时可以动态指定模型。
  2. 独立使用 - 模型可以直接调用(在代理循环之外),用于文本生成、分类或提取等任务,而无需代理框架。
相同的模型接口在两种上下文中都适用,这让您可以灵活地从简单开始,并根据需要扩展到更复杂的基于代理的工作流。

初始化模型

在 LangChain 中使用独立模型最简单的方法是使用 init_chat_model 从您选择的聊天模型提供商初始化一个模型(示例如下)
  • OpenAI
  • Anthropic
  • Azure
  • Google Gemini
  • AWS Bedrock
👉 阅读 OpenAI 聊天模型集成文档
pip install -U "langchain[openai]"
import os
from langchain.chat_models import init_chat_model

os.environ["OPENAI_API_KEY"] = "sk-..."

model = init_chat_model("gpt-4.1")
response = model.invoke("Why do parrots talk?")
有关更多详细信息,包括如何传递模型参数的信息,请参阅 init_chat_model

关键方法

调用

模型接收消息作为输入,并在生成完整响应后输出消息。

流式处理

调用模型,但实时流式传输输出。

批量处理

以批处理方式向模型发送多个请求,以提高处理效率。
除了聊天模型,LangChain 还支持其他相关技术,如嵌入模型和向量存储。有关详细信息,请参阅集成页面

参数

聊天模型接受可用于配置其行为的参数。支持的完整参数集因模型和提供商而异,但标准参数包括
model
字符串
必填
您希望与提供商一起使用的特定模型的名称或标识符。
api_key
字符串
用于与模型提供商进行身份验证所需的密钥。通常在您注册访问模型时颁发。通常通过设置环境变量来访问。.
temperature
数字
控制模型输出的随机性。数字越高,响应越有创意;数字越低,响应越确定。
timeout
数字
在取消请求之前,等待模型响应的最长时间(以秒为单位)。
max_tokens
数字
限制响应中token的总数,有效控制输出的长度。在响应中,有效控制输出的长度。
max_retries
数字
如果请求因网络超时或速率限制等问题而失败,系统将尝试重新发送请求的最大次数。
使用init_chat_model,将这些参数作为内联:
使用模型参数初始化
model = init_chat_model(
    "claude-sonnet-4-5-20250929",
    # Kwargs passed to the model:
    temperature=0.7,
    timeout=30,
    max_tokens=1000,
)
每个聊天模型集成都可能有额外的参数,用于控制提供商特定的功能。例如,ChatOpenAIuse_responses_api 来决定是否使用 OpenAI Responses 或 Completions API。要查找给定聊天模型支持的所有参数,请前往聊天模型集成页面。

调用

必须调用聊天模型才能生成输出。有三种主要的调用方法,每种都适用于不同的用例。

调用

调用模型的直接方法是使用invoke(),带一个消息或一个消息列表。
单条消息
response = model.invoke("Why do parrots have colorful feathers?")
print(response)
可以向模型提供消息列表来表示对话历史记录。每条消息都有一个角色,模型使用该角色来指示对话中谁发送了消息。有关角色、类型和内容的更多详细信息,请参阅消息指南。
字典格式
from langchain.messages import HumanMessage, AIMessage, SystemMessage

conversation = [
    {"role": "system", "content": "You are a helpful assistant that translates English to French."},
    {"role": "user", "content": "Translate: I love programming."},
    {"role": "assistant", "content": "J'adore la programmation."},
    {"role": "user", "content": "Translate: I love building applications."}
]

response = model.invoke(conversation)
print(response)  # AIMessage("J'adore créer des applications.")
消息对象
from langchain_core.messages import HumanMessage, AIMessage, SystemMessage

conversation = [
    SystemMessage("You are a helpful assistant that translates English to French."),
    HumanMessage("Translate: I love programming."),
    AIMessage("J'adore la programmation."),
    HumanMessage("Translate: I love building applications.")
]

response = model.invoke(conversation)
print(response)  # AIMessage("J'adore créer des applications.")

流式处理

大多数模型可以在生成输出内容时进行流式传输。通过逐步显示输出,流式传输显著改善了用户体验,特别是对于较长的响应。 调用 stream() 返回一个,该迭代器在生成输出块时逐个生成。您可以使用循环实时处理每个块:
for chunk in model.stream("Why do parrots have colorful feathers?"):
    print(chunk.text, end="|", flush=True)
invoke()不同,invoke()在模型完成生成完整响应后返回单个AIMessage,而stream()返回多个AIMessageChunk对象,每个对象包含输出文本的一部分。重要的是,流中的每个块都可以通过求和聚合为完整的消息。
构建 AIMessage
full = None  # None | AIMessageChunk
for chunk in model.stream("What color is the sky?"):
    full = chunk if full is None else full + chunk
    print(full.text)

# The
# The sky
# The sky is
# The sky is typically
# The sky is typically blue
# ...

print(full.content_blocks)
# [{"type": "text", "text": "The sky is typically blue..."}]
生成的邮件可以像使用invoke()生成的邮件一样处理——例如,它可以聚合到邮件历史记录中,并作为会话上下文传回给模型。
流式传输仅在程序中的所有步骤都知道如何处理块流时才有效。例如,一个非流式传输应用程序是需要将整个输出存储在内存中才能进行处理的应用程序。
LangChain 在某些情况下会自动启用流式传输模式,即使您没有明确调用流式传输方法,从而简化了聊天模型的流式传输。这在您使用非流式传输的调用方法但仍希望流式传输整个应用程序(包括来自聊天模型的中间结果)时特别有用。例如,在LangGraph 代理中,您可以在节点内调用 model.invoke(),但如果以流式传输模式运行,LangChain 将自动委托给流式传输。

工作原理

当您调用()一个聊天模型时,如果 LangChain 检测到您正在尝试流式传输整个应用程序,它将自动切换到内部流式传输模式。对于使用调用的代码而言,调用的结果将是相同的;然而,在聊天模型流式传输期间,LangChain 将负责在 LangChain 的回调系统中调用 on_llm_new_token 事件。回调事件允许 LangGraph stream()astream_events() 实时显示聊天模型的输出。
LangChain 聊天模型还可以使用astream_events()流式传输语义事件。这简化了基于事件类型和其他元数据的过滤,并将在后台聚合完整消息。请参阅下面的示例。
async for event in model.astream_events("Hello"):

    if event["event"] == "on_chat_model_start":
        print(f"Input: {event['data']['input']}")

    elif event["event"] == "on_chat_model_stream":
        print(f"Token: {event['data']['chunk'].text}")

    elif event["event"] == "on_chat_model_end":
        print(f"Full message: {event['data']['output'].text}")

    else:
        pass
Input: Hello
Token: Hi
Token:  there
Token: !
Token:  How
Token:  can
Token:  I
...
Full message: Hi there! How can I help today?
有关事件类型和其他详细信息,请参阅 astream_events() 参考。

批量处理

批量处理对模型的独立请求集合可以显著提高性能并降低成本,因为处理可以并行完成。
批量处理
responses = model.batch([
    "Why do parrots have colorful feathers?",
    "How do airplanes fly?",
    "What is quantum computing?"
])
for response in responses:
    print(response)
本节描述了聊天模型方法 batch(),它在客户端并行化模型调用。它与推理提供商支持的批量 API 不同,例如 OpenAIAnthropic
默认情况下,batch() 将仅返回整个批次的最终输出。如果您希望在每个单独的输入生成完成后接收其输出,您可以使用 batch_as_completed() 进行流式传输。
完成后返回批量响应
for response in model.batch_as_completed([
    "Why do parrots have colorful feathers?",
    "How do airplanes fly?",
    "What is quantum computing?"
]):
    print(response)
使用batch_as_completed()时,结果可能乱序到达。每个结果都包含输入索引,以便在需要时进行匹配以重建原始顺序。
当使用batch()batch_as_completed()处理大量输入时,您可能希望控制最大并行调用数。这可以通过在RunnableConfig字典中设置max_concurrency属性来完成。
批量最大并发
model.batch(
    list_of_inputs,
    config={
        'max_concurrency': 5,  # Limit to 5 parallel calls
    }
)
有关支持属性的完整列表,请参阅 RunnableConfig 参考。
有关批处理的更多详细信息,请参阅参考

工具调用

模型可以请求调用工具来执行任务,例如从数据库中获取数据、搜索网页或运行代码。工具是以下内容的组合:
  1. 一个 schema,包括工具名称、描述和/或参数定义(通常是 JSON schema)
  2. 要执行的函数或协程要执行。
您可能会听到“函数调用”一词。我们将其与“工具调用”互换使用。
要使您定义的工具可供模型使用,您必须使用 bind_tools() 绑定它们。在随后的调用中,模型可以根据需要选择调用任何绑定的工具。 一些模型提供商提供内置工具,可以通过模型或调用参数启用(例如 ChatOpenAIChatAnthropic)。请查看相应的提供商参考以获取详细信息。
有关创建工具的详细信息和其他选项,请参阅工具指南
绑定用户工具
from langchain.tools import tool

@tool
def get_weather(location: str) -> str:
    """Get the weather at a location."""
    return f"It's sunny in {location}."


model_with_tools = model.bind_tools([get_weather])  

response = model_with_tools.invoke("What's the weather like in Boston?")
for tool_call in response.tool_calls:
    # View tool calls made by the model
    print(f"Tool: {tool_call['name']}")
    print(f"Args: {tool_call['args']}")
当绑定用户定义的工具时,模型的响应会包含执行工具的请求。当模型独立于代理使用时,由您来执行请求的操作并将结果返回给模型,以便在后续推理中使用。请注意,当使用代理时,代理循环将为您处理工具执行循环。 下面,我们展示了一些常见的工具调用方式。
当模型返回工具调用时,您需要执行这些工具并将结果传回给模型。这会创建一个对话循环,模型可以使用工具结果来生成最终响应。LangChain 包含代理抽象,可以为您处理这种编排。这是一个简单的示例:
工具执行循环
# Bind (potentially multiple) tools to the model
model_with_tools = model.bind_tools([get_weather])

# Step 1: Model generates tool calls
messages = [{"role": "user", "content": "What's the weather in Boston?"}]
ai_msg = model_with_tools.invoke(messages)
messages.append(ai_msg)

# Step 2: Execute tools and collect results
for tool_call in ai_msg.tool_calls:
    # Execute the tool with the generated arguments
    tool_result = get_weather.invoke(tool_call)
    messages.append(tool_result)

# Step 3: Pass results back to model for final response
final_response = model_with_tools.invoke(messages)
print(final_response.text)
# "The current weather in Boston is 72°F and sunny."
工具返回的每个ToolMessage都包含一个与原始工具调用匹配的tool_call_id,帮助模型将结果与请求关联起来。
默认情况下,模型可以根据用户的输入自由选择使用哪个绑定工具。但是,您可能希望强制选择一个工具,确保模型使用特定工具或给定列表中的任何工具。
model_with_tools = model.bind_tools([tool_1], tool_choice="any")
许多模型在适当时支持并行调用多个工具。这允许模型同时从不同来源收集信息。
并行工具调用
model_with_tools = model.bind_tools([get_weather])

response = model_with_tools.invoke(
    "What's the weather in Boston and Tokyo?"
)


# The model may generate multiple tool calls
print(response.tool_calls)
# [
#   {'name': 'get_weather', 'args': {'location': 'Boston'}, 'id': 'call_1'},
#   {'name': 'get_weather', 'args': {'location': 'Tokyo'}, 'id': 'call_2'},
# ]


# Execute all tools (can be done in parallel with async)
results = []
for tool_call in response.tool_calls:
    if tool_call['name'] == 'get_weather':
        result = get_weather.invoke(tool_call)
    ...
    results.append(result)
模型根据所请求操作的独立性,智能地确定何时适合并行执行。
大多数支持工具调用的模型默认启用并行工具调用。某些模型(包括OpenAIAnthropic)允许您禁用此功能。为此,请设置parallel_tool_calls=False
model.bind_tools([get_weather], parallel_tool_calls=False)
流式传输响应时,工具调用通过ToolCallChunk逐步构建。这允许您在生成工具调用时查看它们,而不是等待完整的响应。
流式工具调用
for chunk in model_with_tools.stream(
    "What's the weather in Boston and Tokyo?"
):
    # Tool call chunks arrive progressively
    for tool_chunk in chunk.tool_call_chunks:
        if name := tool_chunk.get("name"):
            print(f"Tool: {name}")
        if id_ := tool_chunk.get("id"):
            print(f"ID: {id_}")
        if args := tool_chunk.get("args"):
            print(f"Args: {args}")

# Output:
# Tool: get_weather
# ID: call_SvMlU1TVIZugrFLckFE2ceRE
# Args: {"lo
# Args: catio
# Args: n": "B
# Args: osto
# Args: n"}
# Tool: get_weather
# ID: call_QMZdy6qInx13oWKE7KhuhOLR
# Args: {"lo
# Args: catio
# Args: n": "T
# Args: okyo
# Args: "}
您可以累积块以构建完整的工具调用
累积工具调用
gathered = None
for chunk in model_with_tools.stream("What's the weather in Boston?"):
    gathered = chunk if gathered is None else gathered + chunk
    print(gathered.tool_calls)

结构化输出

可以要求模型以符合给定模式的格式提供其响应。这对于确保输出能够轻松解析并在后续处理中使用非常有用。LangChain 支持多种模式类型和强制结构化输出的方法。
  • Pydantic
  • TypedDict
  • JSON Schema
Pydantic 模型提供最丰富的功能集,包括字段验证、描述和嵌套结构。
from pydantic import BaseModel, Field

class Movie(BaseModel):
    """A movie with details."""
    title: str = Field(..., description="The title of the movie")
    year: int = Field(..., description="The year the movie was released")
    director: str = Field(..., description="The director of the movie")
    rating: float = Field(..., description="The movie's rating out of 10")

model_with_structure = model.with_structured_output(Movie)
response = model_with_structure.invoke("Provide details about the movie Inception")
print(response)  # Movie(title="Inception", year=2010, director="Christopher Nolan", rating=8.8)
结构化输出的关键考虑因素
  • 方法参数:一些提供商支持不同的方法('json_schema''function_calling''json_mode'
    • 'json_schema' 通常指提供商提供的专用结构化输出功能
    • 'function_calling' 通过强制执行遵循给定 schema 的工具调用来推导结构化输出
    • 'json_mode' 是一些提供商提供的 'json_schema' 的前身——它生成有效的 json,但 schema 必须在提示中描述
  • 包含原始数据:使用 include_raw=True 获取解析后的输出和原始 AI 消息
  • 验证:Pydantic 模型提供自动验证,而 TypedDict 和 JSON Schema 需要手动验证
将原始 AIMessage 对象与解析后的表示一起返回可能很有用,以便访问响应元数据,例如token 计数。为此,在调用 with_structured_output 时设置 include_raw=True
from pydantic import BaseModel, Field

class Movie(BaseModel):
    """A movie with details."""
    title: str = Field(..., description="The title of the movie")
    year: int = Field(..., description="The year the movie was released")
    director: str = Field(..., description="The director of the movie")
    rating: float = Field(..., description="The movie's rating out of 10")

model_with_structure = model.with_structured_output(Movie, include_raw=True)  
response = model_with_structure.invoke("Provide details about the movie Inception")
response
# {
#     "raw": AIMessage(...),
#     "parsed": Movie(title=..., year=..., ...),
#     "parsing_error": None,
# }
模式可以嵌套
from pydantic import BaseModel, Field

class Actor(BaseModel):
    name: str
    role: str

class MovieDetails(BaseModel):
    title: str
    year: int
    cast: list[Actor]
    genres: list[str]
    budget: float | None = Field(None, description="Budget in millions USD")

model_with_structure = model.with_structured_output(MovieDetails)

支持的模型

LangChain 支持所有主流模型提供商,包括 OpenAI、Anthropic、Google、Azure、AWS Bedrock 等。每个提供商都提供各种功能不同的模型。有关 LangChain 中支持模型的完整列表,请参阅集成页面

高级主题

多模态

某些模型可以处理并返回非文本数据,例如图像、音频和视频。您可以通过提供内容块将非文本数据传递给模型。
所有具有底层多模态功能的 LangChain 聊天模型都支持
  1. 跨提供商标准格式的数据(请参阅我们的消息指南
  2. OpenAI 聊天补全格式
  3. 特定提供商的原生格式(例如,Anthropic 模型接受 Anthropic 原生格式)
有关详细信息,请参阅消息指南的多模态部分 可以将多模态数据作为响应的一部分返回。如果被调用以这样做,生成的AIMessage将具有多模态类型的内容块。
多模态输出
response = model.invoke("Create a picture of a cat")
print(response.content_blocks)
# [
#     {"type": "text", "text": "Here's a picture of a cat"},
#     {"type": "image", "base64": "...", "mime_type": "image/jpeg"},
# ]
有关特定提供商的详细信息,请参阅集成页面

推理

较新的模型能够执行多步推理以得出结论。这涉及将复杂问题分解为更小、更易于管理的步骤。 如果底层模型支持,您可以显示此推理过程,以更好地理解模型如何得出最终答案。
for chunk in model.stream("Why do parrots have colorful feathers?"):
    reasoning_steps = [r for r in chunk.content_blocks if r["type"] == "reasoning"]
    print(reasoning_steps if reasoning_steps else chunk.text)
根据模型,您有时可以指定其在推理上应付出的努力程度。同样,您可以请求模型完全关闭推理。这可能以推理的类别“层级”(例如,'low''high')或整数 token 预算的形式出现。 有关详细信息,请参阅集成页面或您相应聊天模型的参考

本地模型

LangChain 支持在您自己的硬件上本地运行模型。这对于数据隐私至关重要的场景、您想要调用自定义模型或您想避免使用基于云的模型所产生的成本时非常有用。 Ollama 是在本地运行模型最简单的方法之一。请参阅集成页面上的本地集成完整列表。

提示缓存

许多提供商提供提示缓存功能,以减少重复处理相同 token 时的延迟和成本。这些功能可以是隐式显式
提示缓存通常只在达到最小输入 token 阈值后才启用。有关详细信息,请参阅提供商页面
缓存使用情况将反映在模型响应的使用元数据中。

服务器端工具使用

一些提供商支持服务器端工具调用循环:模型可以与网络搜索、代码解释器和其他工具进行交互,并在单个对话回合中分析结果。 如果模型在服务器端调用工具,响应消息的内容将包含表示工具调用和结果的内容。访问响应的内容块将以与提供商无关的格式返回服务器端工具调用和结果:
使用服务器端工具调用
from langchain.chat_models import init_chat_model

model = init_chat_model("gpt-4.1-mini")

tool = {"type": "web_search"}
model_with_tools = model.bind_tools([tool])

response = model_with_tools.invoke("What was a positive news story from today?")
response.content_blocks
结果
[
    {
        "type": "server_tool_call",
        "name": "web_search",
        "args": {
            "query": "positive news stories today",
            "type": "search"
        },
        "id": "ws_abc123"
    },
    {
        "type": "server_tool_result",
        "tool_call_id": "ws_abc123",
        "status": "success"
    },
    {
        "type": "text",
        "text": "Here are some positive news stories from today...",
        "annotations": [
            {
                "end_index": 410,
                "start_index": 337,
                "title": "article title",
                "type": "citation",
                "url": "..."
            }
        ]
    }
]
这代表单个对话回合;没有像客户端工具调用那样需要传入相关的ToolMessage对象。 有关可用工具和使用详情,请参阅您给定提供商的集成页面

速率限制

许多聊天模型提供商对在给定时间段内可进行的调用次数施加限制。如果您达到速率限制,您通常会收到提供商的速率限制错误响应,并且需要等待才能发出更多请求。 为了帮助管理速率限制,聊天模型集成接受一个 rate_limiter 参数,可以在初始化期间提供,以控制发出请求的速率。
LangChain 附带(可选)内置的InMemoryRateLimiter。此限速器是线程安全的,可以在同一进程中的多个线程共享。
定义一个速率限制器
from langchain_core.rate_limiters import InMemoryRateLimiter

rate_limiter = InMemoryRateLimiter(
    requests_per_second=0.1,  # 1 request every 10s
    check_every_n_seconds=0.1,  # Check every 100ms whether allowed to make a request
    max_bucket_size=10,  # Controls the maximum burst size.
)

model = init_chat_model(
    model="gpt-5",
    model_provider="openai",
    rate_limiter=rate_limiter  
)
所提供的速率限制器只能限制单位时间内的请求数量。如果您还需要根据请求的大小进行限制,则它无法提供帮助。

基本 URL 或代理

对于许多聊天模型集成,您可以配置 API 请求的基本 URL,这允许您使用具有 OpenAI 兼容 API 的模型提供商或使用代理服务器。
许多模型提供商提供 OpenAI 兼容的 API(例如,Together AIvLLM)。您可以通过指定适当的 base_url 参数,将init_chat_model与这些提供商一起使用。
model = init_chat_model(
    model="MODEL_NAME",
    model_provider="openai",
    base_url="BASE_URL",
    api_key="YOUR_API_KEY",
)
当使用直接聊天模型类实例化时,参数名称可能因提供商而异。请查看相应的参考以获取详细信息。
对于需要 HTTP 代理的部署,某些模型集成支持代理配置
from langchain_openai import ChatOpenAI

model = ChatOpenAI(
    model="gpt-4o",
    openai_proxy="http://proxy.example.com:8080"
)
代理支持因集成而异。请查看特定模型提供商的参考以获取代理配置选项。

日志概率

通过在初始化模型时设置 logprobs 参数,可以配置某些模型返回表示给定 token 概率的 token 级别对数概率
model = init_chat_model(
    model="gpt-4o",
    model_provider="openai"
).bind(logprobs=True)

response = model.invoke("Why do parrots talk?")
print(response.response_metadata["logprobs"])

Token 用量

许多模型提供商在调用响应中返回 token 使用信息。当可用时,此信息将包含在相应模型生成的AIMessage对象中。有关更多详细信息,请参阅消息指南。
一些提供商的 API,特别是 OpenAI 和 Azure OpenAI 聊天完成,要求用户选择在流式传输上下文中接收 token 使用数据。有关详细信息,请参阅集成指南的流式传输使用元数据部分。
您可以使用回调或上下文管理器跟踪应用程序中所有模型的总 token 计数,如下所示
  • 回调处理器
  • 上下文管理器
from langchain.chat_models import init_chat_model
from langchain_core.callbacks import UsageMetadataCallbackHandler

model_1 = init_chat_model(model="gpt-4o-mini")
model_2 = init_chat_model(model="claude-haiku-4-5-20251001")

callback = UsageMetadataCallbackHandler()
result_1 = model_1.invoke("Hello", config={"callbacks": [callback]})
result_2 = model_2.invoke("Hello", config={"callbacks": [callback]})
callback.usage_metadata
{
    'gpt-4o-mini-2024-07-18': {
        'input_tokens': 8,
        'output_tokens': 10,
        'total_tokens': 18,
        'input_token_details': {'audio': 0, 'cache_read': 0},
        'output_token_details': {'audio': 0, 'reasoning': 0}
    },
    'claude-haiku-4-5-20251001': {
        'input_tokens': 8,
        'output_tokens': 21,
        'total_tokens': 29,
        'input_token_details': {'cache_read': 0, 'cache_creation': 0}
    }
}

调用配置

调用模型时,您可以使用RunnableConfig字典通过 config 参数传递额外配置。这提供了对执行行为、回调和元数据跟踪的运行时控制。 常见的配置选项包括:
配置调用
response = model.invoke(
    "Tell me a joke",
    config={
        "run_name": "joke_generation",      # Custom name for this run
        "tags": ["humor", "demo"],          # Tags for categorization
        "metadata": {"user_id": "123"},     # Custom metadata
        "callbacks": [my_callback_handler], # Callback handlers
    }
)
这些配置值在以下情况下特别有用
  • 使用 LangSmith 跟踪进行调试
  • 实现自定义日志记录或监控
  • 控制生产中的资源使用
  • 跟踪复杂管道中的调用
run_name
字符串
在日志和跟踪中识别此特定调用。子调用不继承此项。
tags
字符串[]
由所有子调用继承的标签,用于调试工具中的过滤和组织。
metadata
对象
自定义键值对,用于跟踪额外上下文,由所有子调用继承。
max_concurrency
数字
使用batch()batch_as_completed()时,控制最大并行调用数。
callbacks
数组
用于监控和响应执行期间事件的处理程序。
recursion_limit
数字
链的最大递归深度,以防止复杂管道中的无限循环。
有关所有支持属性的完整列表,请参阅 RunnableConfig 参考。

可配置模型

您还可以通过指定configurable_fields来创建运行时可配置模型。如果您未指定模型值,则 'model''model_provider' 将默认为可配置。
from langchain.chat_models import init_chat_model

configurable_model = init_chat_model(temperature=0)

configurable_model.invoke(
    "what's your name",
    config={"configurable": {"model": "gpt-5-nano"}},  # Run with GPT-5-Nano
)
configurable_model.invoke(
    "what's your name",
    config={"configurable": {"model": "claude-sonnet-4-5-20250929"}},  # Run with Claude
)
我们可以创建一个具有默认模型值的可配置模型,指定哪些参数是可配置的,并为可配置参数添加前缀。
first_model = init_chat_model(
        model="gpt-4.1-mini",
        temperature=0,
        configurable_fields=("model", "model_provider", "temperature", "max_tokens"),
        config_prefix="first",  # Useful when you have a chain with multiple models
)

first_model.invoke("what's your name")
first_model.invoke(
    "what's your name",
    config={
        "configurable": {
            "first_model": "claude-sonnet-4-5-20250929",
            "first_temperature": 0.5,
            "first_max_tokens": 100,
        }
    },
)
我们可以在可配置模型上调用声明性操作,如 bind_toolswith_structured_outputwith_configurable 等,并以与常规实例化聊天模型对象相同的方式链式连接可配置模型。
from pydantic import BaseModel, Field


class GetWeather(BaseModel):
    """Get the current weather in a given location"""

        location: str = Field(..., description="The city and state, e.g. San Francisco, CA")


class GetPopulation(BaseModel):
    """Get the current population in a given location"""

        location: str = Field(..., description="The city and state, e.g. San Francisco, CA")


model = init_chat_model(temperature=0)
model_with_tools = model.bind_tools([GetWeather, GetPopulation])

model_with_tools.invoke(
    "what's bigger in 2024 LA or NYC", config={"configurable": {"model": "gpt-4.1-mini"}}
).tool_calls
[
    {
        'name': 'GetPopulation',
        'args': {'location': 'Los Angeles, CA'},
        'id': 'call_Ga9m8FAArIyEjItHmztPYA22',
        'type': 'tool_call'
    },
    {
        'name': 'GetPopulation',
        'args': {'location': 'New York, NY'},
        'id': 'call_jh2dEvBaAHRaw5JUDthOs7rt',
        'type': 'tool_call'
    }
]
model_with_tools.invoke(
    "what's bigger in 2024 LA or NYC",
    config={"configurable": {"model": "claude-sonnet-4-5-20250929"}},
).tool_calls
[
    {
        'name': 'GetPopulation',
        'args': {'location': 'Los Angeles, CA'},
        'id': 'toolu_01JMufPf4F4t2zLj7miFeqXp',
        'type': 'tool_call'
    },
    {
        'name': 'GetPopulation',
        'args': {'location': 'New York City, NY'},
        'id': 'toolu_01RQBHcE8kEEbYTuuS8WqY1u',
        'type': 'tool_call'
    }
]

以编程方式连接这些文档到 Claude、VSCode 等,通过 MCP 获取实时答案。
© . This site is unofficial and not affiliated with LangChain, Inc.