langchain_google_genai.chat_models.ChatGoogleGenerativeAI

注意

ChatGoogleGenerativeAI 实现了标准的 Runnable Interface。 🏃

Runnable Interface 具有在可运行对象上可用的附加方法,例如 with_typeswith_retryassignbindget_graph 等。

class langchain_google_genai.chat_models.ChatGoogleGenerativeAI[source]

基类: _BaseGoogleGenerativeAI, BaseChatModel

Google AI 聊天模型集成。

实例化

要使用,您必须具有以下任一项

  1. 设置了 GOOGLE_API_KEY` 环境变量以及您的 API 密钥,或者

  2. 使用 google_api_key kwarg 将您的 API 密钥传递给 ChatGoogle 构造函数。

from langchain_google_genai import ChatGoogleGenerativeAI

llm = ChatGoogleGenerativeAI(model="gemini-1.5-pro")
llm.invoke("Write me a ballad about LangChain")
调用
messages = [
    ("system", "Translate the user sentence to French."),
    ("human", "I love programming."),
]
llm.invoke(messages)
AIMessage(
    content="J'adore programmer. \n",
    response_metadata={'prompt_feedback': {'block_reason': 0, 'safety_ratings': []}, 'finish_reason': 'STOP', 'safety_ratings': [{'category': 'HARM_CATEGORY_SEXUALLY_EXPLICIT', 'probability': 'NEGLIGIBLE', 'blocked': False}, {'category': 'HARM_CATEGORY_HATE_SPEECH', 'probability': 'NEGLIGIBLE', 'blocked': False}, {'category': 'HARM_CATEGORY_HARASSMENT', 'probability': 'NEGLIGIBLE', 'blocked': False}, {'category': 'HARM_CATEGORY_DANGEROUS_CONTENT', 'probability': 'NEGLIGIBLE', 'blocked': False}]},
    id='run-56cecc34-2e54-4b52-a974-337e47008ad2-0',
    usage_metadata={'input_tokens': 18, 'output_tokens': 5, 'total_tokens': 23}
)
流式处理
for chunk in llm.stream(messages):
    print(chunk)
AIMessageChunk(content='J', response_metadata={'finish_reason': 'STOP', 'safety_ratings': []}, id='run-e905f4f4-58cb-4a10-a960-448a2bb649e3', usage_metadata={'input_tokens': 18, 'output_tokens': 1, 'total_tokens': 19})
AIMessageChunk(content="'adore programmer.

“, response_metadata={‘finish_reason’: ‘STOP’, ‘safety_ratings’: [{‘category’: ‘HARM_CATEGORY_SEXUALLY_EXPLICIT’, ‘probability’: ‘NEGLIGIBLE’, ‘blocked’: False}, {‘category’: ‘HARM_CATEGORY_HATE_SPEECH’, ‘probability’: ‘NEGLIGIBLE’, ‘blocked’: False}, {‘category’: ‘HARM_CATEGORY_HARASSMENT’, ‘probability’: ‘NEGLIGIBLE’, ‘blocked’: False}, {‘category’: ‘HARM_CATEGORY_DANGEROUS_CONTENT’, ‘probability’: ‘NEGLIGIBLE’, ‘blocked’: False}]}, id=’run-e905f4f4-58cb-4a10-a960-448a2bb649e3’, usage_metadata={‘input_tokens’: 18, ‘output_tokens’: 5, ‘total_tokens’: 23})

stream = llm.stream(messages)
full = next(stream)
for chunk in stream:
    full += chunk
full
AIMessageChunk(
    content="J'adore programmer. \n",
    response_metadata={'finish_reason': 'STOPSTOP', 'safety_ratings': [{'category': 'HARM_CATEGORY_SEXUALLY_EXPLICIT', 'probability': 'NEGLIGIBLE', 'blocked': False}, {'category': 'HARM_CATEGORY_HATE_SPEECH', 'probability': 'NEGLIGIBLE', 'blocked': False}, {'category': 'HARM_CATEGORY_HARASSMENT', 'probability': 'NEGLIGIBLE', 'blocked': False}, {'category': 'HARM_CATEGORY_DANGEROUS_CONTENT', 'probability': 'NEGLIGIBLE', 'blocked': False}]},
    id='run-3ce13a42-cd30-4ad7-a684-f1f0b37cdeec',
    usage_metadata={'input_tokens': 36, 'output_tokens': 6, 'total_tokens': 42}
)
异步
await llm.ainvoke(messages)

# stream:
# async for chunk in (await llm.astream(messages))

# batch:
# await llm.abatch([messages])
工具调用
from langchain_core.pydantic_v1 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"
    )


llm_with_tools = llm.bind_tools([GetWeather, GetPopulation])
ai_msg = llm_with_tools.invoke(
    "Which city is hotter today and which is bigger: LA or NY?"
)
ai_msg.tool_calls
[{'name': 'GetWeather',
  'args': {'location': 'Los Angeles, CA'},
  'id': 'c186c99f-f137-4d52-947f-9e3deabba6f6'},
 {'name': 'GetWeather',
  'args': {'location': 'New York City, NY'},
  'id': 'cebd4a5d-e800-4fa5-babd-4aa286af4f31'},
 {'name': 'GetPopulation',
  'args': {'location': 'Los Angeles, CA'},
  'id': '4f92d897-f5e4-4d34-a3bc-93062c92591e'},
 {'name': 'GetPopulation',
  'args': {'location': 'New York City, NY'},
  'id': '634582de-5186-4e4b-968b-f192f0a93678'}]
结构化输出
from typing import Optional

from langchain_core.pydantic_v1 import BaseModel, Field


class Joke(BaseModel):
    '''Joke to tell user.'''

    setup: str = Field(description="The setup of the joke")
    punchline: str = Field(description="The punchline to the joke")
    rating: Optional[int] = Field(description="How funny the joke is, from 1 to 10")


structured_llm = llm.with_structured_output(Joke)
structured_llm.invoke("Tell me a joke about cats")
Joke(
    setup='Why are cats so good at video games?',
    punchline='They have nine lives on the internet',
    rating=None
)
图像输入
import base64
import httpx
from langchain_core.messages import HumanMessage

image_url = "https://upload.wikimedia.org/wikipedia/commons/thumb/d/dd/Gfp-wisconsin-madison-the-nature-boardwalk.jpg/2560px-Gfp-wisconsin-madison-the-nature-boardwalk.jpg"
image_data = base64.b64encode(httpx.get(image_url).content).decode("utf-8")
message = HumanMessage(
    content=[
        {"type": "text", "text": "describe the weather in this image"},
        {
            "type": "image_url",
            "image_url": {"url": f"data:image/jpeg;base64,{image_data}"},
        },
    ]
)
ai_msg = llm.invoke([message])
ai_msg.content
'The weather in this image appears to be sunny and pleasant. The sky is a bright blue with scattered white clouds, suggesting fair weather. The lush green grass and trees indicate a warm and possibly slightly breezy day. There are no signs of rain or storms.

令牌使用量
ai_msg = llm.invoke(messages)
ai_msg.usage_metadata
{'input_tokens': 18, 'output_tokens': 5, 'total_tokens': 23}

响应元数据 .. code-block:: python

ai_msg = llm.invoke(messages) ai_msg.response_metadata

{
    'prompt_feedback': {'block_reason': 0, 'safety_ratings': []},
    'finish_reason': 'STOP',
    'safety_ratings': [{'category': 'HARM_CATEGORY_SEXUALLY_EXPLICIT', 'probability': 'NEGLIGIBLE', 'blocked': False}, {'category': 'HARM_CATEGORY_HATE_SPEECH', 'probability': 'NEGLIGIBLE', 'blocked': False}, {'category': 'HARM_CATEGORY_HARASSMENT', 'probability': 'NEGLIGIBLE', 'blocked': False}, {'category': 'HARM_CATEGORY_DANGEROUS_CONTENT', 'probability': 'NEGLIGIBLE', 'blocked': False}]
}
param additional_headers: Optional[Dict[str, str]] = None

表示模型调用的附加标头的键值字典

param cache: Union[BaseCache, bool, None] = None

是否缓存响应。

  • 如果为 true,将使用全局缓存。

  • 如果为 false,将不使用缓存

  • 如果为 None,如果设置了全局缓存,则将使用全局缓存,否则不使用缓存。

  • 如果是 BaseCache 的实例,将使用提供的缓存。

模型流式处理方法目前不支持缓存。

param callback_manager: Optional[BaseCallbackManager] = None

[已弃用] 要添加到运行跟踪的回调管理器。

param callbacks: Callbacks = None

要添加到运行跟踪的回调。

param client_options: Optional[Dict] = None

要传递给 Google API 客户端的客户端选项字典,例如 api_endpoint

param convert_system_message_to_human: bool = False

是否将任何前导 SystemMessage 合并到以下 HumanMessage 中。

Gemini 不支持系统消息;任何不支持的消息都将引发错误。

param credentials: Any = None

要使用的默认自定义凭据 (google.auth.credentials.Credentials)

param custom_get_token_ids: Optional[Callable[[str], List[int]]] = None

用于计算令牌的可选编码器。

param google_api_key: Optional[SecretStr] = None (别名 'api_key')

Google AI API 密钥。

如果未指定,将从环境变量 GOOGLE_API_KEY 中读取。

约束
  • 类型 = 字符串

  • writeOnly = True

  • 格式 = 密码

param max_output_tokens: Optional[int] = None

候选对象中包含的最大令牌数。必须大于零。如果未设置,则默认为 64。

param max_retries: int = 6

生成时要进行的最大重试次数。

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

要添加到运行跟踪的元数据。

param model: str [必需]

要使用的模型名称。

要使用的模型的名称。支持的示例

  • gemini-pro

  • models/text-bison-001

param n: int = 1

为每个提示生成的聊天完成次数。请注意,如果生成重复项,API 可能不会返回完整的 n 个完成项。

param rate_limiter: Optional[BaseRateLimiter] = None

用于限制请求数量的可选速率限制器。

param safety_settings: Optional[Dict[HarmCategory, HarmBlockThreshold]] = None

用于所有生成的默认安全设置。

例如

from google.generativeai.types.safety_types import HarmBlockThreshold, HarmCategory

safety_settings = {

HarmCategory.HARM_CATEGORY_DANGEROUS_CONTENT: HarmBlockThreshold.BLOCK_MEDIUM_AND_ABOVE, HarmCategory.HARM_CATEGORY_HATE_SPEECH: HarmBlockThreshold.BLOCK_ONLY_HIGH, HarmCategory.HARM_CATEGORY_HARASSMENT: HarmBlockThreshold.BLOCK_LOW_AND_ABOVE, HarmCategory.HARM_CATEGORY_SEXUALLY_EXPLICIT: HarmBlockThreshold.BLOCK_NONE,

}

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

要添加到运行跟踪的标签。

param temperature: float = 0.7

以此温度运行推断。必须在闭区间 [0.0, 1.0] 内。

param timeout: Optional[float] = None

等待响应的最大秒数。

param top_k: Optional[int] = None

使用 top-k 采样进行解码:考虑 top_k 个最可能的令牌的集合。必须为正数。

param top_p: Optional[float] = None

使用核采样进行解码:考虑概率总和至少为 top_p 的最小令牌集。必须在闭区间 [0.0, 1.0] 内。

param transport: Optional[str] = None

字符串,以下之一:[rest, grpc, grpc_asyncio]。

param verbose: bool [可选]

是否打印出响应文本。

__call__(messages: List[BaseMessage], stop: Optional[List[str]] = None, callbacks: Optional[Union[List[BaseCallbackHandler], BaseCallbackManager]] = None, **kwargs: Any) BaseMessage

Deprecated since version langchain-core==0.1.7: 使用 invoke 代替。

参数
返回类型

BaseMessage

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

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

批处理的默认实现非常适合 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 的其他关键字参数。

Returns

来自 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 agenerate(messages: List[List[BaseMessage]], stop: Optional[List[str]] = None, callbacks: Optional[Union[List[BaseCallbackHandler], BaseCallbackManager]] = None, *, tags: Optional[List[str]] = None, metadata: Optional[Dict[str, Any]] = None, run_name: Optional[str] = None, run_id: Optional[UUID] = None, **kwargs: Any) LLMResult

异步地将一系列提示传递给模型并返回生成结果。

此方法应利用批量调用,以用于公开批量 API 的模型。

当您想要
  1. 利用批量调用,

  2. 需要从模型获得比仅仅是最佳生成值更多的输出,

  3. 构建与底层语言模型无关的链时,

    类型(例如,纯文本补全模型与聊天模型)。

参数
  • messages (List[List[BaseMessage]]) – 消息列表的列表。

  • stop (Optional[List[str]]) – 生成时使用的停止词。模型输出在首次出现任何这些子字符串时被截断。

  • callbacks (Optional[Union[List[BaseCallbackHandler], BaseCallbackManager]]) – 要传递的回调。用于在整个生成过程中执行附加功能,例如日志记录或流式传输。

  • **kwargs (Any) – 任意附加关键字参数。这些通常传递给模型提供商 API 调用。

  • tags (Optional[List[str]]) –

  • metadata (Optional[Dict[str, Any]]) –

  • run_name (Optional[str]) –

  • run_id (Optional[UUID]) –

  • **kwargs

Returns

一个 LLMResult,其中包含每个输入提示的候选 Generations 列表以及其他模型提供商特定的输出。

提示以及其他模型提供商特定的输出。

返回类型

LLMResult

async agenerate_prompt(prompts: List[PromptValue], stop: Optional[List[str]] = None, callbacks: Optional[Union[List[BaseCallbackHandler], BaseCallbackManager]] = None, **kwargs: Any) LLMResult

异步地传递一系列提示并返回模型生成结果。

此方法应利用批量调用,以用于公开批量 API 的模型。

当您想要
  1. 利用批量调用,

  2. 需要从模型获得比仅仅是最佳生成值更多的输出,

  3. 构建与底层语言模型无关的链时,

    类型(例如,纯文本补全模型与聊天模型)。

参数
  • prompts (List[PromptValue]) – PromptValue 列表。PromptValue 是可以转换为匹配任何语言模型格式的对象(纯文本生成模型的字符串和聊天模型的 BaseMessages)。

  • stop (Optional[List[str]]) – 生成时使用的停止词。模型输出在首次出现任何这些子字符串时被截断。

  • callbacks (Optional[Union[List[BaseCallbackHandler], BaseCallbackManager]]) – 要传递的回调。用于在整个生成过程中执行附加功能,例如日志记录或流式传输。

  • **kwargs (Any) – 任意附加关键字参数。这些通常传递给模型提供商 API 调用。

Returns

一个 LLMResult,其中包含每个输入提示的候选 Generations 列表以及其他模型提供商特定的输出。

提示以及其他模型提供商特定的输出。

返回类型

LLMResult

async ainvoke(input: LanguageModelInput, config: Optional[RunnableConfig] = None, *, stop: Optional[List[str]] = None, **kwargs: Any) BaseMessage

`ainvoke` 的默认实现,从线程调用 invoke。

即使 Runnable 没有实现 invoke 的原生异步版本,默认实现也允许使用异步代码。

如果子类可以异步运行,则应重写此方法。

参数
  • input (LanguageModelInput) –

  • config (Optional[RunnableConfig]) –

  • stop (Optional[List[str]]) –

  • kwargs (Any) –

返回类型

BaseMessage

async apredict(text: str, *, stop: Optional[Sequence[str]] = None, **kwargs: Any) str

Deprecated since version langchain-core==0.1.7: 请使用 ainvoke 代替。

参数
  • text (str) –

  • stop (Optional[Sequence[str]]) –

  • kwargs (Any) –

返回类型

str

async apredict_messages(messages: List[BaseMessage], *, stop: Optional[Sequence[str]] = None, **kwargs: Any) BaseMessage

Deprecated since version langchain-core==0.1.7: 请使用 ainvoke 代替。

参数
  • messages (List[BaseMessage]) –

  • stop (Optional[Sequence[str]]) –

  • kwargs (Any) –

返回类型

BaseMessage

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 接受字典作为输入,并且未对特定字典键进行类型化),可以使用 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。

Returns

一个 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: LanguageModelInput, config: Optional[RunnableConfig] = None, *, stop: Optional[List[str]] = None, **kwargs: Any) AsyncIterator[BaseMessageChunk]

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

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

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

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

  • stop (Optional[List[str]]) –

Yields

Runnable 的输出。

返回类型

AsyncIterator[BaseMessageChunk]

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 的迭代器,StreamEvents 提供关于 Runnable 进度的实时信息,包括来自中间结果的 StreamEvents。

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

  • event: str - 事件名称的格式为:on_[runnable_type]_(start|stream|end)。

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

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

  • run_id: str - 与发出事件的 Runnable 的给定执行随机生成的 ID。作为父 Runnable 执行的一部分调用的子 Runnable 将被分配其自己的唯一 ID。

    Runnable 的给定执行随机生成的 ID。作为父 Runnable 执行的一部分调用的子 Runnable 将被分配其自己的唯一 ID。

  • parent_ids: List[str] - 生成事件的父 runnables 的 ID。根 Runnable 将有一个空列表。父 ID 的顺序是从根到直接父级。仅适用于 API 的 v2 版本。API 的 v1 版本将返回一个空列表。

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

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

    生成事件的 Runnable 的标签。

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

    生成事件的 Runnable 的元数据。

  • data: Dict[str, Any]

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

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

event

name

chunk

input

output

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 版本中显示!

自定义事件具有以下格式

属性

类型

描述

name

str

事件的用户定义名称。

data

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]]) – 仅包括来自具有匹配名称的 runnables 的事件。

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

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

  • exclude_names (可选[Sequence[str]]) – 排除来自名称匹配的可运行对象的事件。

  • exclude_types (可选[Sequence[str]]) – 排除来自类型匹配的可运行对象的事件。

  • exclude_tags (可选[Sequence[str]]) – 排除来自标签匹配的可运行对象的事件。

  • 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。

批处理的默认实现非常适合 IO 绑定可运行对象。

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

参数
  • inputs (List[Input]) –

  • config (可选[Union[RunnableConfig, List[RunnableConfig]]]) –

  • return_exceptions (bool) –

  • kwargs (可选[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 (可选[Union[RunnableConfig, Sequence[RunnableConfig]]]) –

  • return_exceptions (bool) –

  • kwargs (可选[Any]) –

返回类型

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

bind_tools(tools: Sequence[Union[ToolDict, Tool]], tool_config: Optional[Union[Dict, _ToolConfigDict]] = None, *, tool_choice: Optional[Union[dict, List[str], str, Literal['auto', 'none', 'any'], Literal[True], bool]] = None, **kwargs:]: Any) Runnable[Union[PromptValue, str, Sequence[Union[BaseMessage, List[str], Tuple[str, str], str, Dict[str, Any]]]], BaseMessage][source]

将类似工具的对象绑定到此聊天模型。

假定模型与 google-generativeAI 工具调用 API 兼容。

参数
  • tools (Sequence[Union[ToolDict, Tool]]) – 要绑定到此聊天模型的工具定义列表。可以是 pydantic 模型、可调用对象或 BaseTool。Pydantic 模型、可调用对象和 BaseTool 将自动转换为其模式字典表示形式。

  • **kwargs (Any) – 传递给 Runnable 构造函数的任何其他参数。

  • tool_config (可选[Union[Dict, _ToolConfigDict]]) –

  • tool_choice (可选[Union[dict, List[str], str, Literal['auto', 'none', 'any'], ~typing.Literal[True], bool]]) –

  • **kwargs

返回类型

Runnable[Union[PromptValue, str, Sequence[Union[BaseMessage, List[str], Tuple[str, str], str, Dict[str, Any]]]], BaseMessage]

call_as_llm(message: str, stop: Optional[List[str]] = None, **kwargs:]: Any) str

Deprecated since version langchain-core==0.1.7: 使用 invoke 代替。

参数
  • message (str) –

  • stop (Optional[List[str]]) –

  • kwargs (Any) –

返回类型

str

configurable_alternatives(which: ConfigurableField, *, default_key: str = None, 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 实例的可调用对象的字典。

Returns

配置了备选项的新 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 实例的字典。

Returns

配置了字段的新 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
)
generate(messages: List[List[BaseMessage]], stop: Optional[List[str]] = None, callbacks: Optional[Union[List[BaseCallbackHandler], BaseCallbackManager]] = None, *, tags: Optional[List[str]] = None, metadata: Optional[Dict[str, Any]] = None, run_name: Optional[str] = None, run_id: Optional[UUID] = None, **kwargs:]: Any) LLMResult

将一系列提示传递给模型并返回模型生成结果。

此方法应利用批量调用,以用于公开批量 API 的模型。

当您想要
  1. 利用批量调用,

  2. 需要从模型获得比仅仅是最佳生成值更多的输出,

  3. 构建与底层语言模型无关的链时,

    类型(例如,纯文本补全模型与聊天模型)。

参数
  • messages (List[List[BaseMessage]]) – 消息列表的列表。

  • stop (Optional[List[str]]) – 生成时使用的停止词。模型输出在首次出现任何这些子字符串时被截断。

  • callbacks (Optional[Union[List[BaseCallbackHandler], BaseCallbackManager]]) – 要传递的回调。用于在整个生成过程中执行附加功能,例如日志记录或流式传输。

  • **kwargs (Any) – 任意附加关键字参数。这些通常传递给模型提供商 API 调用。

  • tags (Optional[List[str]]) –

  • metadata (Optional[Dict[str, Any]]) –

  • run_name (Optional[str]) –

  • run_id (Optional[UUID]) –

  • **kwargs

Returns

一个 LLMResult,其中包含每个输入提示的候选 Generations 列表以及其他模型提供商特定的输出。

提示以及其他模型提供商特定的输出。

返回类型

LLMResult

generate_prompt(prompts: List[PromptValue], stop: Optional[List[str]] = None, callbacks: Optional[Union[List[BaseCallbackHandler], BaseCallbackManager]] = None, **kwargs:]: Any) LLMResult

将一系列提示传递给模型并返回模型生成结果。

此方法应利用批量调用,以用于公开批量 API 的模型。

当您想要
  1. 利用批量调用,

  2. 需要从模型获得比仅仅是最佳生成值更多的输出,

  3. 构建与底层语言模型无关的链时,

    类型(例如,纯文本补全模型与聊天模型)。

参数
  • prompts (List[PromptValue]) – PromptValue 列表。PromptValue 是可以转换为匹配任何语言模型格式的对象(纯文本生成模型的字符串和聊天模型的 BaseMessages)。

  • stop (Optional[List[str]]) – 生成时使用的停止词。模型输出在首次出现任何这些子字符串时被截断。

  • callbacks (Optional[Union[List[BaseCallbackHandler], BaseCallbackManager]]) – 要传递的回调。用于在整个生成过程中执行附加功能,例如日志记录或流式传输。

  • **kwargs (Any) – 任意附加关键字参数。这些通常传递给模型提供商 API 调用。

Returns

一个 LLMResult,其中包含每个输入提示的候选 Generations 列表以及其他模型提供商特定的输出。

提示以及其他模型提供商特定的输出。

返回类型

LLMResult

get_num_tokens(text: str) int[source]

获取文本中存在的 token 数量。

用于检查输入是否适合模型的上下文窗口。

参数

text (str) – 要标记化的字符串输入。

Returns

文本中 token 的整数数量。

返回类型

int

get_num_tokens_from_messages(messages: List[BaseMessage]) int

获取消息中的 token 数量。

用于检查输入是否适合模型的上下文窗口。

参数

messages (List[BaseMessage]) – 要标记化的消息输入。

Returns

消息中 token 数量的总和。

返回类型

int

get_token_ids(text: str) List[int]

返回文本中 token 的有序 ID。

参数

text (str) – 要标记化的字符串输入。

Returns

与文本中的 token 相对应的 ID 列表,按照它们在文本中出现的顺序排列。

在文本中。

返回类型

List[int]

invoke(input: LanguageModelInput, config: Optional[RunnableConfig] = None, *, stop: Optional[List[str]] = None, **kwargs:]: Any) BaseMessage

将单个输入转换为输出。覆盖以实现。

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

  • config (可选[RunnableConfig]) – 调用 Runnable 时要使用的配置。该配置支持标准键,如用于跟踪目的的“tags”、“metadata”,用于控制并行执行量的“max_concurrency”以及其他键。请参阅 RunnableConfig 以了解更多详细信息。

  • stop (Optional[List[str]]) –

  • kwargs (Any) –

Returns

Runnable 的输出。

返回类型

BaseMessage

predict(text: str, *, stop: Optional[Sequence[str]] = None, **kwargs: Any) str

Deprecated since version langchain-core==0.1.7: 使用 invoke 代替。

参数
  • text (str) –

  • stop (Optional[Sequence[str]]) –

  • kwargs (Any) –

返回类型

str

predict_messages(messages: List[BaseMessage], *, stop: Optional[Sequence[str]] = None, **kwargs: Any) BaseMessage

Deprecated since version langchain-core==0.1.7: 使用 invoke 代替。

参数
  • messages (List[BaseMessage]) –

  • stop (Optional[Sequence[str]]) –

  • kwargs (Any) –

返回类型

BaseMessage

stream(input: LanguageModelInput, config: Optional[RunnableConfig] = None, *, stop: Optional[List[str]] = None, **kwargs: Any) Iterator[BaseMessageChunk]

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

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

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

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

  • stop (Optional[List[str]]) –

Yields

Runnable 的输出。

返回类型

Iterator[BaseMessageChunk]

to_json() Union[SerializedConstructor, SerializedNotImplemented]

将 Runnable 序列化为 JSON。

Returns

Runnable 的 JSON 可序列化表示形式。

返回类型

Union[SerializedConstructor, SerializedNotImplemented]

with_structured_output(schema: Union[Dict, Type[BaseModel]], *, include_raw: bool = False, **kwargs: Any) Runnable[Union[PromptValue, str, Sequence[Union[BaseMessage, List[str], Tuple[str, str], str, Dict[str, Any]]]], Union[Dict, BaseModel]][source]

模型包装器,返回格式化为匹配给定模式的输出。

参数
  • schema (Union[Dict, Type[BaseModel]]) –

    输出模式。可以作为以下形式传入
    • OpenAI 函数/工具模式,

    • JSON Schema,

    • TypedDict 类(在 0.2.26 中添加支持),

    • 或 Pydantic 类。

    如果 schema 是 Pydantic 类,则模型输出将是该类的 Pydantic 实例,并且模型生成的字段将由 Pydantic 类验证。否则,模型输出将是一个 dict 并且不会被验证。有关如何在指定 Pydantic 或 TypedDict 类时正确指定模式字段的类型和描述的更多信息,请参阅 langchain_core.utils.function_calling.convert_to_openai_tool()

    Changed in version 0.2.26: 在 0.2.26 版本中更改:添加了对 TypedDict 类的支持。

  • include_raw (bool) – 如果为 False,则仅返回解析的结构化输出。如果在模型输出解析期间发生错误,将引发该错误。如果为 True,则将返回原始模型响应 (BaseMessage) 和解析的模型响应。如果在输出解析期间发生错误,它将被捕获并返回。最终输出始终是一个包含键 “raw”、“parsed” 和 “parsing_error” 的 dict。

  • kwargs (Any) –

Returns

一个 Runnable,它接受与 langchain_core.language_models.chat.BaseChatModel 相同的输入。

如果 include_raw 为 False 且 schema 是 Pydantic 类,则 Runnable 输出 schema 的实例(即,一个 Pydantic 对象)。

否则,如果 include_raw 为 False,则 Runnable 输出一个 dict。

如果 include_raw 为 True,则 Runnable 输出一个带有以下键的 dict
  • "raw": BaseMessage

  • "parsed": 如果存在解析错误,则为 None,否则类型取决于上面描述的 schema

  • "parsing_error": Optional[BaseException]

返回类型

Runnable[Union[PromptValue, str, Sequence[Union[BaseMessage, List[str], Tuple[str, str], str, Dict[str, Any]]]], Union[Dict, BaseModel]]

示例:Pydantic 模式 (include_raw=False)
from langchain_core.pydantic_v1 import BaseModel

class AnswerWithJustification(BaseModel):
    '''An answer to the user question along with justification for the answer.'''
    answer: str
    justification: str

llm = ChatModel(model="model-name", temperature=0)
structured_llm = llm.with_structured_output(AnswerWithJustification)

structured_llm.invoke("What weighs more a pound of bricks or a pound of feathers")

# -> AnswerWithJustification(
#     answer='They weigh the same',
#     justification='Both a pound of bricks and a pound of feathers weigh one pound. The weight is the same, but the volume or density of the objects may differ.'
# )
示例:Pydantic 模式 (include_raw=True)
from langchain_core.pydantic_v1 import BaseModel

class AnswerWithJustification(BaseModel):
    '''An answer to the user question along with justification for the answer.'''
    answer: str
    justification: str

llm = ChatModel(model="model-name", temperature=0)
structured_llm = llm.with_structured_output(AnswerWithJustification, include_raw=True)

structured_llm.invoke("What weighs more a pound of bricks or a pound of feathers")
# -> {
#     'raw': AIMessage(content='', additional_kwargs={'tool_calls': [{'id': 'call_Ao02pnFYXD6GN1yzc0uXPsvF', 'function': {'arguments': '{"answer":"They weigh the same.","justification":"Both a pound of bricks and a pound of feathers weigh one pound. The weight is the same, but the volume or density of the objects may differ."}', 'name': 'AnswerWithJustification'}, 'type': 'function'}]}),
#     'parsed': AnswerWithJustification(answer='They weigh the same.', justification='Both a pound of bricks and a pound of feathers weigh one pound. The weight is the same, but the volume or density of the objects may differ.'),
#     'parsing_error': None
# }
示例:Dict 模式 (include_raw=False)
from langchain_core.pydantic_v1 import BaseModel
from langchain_core.utils.function_calling import convert_to_openai_tool

class AnswerWithJustification(BaseModel):
    '''An answer to the user question along with justification for the answer.'''
    answer: str
    justification: str

dict_schema = convert_to_openai_tool(AnswerWithJustification)
llm = ChatModel(model="model-name", temperature=0)
structured_llm = llm.with_structured_output(dict_schema)

structured_llm.invoke("What weighs more a pound of bricks or a pound of feathers")
# -> {
#     'answer': 'They weigh the same',
#     'justification': 'Both a pound of bricks and a pound of feathers weigh one pound. The weight is the same, but the volume and density of the two substances differ.'
# }

使用 ChatGoogleGenerativeAI 的示例