langchain_core.prompts.chat.ChatPromptTemplate

注意

ChatPromptTemplate 实现了标准的 Runnable 接口。 🏃

Runnable 接口 具有在可运行对象上可用的其他方法,例如 with_typeswith_retryassignbindget_graph 等。

class langchain_core.prompts.chat.ChatPromptTemplate[source]

基类: BaseChatPromptTemplate

聊天模型的提示模板。

用于为聊天模型创建灵活的模板化提示。

示例

在版本 0.2.24 中变更:您可以将 ChatPromptTemplate.from_messages() 支持的任何类似消息的格式直接传递给 ChatPromptTemplate() 初始化。

from langchain_core.prompts import ChatPromptTemplate

template = ChatPromptTemplate([
    ("system", "You are a helpful AI bot. Your name is {name}."),
    ("human", "Hello, how are you doing?"),
    ("ai", "I'm doing well, thanks!"),
    ("human", "{user_input}"),
])

prompt_value = template.invoke(
    {
        "name": "Bob",
        "user_input": "What is your name?"
    }
)
# Output:
# ChatPromptValue(
#    messages=[
#        SystemMessage(content='You are a helpful AI bot. Your name is Bob.'),
#        HumanMessage(content='Hello, how are you doing?'),
#        AIMessage(content="I'm doing well, thanks!"),
#        HumanMessage(content='What is your name?')
#    ]
#)

消息占位符

# In addition to Human/AI/Tool/Function messages,
# you can initialize the template with a MessagesPlaceholder
# either using the class directly or with the shorthand tuple syntax:

template = ChatPromptTemplate([
    ("system", "You are a helpful AI bot."),
    # Means the template will receive an optional list of messages under
    # the "conversation" key
    ("placeholder", "{conversation}")
    # Equivalently:
    # MessagesPlaceholder(variable_name="conversation", optional=True)
])

prompt_value = template.invoke(
    {
        "conversation": [
            ("human", "Hi!"),
            ("ai", "How can I assist you today?"),
            ("human", "Can you make me an ice cream sundae?"),
            ("ai", "No.")
        ]
    }
)

# Output:
# ChatPromptValue(
#    messages=[
#        SystemMessage(content='You are a helpful AI bot.'),
#        HumanMessage(content='Hi!'),
#        AIMessage(content='How can I assist you today?'),
#        HumanMessage(content='Can you make me an ice cream sundae?'),
#        AIMessage(content='No.'),
#    ]
#)

单变量模板

如果您的提示只有一个输入变量(即,1 个 “{variable_nams}” 实例),并且您使用非字典对象调用模板,则提示模板会将提供的参数注入到该变量位置。

from langchain_core.prompts import ChatPromptTemplate

template = ChatPromptTemplate([
    ("system", "You are a helpful AI bot. Your name is Carl."),
    ("human", "{user_input}"),
])

prompt_value = template.invoke("Hello, there!")
# Equivalent to
# prompt_value = template.invoke({"user_input": "Hello, there!"})

# Output:
#  ChatPromptValue(
#     messages=[
#         SystemMessage(content='You are a helpful AI bot. Your name is Carl.'),
#         HumanMessage(content='Hello, there!'),
#     ]
# )

从各种消息格式创建聊天提示模板。

参数
  • messages – 消息表示的序列。可以使用以下格式表示消息:(1)BaseMessagePromptTemplate,(2)BaseMessage,(3)(消息类型, 模板) 的 2 元组;例如,(“human”, “{user_input}”),(4)(消息类, 模板) 的 2 元组,(5)字符串,是 (“human”, 模板) 的简写;例如,“{user_input}”。

  • template_format – 模板的格式。默认为 “f-string”。

  • input_variables – 变量名称列表,这些变量的值是作为提示的输入所必需的。

  • optional_variables – 用于占位符的变量名称列表

  • inferred (或可选的 MessagePlaceholder。这些变量是自动的) –

  • them. (从提示中推断,用户无需提供) –

  • partial_variables – 提示模板携带的部分变量的字典。部分变量填充模板,以便您不必在每次调用提示时都传递它们。

  • validate_template – 是否验证模板。

  • input_types – 提示模板期望的变量类型的字典。如果未提供,则假定所有变量均为字符串。

返回

聊天提示模板。

示例

从消息模板列表实例化

template = ChatPromptTemplate([
    ("human", "Hello, how are you?"),
    ("ai", "I'm doing well, thanks!"),
    ("human", "That's good to hear."),
])

从混合消息格式实例化

template = ChatPromptTemplate([
    SystemMessage(content="hello"),
    ("human", "Hello, how are you?"),
])
param input_types: Dict[str, Any] [Optional]

提示模板期望的变量类型的字典。如果未提供,则假定所有变量均为字符串。

param input_variables: List[str] [Required]

变量名称列表,这些变量的值是作为提示的输入所必需的。

param messages: List[MessageLike] [Required]

消息列表,由消息提示模板或消息组成。

param metadata: Optional[Dict[str, Any]] = None

用于追踪的元数据。

param optional_variables: List[str] = []

optional_variables:用于占位符或可选 MessagePlaceholder 的变量名称列表。这些变量是从提示中自动推断出来的,用户无需提供它们。

param output_parser: Optional[BaseOutputParser] = None

如何解析在此格式化提示上调用 LLM 的输出。

param partial_variables: Mapping[str, Any] [Optional]

提示模板携带的部分变量的字典。

部分变量填充模板,以便您不必在每次调用提示时都传递它们。

param tags: Optional[List[str]] = None

用于追踪的标签。

param validate_template: bool = False

是否尝试验证模板。

async abatch(inputs: List[Input], config: Optional[Union[RunnableConfig, List[RunnableConfig]]] = None, *, return_exceptions: bool = False, **kwargs: Optional[Any]) List[Output]

默认实现使用 asyncio.gather 并行运行 ainvoke。

batch 的默认实现非常适用于 IO 绑定可运行对象。

如果子类可以更有效地进行批处理,则应覆盖此方法;例如,如果底层 Runnable 使用支持批处理模式的 API。

参数
  • inputs (List[Input]) – Runnable 的输入列表。

  • config (Optional[Union[RunnableConfig, List[RunnableConfig]]]) – 调用 Runnable 时要使用的配置。配置支持标准键,如用于跟踪目的的 ‘tags’、‘metadata’,用于控制并行执行多少工作的 ‘max_concurrency’,以及其他键。有关更多详细信息,请参阅 RunnableConfig。默认为 None。

  • return_exceptions (bool) – 是否返回异常而不是引发异常。默认为 False。

  • kwargs (Optional[Any]) – 要传递给 Runnable 的其他关键字参数。

返回

来自 Runnable 的输出列表。

返回类型

List[Output]

async abatch_as_completed(inputs: Sequence[Input], config: Optional[Union[RunnableConfig, Sequence[RunnableConfig]]] = None, *, return_exceptions: bool = False, **kwargs: Optional[Any]) AsyncIterator[Tuple[int, Union[Output, Exception]]]

在输入列表上并行运行 ainvoke,并在结果完成时生成结果。

参数
  • inputs (Sequence[Input]) – Runnable 的输入列表。

  • config (Optional[Union[RunnableConfig, Sequence[RunnableConfig]]]) – 调用 Runnable 时要使用的配置。配置支持标准键,如用于跟踪目的的 ‘tags’、‘metadata’,用于控制并行执行多少工作的 ‘max_concurrency’,以及其他键。有关更多详细信息,请参阅 RunnableConfig。默认为 None。默认为 None。

  • return_exceptions (bool) – 是否返回异常而不是引发异常。默认为 False。

  • kwargs (Optional[Any]) – 要传递给 Runnable 的其他关键字参数。

Yields

输入索引和 Runnable 输出的元组。

返回类型

AsyncIterator[Tuple[int, Union[Output, Exception]]]

async aformat(**kwargs: Any) str

异步将聊天模板格式化为字符串。

参数

**kwargs (Any) – 用于填充此聊天模板中所有模板消息中的模板变量的关键字参数。

返回

格式化的字符串。

返回类型

str

async aformat_messages(**kwargs: Any) List[BaseMessage][source]

异步将聊天模板格式化为最终消息列表。

参数

**kwargs (Any) – 用于填充此聊天模板中所有模板消息中的模板变量的关键字参数。

返回

格式化消息的列表。

Raises

ValueError – 如果输入意外。

返回类型

List[BaseMessage]

async aformat_prompt(**kwargs: Any) PromptValue

异步格式化提示。应返回 PromptValue。

参数

**kwargs (Any) – 用于格式化的关键字参数。

返回

PromptValue。

返回类型

PromptValue

async ainvoke(input: Dict, config: Optional[RunnableConfig] = None, **kwargs: Any) PromptValue

异步调用提示。

参数
  • input (Dict) – Dict,提示的输入。

  • config (Optional[RunnableConfig]) – RunnableConfig,提示的配置。

  • kwargs (Any) –

返回

提示的输出。

返回类型

PromptValue

append(message: Union[BaseMessagePromptTemplate, BaseMessage, BaseChatPromptTemplate, Tuple[Union[str, Type], Union[str, List[dict], List[object]]], str]) None[source]

在聊天模板的末尾追加消息。

参数

message (Union[BaseMessagePromptTemplate, BaseMessage, BaseChatPromptTemplate, Tuple[Union[str, Type], Union[str, List[dict], List[object]]], str]) – 要追加的消息的表示形式。

返回类型

None

as_tool(args_schema: Optional[Type[BaseModel]] = None, *, name: Optional[str] = None, description: Optional[str] = None, arg_types: Optional[Dict[str, Type]] = None) BaseTool

Beta

此 API 处于 Beta 阶段,未来可能会发生变更。

从 Runnable 创建一个 BaseTool。

as_tool 将使用来自 Runnable 的名称、描述和 args_schema 实例化一个 BaseTool。 如果可能,模式会从 runnable.get_input_schema 推断。或者(例如,如果 Runnable 接受 dict 作为输入,并且未键入特定的 dict 键),可以直接使用 args_schema 指定模式。 您也可以传递 arg_types 以仅指定所需的参数及其类型。

参数
  • args_schema (Optional[Type[BaseModel]]) – 工具的模式。默认为 None。

  • name (Optional[str]) – 工具的名称。默认为 None。

  • description (Optional[str]) – 工具的描述。默认为 None。

  • arg_types (Optional[Dict[str, Type]]) – 参数名称到类型的字典。默认为 None。

返回

一个 BaseTool 实例。

返回类型

BaseTool

类型化字典输入

from typing import List
from typing_extensions import TypedDict
from langchain_core.runnables import RunnableLambda

class Args(TypedDict):
    a: int
    b: List[int]

def f(x: Args) -> str:
    return str(x["a"] * max(x["b"]))

runnable = RunnableLambda(f)
as_tool = runnable.as_tool()
as_tool.invoke({"a": 3, "b": [1, 2]})

dict 输入,通过 args_schema 指定模式

from typing import Any, Dict, List
from langchain_core.pydantic_v1 import BaseModel, Field
from langchain_core.runnables import RunnableLambda

def f(x: Dict[str, Any]) -> str:
    return str(x["a"] * max(x["b"]))

class FSchema(BaseModel):
    """Apply a function to an integer and list of integers."""

    a: int = Field(..., description="Integer")
    b: List[int] = Field(..., description="List of ints")

runnable = RunnableLambda(f)
as_tool = runnable.as_tool(FSchema)
as_tool.invoke({"a": 3, "b": [1, 2]})

dict 输入,通过 arg_types 指定模式

from typing import Any, Dict, List
from langchain_core.runnables import RunnableLambda

def f(x: Dict[str, Any]) -> str:
    return str(x["a"] * max(x["b"]))

runnable = RunnableLambda(f)
as_tool = runnable.as_tool(arg_types={"a": int, "b": List[int]})
as_tool.invoke({"a": 3, "b": [1, 2]})

字符串输入

from langchain_core.runnables import RunnableLambda

def f(x: str) -> str:
    return x + "a"

def g(x: str) -> str:
    return x + "z"

runnable = RunnableLambda(f) | g
as_tool = runnable.as_tool()
as_tool.invoke("b")

0.2.14 版本新增功能。

async astream(input: Input, config: Optional[RunnableConfig] = None, **kwargs: Optional[Any]) AsyncIterator[Output]

astream 的默认实现,它调用 ainvoke。 如果子类支持流式输出,则应覆盖此方法。

参数
  • input (Input) – Runnable 的输入。

  • config (Optional[RunnableConfig]) – 用于 Runnable 的配置。默认为 None。

  • kwargs (Optional[Any]) – 要传递给 Runnable 的其他关键字参数。

Yields

Runnable 的输出。

返回类型

AsyncIterator[Output]

astream_events(input: Any, config: Optional[RunnableConfig] = None, *, version: Literal['v1', 'v2'], include_names: Optional[Sequence[str]] = None, include_types: Optional[Sequence[str]] = None, include_tags: Optional[Sequence[str]] = None, exclude_names: Optional[Sequence[str]] = None, exclude_types: Optional[Sequence[str]] = None, exclude_tags: Optional[Sequence[str]] = None, **kwargs: Any) AsyncIterator[Union[StandardStreamEvent, CustomStreamEvent]]

Beta

此 API 处于 Beta 阶段,未来可能会发生变更。

生成事件流。

用于创建 StreamEvents 的迭代器,该迭代器提供关于 Runnable 进度(包括来自中间结果的 StreamEvents)的实时信息。

StreamEvent 是一个具有以下模式的字典

  • event: str - 事件名称的格式为

    格式:on_[runnable_type]_(start|stream|end)。

  • name: str - 生成事件的 Runnable 的名称。

  • run_id: str - 随机生成的 ID,与给定 Runnable 执行相关联,

    该 Runnable 发出事件。 作为父 Runnable 执行一部分调用的子 Runnable 将被分配其自己的唯一 ID。

  • parent_ids: List[str] - 生成事件的父 runnable 的 ID。

    根 Runnable 将具有一个空列表。 父 ID 的顺序是从根到直接父级。 仅适用于 API 的 v2 版本。 API 的 v1 版本将返回一个空列表。

  • tags: Optional[List[str]] - 生成事件的 Runnable 的标签。

    事件。

  • metadata: Optional[Dict[str, Any]] - 生成事件的 Runnable 的元数据

    事件。

  • data: Dict[str, Any]

下面是一个表格,说明了各种链可能发出的一些事件。 为了简洁起见,表中省略了元数据字段。 链定义已包含在该表之后。

注意 此参考表适用于模式的 V2 版本。

事件

名称

输入

输出

on_chat_model_start

[模型名称]

{“messages”: [[SystemMessage, HumanMessage]]}

on_chat_model_stream

[模型名称]

AIMessageChunk(content=”hello”)

on_chat_model_end

[模型名称]

{“messages”: [[SystemMessage, HumanMessage]]}

AIMessageChunk(content=”hello world”)

on_llm_start

[模型名称]

{‘input’: ‘hello’}

on_llm_stream

[模型名称]

‘Hello’

on_llm_end

[模型名称]

‘Hello human!’

on_chain_start

format_docs

on_chain_stream

format_docs

“hello world!, goodbye world!”

on_chain_end

format_docs

[Document(…)]

“hello world!, goodbye world!”

on_tool_start

some_tool

{“x”: 1, “y”: “2”}

on_tool_end

some_tool

{“x”: 1, “y”: “2”}

on_retriever_start

[检索器名称]

{“query”: “hello”}

on_retriever_end

[检索器名称]

{“query”: “hello”}

[Document(…), ..]

on_prompt_start

[模板名称]

{“question”: “hello”}

on_prompt_end

[模板名称]

{“question”: “hello”}

ChatPromptValue(messages: [SystemMessage, …])

除了标准事件外,用户还可以调度自定义事件(请参阅下面的示例)。

自定义事件将仅在 API 的 v2 版本中显示!

自定义事件具有以下格式

属性

类型

描述

名称

str

事件的用户定义的名称。

数据

Any

与事件关联的数据。 这可以是任何内容,但我们建议使其可 JSON 序列化。

以下是与上面显示的标准事件关联的声明

format_docs:

def format_docs(docs: List[Document]) -> str:
    '''Format the docs.'''
    return ", ".join([doc.page_content for doc in docs])

format_docs = RunnableLambda(format_docs)

some_tool:

@tool
def some_tool(x: int, y: str) -> dict:
    '''Some_tool.'''
    return {"x": x, "y": y}

prompt:

template = ChatPromptTemplate.from_messages(
    [("system", "You are Cat Agent 007"), ("human", "{question}")]
).with_config({"run_name": "my_template", "tags": ["my_template"]})

示例

from langchain_core.runnables import RunnableLambda

async def reverse(s: str) -> str:
    return s[::-1]

chain = RunnableLambda(func=reverse)

events = [
    event async for event in chain.astream_events("hello", version="v2")
]

# will produce the following events (run_id, and parent_ids
# has been omitted for brevity):
[
    {
        "data": {"input": "hello"},
        "event": "on_chain_start",
        "metadata": {},
        "name": "reverse",
        "tags": [],
    },
    {
        "data": {"chunk": "olleh"},
        "event": "on_chain_stream",
        "metadata": {},
        "name": "reverse",
        "tags": [],
    },
    {
        "data": {"output": "olleh"},
        "event": "on_chain_end",
        "metadata": {},
        "name": "reverse",
        "tags": [],
    },
]

示例:调度自定义事件

from langchain_core.callbacks.manager import (
    adispatch_custom_event,
)
from langchain_core.runnables import RunnableLambda, RunnableConfig
import asyncio


async def slow_thing(some_input: str, config: RunnableConfig) -> str:
    """Do something that takes a long time."""
    await asyncio.sleep(1) # Placeholder for some slow operation
    await adispatch_custom_event(
        "progress_event",
        {"message": "Finished step 1 of 3"},
        config=config # Must be included for python < 3.10
    )
    await asyncio.sleep(1) # Placeholder for some slow operation
    await adispatch_custom_event(
        "progress_event",
        {"message": "Finished step 2 of 3"},
        config=config # Must be included for python < 3.10
    )
    await asyncio.sleep(1) # Placeholder for some slow operation
    return "Done"

slow_thing = RunnableLambda(slow_thing)

async for event in slow_thing.astream_events("some_input", version="v2"):
    print(event)
参数
  • input (Any) – Runnable 的输入。

  • config (Optional[RunnableConfig]) – 用于 Runnable 的配置。

  • version (Literal['v1', 'v2']) – 要使用的模式版本,v2v1。 用户应使用 v2v1 用于向后兼容,将在 0.4.0 中弃用。 在 API 稳定之前,不会分配默认值。 自定义事件将仅在 v2 中显示。

  • include_names (Optional[Sequence[str]]) – 仅包括来自具有匹配名称的 runnable 的事件。

  • include_types (Optional[Sequence[str]]) – 仅包括来自具有匹配类型的 runnable 的事件。

  • include_tags (Optional[Sequence[str]]) – 仅包括来自具有匹配标签的 runnable 的事件。

  • exclude_names (Optional[Sequence[str]]) – 排除来自具有匹配名称的 runnable 的事件。

  • exclude_types (Optional[Sequence[str]]) – 排除来自具有匹配类型的 runnable 的事件。

  • exclude_tags (Optional[Sequence[str]]) – 排除来自具有匹配标签的 runnable 的事件。

  • kwargs (Any) – 要传递给 Runnable 的其他关键字参数。 这些将传递给 astream_log,因为 astream_events 的此实现构建在 astream_log 之上。

Yields

StreamEvents 的异步流。

Raises

NotImplementedError – 如果版本不是 v1v2

返回类型

AsyncIterator[Union[StandardStreamEvent, CustomStreamEvent]]

batch(inputs: List[Input], config: Optional[Union[RunnableConfig, List[RunnableConfig]]] = None, *, return_exceptions: bool = False, **kwargs: Optional[Any]) List[Output]

默认实现使用线程池执行器并行运行 invoke。

batch 的默认实现非常适用于 IO 绑定可运行对象。

如果子类可以更有效地进行批处理,则应覆盖此方法;例如,如果底层 Runnable 使用支持批处理模式的 API。

参数
  • inputs (List[Input]) –

  • config (Optional[Union[RunnableConfig, List[RunnableConfig]]]) –

  • return_exceptions (bool) –

  • kwargs (Optional[Any]) –

返回类型

List[Output]

batch_as_completed(inputs: Sequence[Input], config: Optional[Union[RunnableConfig, Sequence[RunnableConfig]]] = None, *, return_exceptions: bool = False, **kwargs: Optional[Any]) Iterator[Tuple[int, Union[Output, Exception]]]

在输入列表上并行运行 invoke,并在结果完成时生成结果。

参数
  • inputs (Sequence[Input]) –

  • config (Optional[Union[RunnableConfig, Sequence[RunnableConfig]]]) –

  • return_exceptions (bool) –

  • kwargs (Optional[Any]) –

返回类型

Iterator[Tuple[int, Union[Output, Exception]]]

configurable_alternatives(which: ConfigurableField, *, default_key: str = 'default', prefix_keys: bool = False, **kwargs: Union[Runnable[Input, Output], Callable[[], Runnable[Input, Output]]]) RunnableSerializable[Input, Output]

配置可在运行时设置的 Runnables 的备选项。

参数
  • which (ConfigurableField) – 将用于选择备选项的 ConfigurableField 实例。

  • default_key (str) – 如果未选择备选项,则使用的默认键。 默认为“default”。

  • prefix_keys (bool) – 是否使用 ConfigurableField id 作为键的前缀。 默认为 False。

  • **kwargs (Union[Runnable[Input, Output], Callable[[], Runnable[Input, Output]]]) – 键到 Runnable 实例或返回 Runnable 实例的可调用对象的字典。

返回

配置了备选项的新 Runnable。

返回类型

RunnableSerializable[Input, Output]

from langchain_anthropic import ChatAnthropic
from langchain_core.runnables.utils import ConfigurableField
from langchain_openai import ChatOpenAI

model = ChatAnthropic(
    model_name="claude-3-sonnet-20240229"
).configurable_alternatives(
    ConfigurableField(id="llm"),
    default_key="anthropic",
    openai=ChatOpenAI()
)

# uses the default model ChatAnthropic
print(model.invoke("which organization created you?").content)

# uses ChatOpenAI
print(
    model.with_config(
        configurable={"llm": "openai"}
    ).invoke("which organization created you?").content
)
configurable_fields(**kwargs: Union[ConfigurableField, ConfigurableFieldSingleOption, ConfigurableFieldMultiOption]) RunnableSerializable[Input, Output]

在运行时配置特定的 Runnable 字段。

参数

**kwargs (Union[ConfigurableField, ConfigurableFieldSingleOption, ConfigurableFieldMultiOption]) – 要配置的 ConfigurableField 实例的字典。

返回

配置了字段的新 Runnable。

返回类型

RunnableSerializable[Input, Output]

from langchain_core.runnables import ConfigurableField
from langchain_openai import ChatOpenAI

model = ChatOpenAI(max_tokens=20).configurable_fields(
    max_tokens=ConfigurableField(
        id="output_token_number",
        name="Max tokens in the output",
        description="The maximum number of tokens in the output",
    )
)

# max_tokens = 20
print(
    "max_tokens_20: ",
    model.invoke("tell me something about chess").content
)

# max_tokens = 200
print("max_tokens_200: ", model.with_config(
    configurable={"output_token_number": 200}
    ).invoke("tell me something about chess").content
)
extend(messages: Sequence[Union[BaseMessagePromptTemplate, BaseMessage, BaseChatPromptTemplate, Tuple[Union[str, Type], Union[str, List[dict], List[object]]], str]]) None[source]

使用一系列消息扩展聊天模板。

参数

messages (Sequence[Union[BaseMessagePromptTemplate, BaseMessage, BaseChatPromptTemplate, Tuple[Union[str, Type], Union[str, List[dict], List[object]]], str]]) – 要附加的消息表示序列。

返回类型

None

format(**kwargs: Any) str

将聊天模板格式化为字符串。

参数

**kwargs (Any) – 用于填充此聊天模板中所有模板消息中的模板变量的关键字参数。

返回

格式化的字符串。

返回类型

str

format_messages(**kwargs: Any) List[BaseMessage][source]

将聊天模板格式化为最终消息列表。

参数

**kwargs (Any) – 用于填充此聊天模板中所有模板消息中的模板变量的关键字参数。

返回

格式化消息的列表。

返回类型

List[BaseMessage]

format_prompt(**kwargs: Any) PromptValue

格式化提示。应返回 PromptValue。

参数

**kwargs (Any) – 用于格式化的关键字参数。

返回

PromptValue。

返回类型

PromptValue

classmethod from_messages(messages: Sequence[Union[BaseMessagePromptTemplate, BaseMessage, BaseChatPromptTemplate, Tuple[Union[str, Type], Union[str, List[dict], List[object]]], str]], template_format: Literal['f-string', 'mustache', 'jinja2'] = 'f-string') ChatPromptTemplate[source]

从各种消息格式创建聊天提示模板。

示例

从消息模板列表实例化

template = ChatPromptTemplate.from_messages([
    ("human", "Hello, how are you?"),
    ("ai", "I'm doing well, thanks!"),
    ("human", "That's good to hear."),
])

从混合消息格式实例化

template = ChatPromptTemplate.from_messages([
    SystemMessage(content="hello"),
    ("human", "Hello, how are you?"),
])
参数
  • messages (Sequence[Union[BaseMessagePromptTemplate, BaseMessage, BaseChatPromptTemplate, Tuple[Union[str, Type], Union[str, List[dict], List[object]]], str]]) – 消息表示序列。消息可以使用以下格式表示:(1) BaseMessagePromptTemplate, (2) BaseMessage, (3) (消息类型, 模板) 的 2 元组;例如,(“human”, “{user_input}”), (4) (消息类, 模板) 的 2 元组, (4) 字符串,它是 (“human”, 模板) 的简写;例如,“{user_input}”。

  • template_format (Literal['f-string', 'mustache', 'jinja2']) – 模板的格式。默认为 “f-string”。

返回

一个聊天提示模板。

返回类型

ChatPromptTemplate

classmethod from_role_strings(string_messages: List[Tuple[str, str]]) ChatPromptTemplate[source]

Deprecated since version langchain-core==0.0.1: 请使用 from_messages classmethod 代替。

从 (角色, 模板) 元组列表创建一个聊天提示模板。

参数

string_messages (List[Tuple[str, str]]) – (角色, 模板) 元组列表。

返回

一个聊天提示模板。

返回类型

ChatPromptTemplate

classmethod from_strings(string_messages: List[Tuple[Type[BaseMessagePromptTemplate], str]]) ChatPromptTemplate[source]

Deprecated since version langchain-core==0.0.1: 请使用 from_messages classmethod 代替。

从 (角色类, 模板) 元组列表创建一个聊天提示模板。

参数

string_messages (List[Tuple[Type[BaseMessagePromptTemplate], str]]) – (角色类, 模板) 元组列表。

返回

一个聊天提示模板。

返回类型

ChatPromptTemplate

classmethod from_template(template: str, **kwargs: Any) ChatPromptTemplate[source]

从模板字符串创建一个聊天提示模板。

创建一个聊天模板,该模板由一条假定来自人类的消息组成。

参数
  • template (str) – 模板字符串

  • **kwargs (Any) – 传递给构造函数的关键字参数。

返回

此类的新实例。

返回类型

ChatPromptTemplate

invoke(input: Dict, config: Optional[RunnableConfig] = None) PromptValue

调用提示。

参数
  • input (Dict) – Dict,提示的输入。

  • config (Optional[RunnableConfig]) – RunnableConfig,提示的配置。

返回

提示的输出。

返回类型

PromptValue

partial(**kwargs: Any) ChatPromptTemplate[source]

获取一个新的 ChatPromptTemplate,其中一些输入变量已填充。

参数

**kwargs (Any) – 用于填充模板变量的关键字参数。应该是输入变量的子集。

返回

一个新的 ChatPromptTemplate。

返回类型

ChatPromptTemplate

示例

from langchain_core.prompts import ChatPromptTemplate

template = ChatPromptTemplate.from_messages(
    [
        ("system", "You are an AI assistant named {name}."),
        ("human", "Hi I'm {user}"),
        ("ai", "Hi there, {user}, I'm {name}."),
        ("human", "{input}"),
    ]
)
template2 = template.partial(user="Lucy", name="R2D2")

template2.format_messages(input="hello")
pretty_print() None

打印人类可读的表示。

返回类型

None

pretty_repr(html: bool = False) str[source]

人类可读的表示。

参数

html (bool) – 是否格式化为 HTML。默认为 False。

返回

人类可读的表示。

返回类型

str

save(file_path: Union[Path, str]) None[source]

将提示保存到文件。

参数

file_path (Union[Path, str]) – 文件路径。

返回类型

None

stream(input: Input, config: Optional[RunnableConfig] = None, **kwargs: Optional[Any]) Iterator[Output]

流式传输的默认实现,它调用 invoke。如果子类支持流式输出,则应覆盖此方法。

参数
  • input (Input) – Runnable 的输入。

  • config (Optional[RunnableConfig]) – 用于 Runnable 的配置。默认为 None。

  • kwargs (Optional[Any]) – 要传递给 Runnable 的其他关键字参数。

Yields

Runnable 的输出。

返回类型

Iterator[Output]

to_json() Union[SerializedConstructor, SerializedNotImplemented]

将 Runnable 序列化为 JSON。

返回

Runnable 的 JSON 可序列化表示。

返回类型

Union[SerializedConstructor, SerializedNotImplemented]

ChatPromptTemplate 的使用示例