Skip to main content
Open on GitHub

Google

所有与Google Cloud Platform和其他Google产品相关的功能。

Gemini 模型和 VertexAI 平台的集成包维护在 langchain-google 仓库中。 你可以在 googleapis Github 组织中找到许多 LangChain 与其他 Google API 的集成。

聊天模型

我们建议个人开发者从Gemini API(langchain-google-genai)开始,当需要商业支持和更高的速率限制时,再转向Vertex AI(langchain-google-vertexai)。如果您已经是云友好或云原生的,那么您可以直接在Vertex AI中开始。 请参阅这里了解更多信息。

Google生成式AI

通过ChatGoogleGenerativeAI类访问GoogleAI的Gemini模型,例如gemini-progemini-pro-vision

pip install -U langchain-google-genai

配置您的API密钥。

export GOOGLE_API_KEY=your-api-key
from langchain_google_genai import ChatGoogleGenerativeAI

llm = ChatGoogleGenerativeAI(model="gemini-pro")
llm.invoke("Sing a ballad of LangChain.")

Gemini视觉模型在提供单一聊天消息时支持图像输入。

from langchain_core.messages import HumanMessage
from langchain_google_genai import ChatGoogleGenerativeAI

llm = ChatGoogleGenerativeAI(model="gemini-pro-vision")

message = HumanMessage(
content=[
{
"type": "text",
"text": "What's in this image?",
}, # You can optionally provide text parts
{"type": "image_url", "image_url": "https://picsum.photos/seed/picsum/200/300"},
]
)
llm.invoke([message])

image_url 的值可以是以下任意一种:

  • 一个公共图片URL
  • 一个gcs文件(例如,"gcs://path/to/file.png")
  • 本地文件路径
  • 一个base64编码的图像(例如,data:image/png;base64,abcd124)
  • 一张PIL图像

顶点人工智能

通过Google Cloud访问像Gemini这样的聊天模型。

我们需要安装langchain-google-vertexai python包。

pip install langchain-google-vertexai

查看一个使用示例

from langchain_google_vertexai import ChatVertexAI

Anthropic 在 Vertex AI 模型花园

查看使用示例

from langchain_google_vertexai.model_garden import ChatAnthropicVertex

Llama 在 Vertex AI 模型花园

from langchain_google_vertexai.model_garden_maas.llama import VertexModelGardenLlama

Mistral 在 Vertex AI 模型花园

from langchain_google_vertexai.model_garden_maas.mistral import VertexModelGardenMistral

来自 Hugging Face 的本地 Gemma

HuggingFace加载的本地Gemma模型。

我们需要安装langchain-google-vertexai python包。

pip install langchain-google-vertexai
from langchain_google_vertexai.gemma import GemmaChatLocalHF

来自Kaggle的本地Gemma

Kaggle加载的本地Gemma模型。

我们需要安装langchain-google-vertexai python包。

pip install langchain-google-vertexai
from langchain_google_vertexai.gemma import GemmaChatLocalKaggle

Gemma 在 Vertex AI 模型花园

我们需要安装langchain-google-vertexai python包。

pip install langchain-google-vertexai
from langchain_google_vertexai.gemma import GemmaChatVertexAIModelGarden

Vertex AI 图像字幕生成

Image Captioning model实现为聊天。

我们需要安装langchain-google-vertexai python包。

pip install langchain-google-vertexai
from langchain_google_vertexai.vision_models import VertexAIImageCaptioningChat

Vertex AI 图像编辑器

给定一张图片和一个提示,编辑该图片。目前仅支持无遮罩编辑。

我们需要安装langchain-google-vertexai python包。

pip install langchain-google-vertexai
from langchain_google_vertexai.vision_models import VertexAIImageEditorChat

Vertex AI 图像生成器

根据提示生成图像。

我们需要安装langchain-google-vertexai python包。

pip install langchain-google-vertexai
from langchain_google_vertexai.vision_models import VertexAIImageGeneratorChat

Vertex AI 视觉问答

视觉问答模型的聊天实现

我们需要安装langchain-google-vertexai python包。

pip install langchain-google-vertexai
from langchain_google_vertexai.vision_models import VertexAIVisualQnAChat

大型语言模型

Google 生成式 AI

通过GoogleGenerativeAI类访问GoogleAI的Gemini模型,例如gemini-progemini-pro-vision

安装python包。

pip install langchain-google-genai

查看使用示例

from langchain_google_genai import GoogleGenerativeAI
API Reference:GoogleGenerativeAI

Vertex AI 模型花园

通过Vertex AI Model Garden服务访问PaLM和数百个开源模型。

我们需要安装langchain-google-vertexai python包。

pip install langchain-google-vertexai

查看一个使用示例

from langchain_google_vertexai import VertexAIModelGarden

来自 Hugging Face 的本地 Gemma

HuggingFace加载的本地Gemma模型。

我们需要安装langchain-google-vertexai python包。

pip install langchain-google-vertexai
from langchain_google_vertexai.gemma import GemmaLocalHF

来自Kaggle的本地Gemma

Kaggle加载的本地Gemma模型。

我们需要安装langchain-google-vertexai python包。

pip install langchain-google-vertexai
from langchain_google_vertexai.gemma import GemmaLocalKaggle

Gemma 在 Vertex AI 模型花园

我们需要安装langchain-google-vertexai python包。

pip install langchain-google-vertexai
from langchain_google_vertexai.gemma import GemmaVertexAIModelGarden

Vertex AI 图像字幕生成

Image Captioning model实现为LLM。

我们需要安装langchain-google-vertexai python包。

pip install langchain-google-vertexai
from langchain_google_vertexai.vision_models import VertexAIImageCaptioning

嵌入模型

Google Generative AI 嵌入

查看使用示例

pip install -U langchain-google-genai

配置您的API密钥。

export GOOGLE_API_KEY=your-api-key
from langchain_google_genai import GoogleGenerativeAIEmbeddings

Google Generative AI 服务器端嵌入

安装python包:

pip install langchain-google-genai
from langchain_google_genai.google_vector_store import ServerSideEmbedding
API Reference:ServerSideEmbedding

Vertex AI

我们需要安装langchain-google-vertexai python包。

pip install langchain-google-vertexai

查看使用示例

from langchain_google_vertexai import VertexAIEmbeddings

Palm嵌入

我们需要安装langchain-community python包。

pip install langchain-community
from langchain_community.embeddings.google_palm import GooglePalmEmbeddings
API Reference:GooglePalmEmbeddings

文档加载器

适用于PostgreSQL的AlloyDB

Google Cloud AlloyDB 是一个完全托管的关系型数据库服务,提供高性能、无缝集成和在 Google Cloud 上的出色可扩展性。AlloyDB 与 PostgreSQL 100% 兼容。

安装python包:

pip install langchain-google-alloydb-pg

参见 使用示例

from langchain_google_alloydb_pg import AlloyDBEngine, AlloyDBLoader

BigQuery

Google Cloud BigQuery 是一个无服务器且经济高效的企业数据仓库,可以在多个云环境中工作,并随着您在 Google Cloud 中的数据扩展。

我们需要安装带有Big Query依赖的langchain-google-community

pip install langchain-google-community[bigquery]

查看使用示例

from langchain_google_community import BigQueryLoader
API Reference:BigQueryLoader

Bigtable

Google Cloud Bigtable 是 Google 在 Google Cloud 中完全托管的 NoSQL 大数据数据库服务。

安装python包:

pip install langchain-google-bigtable

参见 Googel Cloud 使用示例

from langchain_google_bigtable import BigtableLoader

MySQL的云SQL

Google Cloud SQL for MySQL 是一项全托管的数据库服务,帮助您在 Google Cloud 上设置、维护、管理和操作您的 MySQL 关系数据库。

安装python包:

pip install langchain-google-cloud-sql-mysql

参见 使用示例

from langchain_google_cloud_sql_mysql import MySQLEngine, MySQLLoader

用于SQL Server的Cloud SQL

Google Cloud SQL for SQL Server 是一项完全托管的数据库服务,可帮助您在 Google Cloud 上设置、维护、管理和操作您的 SQL Server 数据库。

安装python包:

pip install langchain-google-cloud-sql-mssql

参见 使用示例

from langchain_google_cloud_sql_mssql import MSSQLEngine, MSSQLLoader

PostgreSQL的云SQL

Google Cloud SQL for PostgreSQL 是一项完全托管的数据库服务,可帮助您在 Google Cloud 上设置、维护、管理和管理您的 PostgreSQL 关系数据库。

安装python包:

pip install langchain-google-cloud-sql-pg

参见 使用示例

from langchain_google_cloud_sql_pg import PostgresEngine, PostgresLoader

云存储

Cloud Storage 是 Google Cloud 中用于存储非结构化数据的托管服务。

我们需要安装带有Google Cloud Storage依赖项的langchain-google-community

pip install langchain-google-community[gcs]

有两种用于Google Cloud Storage的加载器:DirectoryFile加载器。

查看使用示例

from langchain_google_community import GCSDirectoryLoader
API Reference:GCSDirectoryLoader

查看使用示例

from langchain_google_community import GCSFileLoader
API Reference:GCSFileLoader

云视觉加载器

安装python包:

pip install langchain-google-community[vision]
from langchain_google_community.vision import CloudVisionLoader
API Reference:CloudVisionLoader

El Carro 用于 Oracle 工作负载

Google El Carro Oracle Operator 提供了一种在Kubernetes中运行Oracle数据库的方式,作为一个可移植的、开源的、社区驱动的、无供应商锁定的容器编排系统。

pip install langchain-google-el-carro

参见 使用示例

from langchain_google_el_carro import ElCarroLoader

Google 云端硬盘

Google Drive 是由Google开发的文件存储和同步服务。

目前仅支持Google Docs

我们需要安装带有Google Drive依赖项的langchain-google-community

pip install langchain-google-community[drive]

查看使用示例和授权说明

from langchain_google_community import GoogleDriveLoader
API Reference:GoogleDriveLoader

Firestore(原生模式)

Google Cloud Firestore 是一个为自动扩展、高性能和简化应用开发而构建的NoSQL文档数据库。

安装python包:

pip install langchain-google-firestore

参见 使用示例

from langchain_google_firestore import FirestoreLoader

Firestore (数据存储模式)

Google Cloud Firestore in Datastore mode 是一个为自动扩展、高性能和简化应用开发而构建的NoSQL文档数据库。 Firestore 是 Datastore 的最新版本,并引入了多项改进。

安装python包:

pip install langchain-google-datastore

参见 使用示例

from langchain_google_datastore import DatastoreLoader

Redis 的 Memorystore

Google Cloud Memorystore for Redis 是 Google Cloud 提供的完全托管的 Redis 服务。运行在 Google Cloud 上的应用程序可以通过利用高度可扩展、可用且安全的 Redis 服务来实现极致的性能,而无需承担管理复杂 Redis 部署的负担。

安装python包:

pip install langchain-google-memorystore-redis

参见 使用示例

from langchain_google_memorystore_redis import MemorystoreDocumentLoader

Spanner

Google Cloud Spanner 是 Google Cloud 上完全托管的、关键任务的关系型数据库服务,提供全球范围内的事务一致性、自动同步复制以实现高可用性,并支持两种 SQL 方言:GoogleSQL(带有扩展的 ANSI 2011)和 PostgreSQL。

安装python包:

pip install langchain-google-spanner

参见 使用示例

from langchain_google_spanner import SpannerLoader

语音转文本

Google Cloud Speech-to-Text 是一个由Google Cloud中的语音识别模型驱动的音频转录API。

本文档加载器转录音频文件并将文本结果输出为文档。

首先,我们需要安装带有语音转文本依赖项的langchain-google-community

pip install langchain-google-community[speech]

查看使用示例和授权说明

from langchain_google_community import SpeechToTextLoader
API Reference:SpeechToTextLoader

文档转换器

文档AI

Google Cloud Document AI 是一项 Google Cloud 服务,它将文档中的非结构化数据转换为结构化数据,使其更易于理解、分析和使用。

我们需要设置一个GCS存储桶并创建自己的OCR处理器GCS_OUTPUT_PATH应该是GCS上文件夹的路径(以gs://开头), 处理器名称应类似于projects/PROJECT_NUMBER/locations/LOCATION/processors/PROCESSOR_ID。 我们可以通过编程方式获取它,或者从Google Cloud Console中的Processor details选项卡的Prediction endpoint部分复制。

pip install langchain-google-community[docai]

查看使用示例

from langchain_core.document_loaders.blob_loaders import Blob
from langchain_google_community import DocAIParser
API Reference:Blob | DocAIParser

谷歌翻译

Google Translate 是由Google开发的多语言神经机器翻译服务,用于将文本、文档和网站从一种语言翻译成另一种语言。

GoogleTranslateTransformer 允许您使用 Google Cloud Translation API 翻译文本和 HTML。

首先,我们需要安装带有翻译依赖的langchain-google-community

pip install langchain-google-community[translate]

查看使用示例和授权说明

from langchain_google_community import GoogleTranslateTransformer

向量存储

适用于PostgreSQL的AlloyDB

Google Cloud AlloyDB 是一个完全托管的关系型数据库服务,提供高性能、无缝集成和在 Google Cloud 上的出色可扩展性。AlloyDB 与 PostgreSQL 100% 兼容。

安装python包:

pip install langchain-google-alloydb-pg

参见 使用示例.

from langchain_google_alloydb_pg import AlloyDBEngine, AlloyDBVectorStore

Google Cloud BigQuery, BigQuery 是 Google Cloud 中一个无服务器且经济高效的企业数据仓库。

Google Cloud BigQuery 向量搜索 BigQuery 向量搜索允许您使用 GoogleSQL 进行语义搜索,使用向量索引以获得快速但近似的结果,或使用暴力搜索以获得精确结果。

它可以计算欧几里得距离或余弦距离。使用LangChain时,我们默认使用欧几里得距离。

我们需要安装几个Python包。

pip install google-cloud-bigquery

查看使用示例

from langchain.vectorstores import BigQueryVectorSearch

Redis 的 Memorystore

Google Cloud Memorystore for Redis 是 Google Cloud 提供的完全托管的 Redis 服务。运行在 Google Cloud 上的应用程序可以通过利用高度可扩展、可用且安全的 Redis 服务来实现极致的性能,而无需承担管理复杂 Redis 部署的负担。

安装python包:

pip install langchain-google-memorystore-redis

参见 使用示例

from langchain_google_memorystore_redis import RedisVectorStore

Spanner

Google Cloud Spanner 是 Google Cloud 上完全托管的、关键任务的关系型数据库服务,提供全球范围内的事务一致性、自动同步复制以实现高可用性,并支持两种 SQL 方言:GoogleSQL(带有扩展的 ANSI 2011)和 PostgreSQL。

安装python包:

pip install langchain-google-spanner

参见使用示例

from langchain_google_spanner import SpannerVectorStore

Firestore(原生模式)

Google Cloud Firestore 是一个为自动扩展、高性能和简化应用开发而构建的NoSQL文档数据库。

安装python包:

pip install langchain-google-firestore

参见 使用示例.

from langchain_google_firestore import FirestoreVectorStore

MySQL的云SQL

Google Cloud SQL for MySQL 是一项全托管的数据库服务,帮助您在 Google Cloud 上设置、维护、管理和操作您的 MySQL 关系数据库。

安装python包:

pip install langchain-google-cloud-sql-mysql

参见 使用示例

from langchain_google_cloud_sql_mysql import MySQLEngine, MySQLVectorStore

PostgreSQL的云SQL

Google Cloud SQL for PostgreSQL 是一项完全托管的数据库服务,可帮助您在 Google Cloud 上设置、维护、管理和管理您的 PostgreSQL 关系数据库。

安装python包:

pip install langchain-google-cloud-sql-pg

参见 使用示例

from langchain_google_cloud_sql_pg import PostgresEngine, PostgresVectorStore

Google Cloud Vertex AI Vector Search 来自 Google Cloud, 以前称为 Vertex AI Matching Engine,提供了业界领先的大规模 低延迟向量数据库。这些向量数据库通常 被称为向量相似性匹配或近似最近邻(ANN)服务。

安装python包:

pip install langchain-google-vertexai

查看使用示例

from langchain_google_vertexai import VectorSearchVectorStore

使用DataStore的Vertex AI向量搜索

使用DatasTore文档存储进行向量搜索。

安装python包:

pip install langchain-google-vertexai

查看一个使用示例

from langchain_google_vertexai import VectorSearchVectorStoreDatastore

向量搜索向量存储GCS

为了与具有不同文档存储后端的其他向量存储保持一致,VectorSearchVectorStore 的别名。

安装python包:

pip install langchain-google-vertexai
from langchain_google_vertexai import VectorSearchVectorStoreGCS

Google生成式AI向量存储

目前,它在服务器端计算嵌入向量。 有关更多信息,请访问 指南

安装python包:

pip install langchain-google-genai
from langchain_google_genai.google_vector_store import GoogleVectorStore
API Reference:GoogleVectorStore

ScaNN

Google ScaNN (可扩展最近邻)是一个python包。

ScaNN 是一种用于大规模高效向量相似性搜索的方法。

ScaNN 包括用于最大内积搜索的搜索空间剪枝和量化,并且还支持其他距离函数,例如欧几里得距离。该实现针对支持AVX2的x86处理器进行了优化。更多详情请参见其Google Research github

我们需要安装scann python包。

pip install scann

查看使用示例

from langchain_community.vectorstores import ScaNN
API Reference:ScaNN

检索器

Google 云端硬盘

我们需要安装几个Python包。

pip install google-api-python-client google-auth-httplib2 google-auth-oauthlib langchain-googledrive

查看使用示例和授权说明

from langchain_googledrive.retrievers import GoogleDriveRetriever

Vertex AI Search 来自 Google Cloud,允许开发者为客户和员工快速构建由生成式 AI 驱动的搜索引擎。

查看一个使用示例

注意:GoogleVertexAISearchRetriever 已弃用,请使用 VertexAIMultiTurnSearchRetrieverVertexAISearchSummaryToolVertexAISearchRetriever(见下文)。

GoogleVertexAISearchRetriever

我们需要安装google-cloud-discoveryengine python包。

pip install google-cloud-discoveryengine
from langchain_community.retrievers import GoogleVertexAISearchRetriever

VertexAIMultiTurnSearchRetriever

from langchain_google_community import VertexAIMultiTurnSearchRetriever

VertexAISearchRetriever

from langchain_google_community import VertexAIMultiTurnSearchRetriever

VertexAISearchSummaryTool

from langchain_google_community import VertexAISearchSummaryTool

文档AI仓库

Document AI Warehouse 来自Google Cloud,允许企业在单一平台上搜索、存储、治理和管理文档及其AI提取的数据和元数据。

注意:GoogleDocumentAIWarehouseRetriever 已弃用,请使用 DocumentAIWarehouseRetriever(见下文)。

from langchain.retrievers import GoogleDocumentAIWarehouseRetriever
docai_wh_retriever = GoogleDocumentAIWarehouseRetriever(
project_number=...
)
query = ...
documents = docai_wh_retriever.invoke(
query, user_ldap=...
)
from langchain_google_community.documentai_warehouse import DocumentAIWarehouseRetriever

工具

文本转语音

Google Cloud Text-to-Speech 是一项 Google 云服务,使开发者能够合成听起来自然的语音,提供超过 100 种声音,支持多种语言和变体。它应用了 DeepMind 在 WaveNet 方面的突破性研究和 Google 强大的神经网络,以提供尽可能高的保真度。

我们需要安装python包。

pip install google-cloud-text-to-speech langchain-google-community

查看使用示例和授权说明

from langchain_google_community import TextToSpeechTool
API Reference:TextToSpeechTool

Google Drive

我们需要安装几个Python包。

pip install google-api-python-client google-auth-httplib2 google-auth-oauthlib
pip install langchain-googledrive

查看使用示例和授权说明

from langchain_googledrive.utilities.google_drive import GoogleDriveAPIWrapper
from langchain_googledrive.tools.google_drive.tool import GoogleDriveSearchTool

谷歌财经

我们需要安装一个python包。

pip install google-search-results

查看使用示例和授权说明

from langchain_community.tools.google_finance import GoogleFinanceQueryRun
from langchain_community.utilities.google_finance import GoogleFinanceAPIWrapper

Google 职位

我们需要安装一个python包。

pip install google-search-results

查看使用示例和授权说明

from langchain_community.tools.google_jobs import GoogleJobsQueryRun
from langchain_community.utilities.google_finance import GoogleFinanceAPIWrapper

Google Lens

查看使用示例和授权说明

from langchain_community.tools.google_lens import GoogleLensQueryRun
from langchain_community.utilities.google_lens import GoogleLensAPIWrapper

Google 地点

我们需要安装一个python包。

pip install googlemaps

查看使用示例和授权说明

from langchain.tools import GooglePlacesTool
API Reference:GooglePlacesTool

谷歌学术

我们需要安装一个python包。

pip install google-search-results

查看使用示例和授权说明

from langchain_community.tools.google_scholar import GoogleScholarQueryRun
from langchain_community.utilities.google_scholar import GoogleScholarAPIWrapper
  • 设置一个自定义搜索引擎,按照这些说明
  • 从上一步获取API密钥和自定义搜索引擎ID,并将它们分别设置为环境变量 GOOGLE_API_KEYGOOGLE_CSE_ID
from langchain_google_community import GoogleSearchAPIWrapper

有关此包装器的更详细演练,请参见此笔记本

我们可以轻松地将此包装器作为工具加载(与代理一起使用)。我们可以这样做:

from langchain.agents import load_tools
tools = load_tools(["google-search"])
API Reference:load_tools

Google搜索结果

查询Google Search API(通过GoogleSearchAPIWrapper)并返回JSON的工具。

from langchain_community.tools import GoogleSearchResults
API Reference:GoogleSearchResults

Google搜索运行

查询Google Search API的工具(通过GoogleSearchAPIWrapper)。

from langchain_community.tools import GoogleSearchRun
API Reference:GoogleSearchRun

我们需要安装一个python包。

pip install google-search-results

查看使用示例和授权说明

from langchain_community.tools.google_trends import GoogleTrendsQueryRun
from langchain_community.utilities.google_trends import GoogleTrendsAPIWrapper

工具包

GMail

Google Gmail 是谷歌提供的一项免费电子邮件服务。 这个工具包通过 Gmail API 处理电子邮件。

我们需要安装带有必要依赖项的langchain-google-community

pip install langchain-google-community[gmail]

查看使用示例和授权说明

from langchain_google_community import GmailToolkit
API Reference:GmailToolkit

GMail 个人工具

您可以使用GMail工具包中的单个工具。

from langchain_google_community.gmail.create_draft import GmailCreateDraft
from langchain_google_community.gmail.get_message import GmailGetMessage
from langchain_google_community.gmail.get_thread import GmailGetThread
from langchain_google_community.gmail.search import GmailSearch
from langchain_google_community.gmail.send_message import GmailSendMessage

内存

适用于PostgreSQL的AlloyDB

AlloyDB for PostgreSQL 是一个完全托管的关系型数据库服务,它在 Google Cloud 上提供高性能、无缝集成和令人印象深刻的扩展性。AlloyDB 与 PostgreSQL 100% 兼容。

安装python包:

pip install langchain-google-alloydb-pg

参见 使用示例

from langchain_google_alloydb_pg import AlloyDBEngine, AlloyDBChatMessageHistory

PostgreSQL的云SQL

Cloud SQL for PostgreSQL 是一项完全托管的数据库服务,可帮助您在 Google Cloud 上设置、维护、管理和操作您的 PostgreSQL 关系数据库。

安装python包:

pip install langchain-google-cloud-sql-pg

参见 使用示例

from langchain_google_cloud_sql_pg import PostgresEngine, PostgresChatMessageHistory

用于MySQL的Cloud SQL

Cloud SQL for MySQL 是一项完全托管的数据库服务,可帮助您在 Google Cloud 上设置、维护、管理和操作您的 MySQL 关系数据库。

安装python包:

pip install langchain-google-cloud-sql-mysql

参见 使用示例

from langchain_google_cloud_sql_mysql import MySQLEngine, MySQLChatMessageHistory

用于SQL Server的Cloud SQL

Cloud SQL for SQL Server 是一项完全托管的数据库服务,帮助您在 Google Cloud 上设置、维护、管理和操作您的 SQL Server 数据库。

安装python包:

pip install langchain-google-cloud-sql-mssql

参见 使用示例

from langchain_google_cloud_sql_mssql import MSSQLEngine, MSSQLChatMessageHistory

Spanner

Google Cloud Spanner 是 Google Cloud 上完全托管的、关键任务的关系型数据库服务,提供全球范围内的事务一致性、自动同步复制以实现高可用性,并支持两种 SQL 方言:GoogleSQL(带有扩展的 ANSI 2011)和 PostgreSQL。

安装python包:

pip install langchain-google-spanner

参见 使用示例

from langchain_google_spanner import SpannerChatMessageHistory

Redis 的内存存储

Google Cloud Memorystore for Redis 是 Google Cloud 提供的完全托管的 Redis 服务。运行在 Google Cloud 上的应用程序可以通过利用高度可扩展、可用且安全的 Redis 服务来实现极致的性能,而无需承担管理复杂 Redis 部署的负担。

安装python包:

pip install langchain-google-memorystore-redis

参见 使用示例

from langchain_google_memorystore_redis import MemorystoreChatMessageHistory

Bigtable

Google Cloud Bigtable 是 Google 在 Google Cloud 中完全托管的 NoSQL 大数据数据库服务。

安装python包:

pip install langchain-google-bigtable

参见 使用示例.

from langchain_google_bigtable import BigtableChatMessageHistory

Firestore(原生模式)

Google Cloud Firestore 是一个为自动扩展、高性能和简化应用开发而构建的NoSQL文档数据库。

安装python包:

pip install langchain-google-firestore

参见 使用示例

from langchain_google_firestore import FirestoreChatMessageHistory

Firestore (数据存储模式)

Google Cloud Firestore in Datastore mode 是一个为自动扩展、高性能和简化应用开发而构建的NoSQL文档数据库。 Firestore 是 Datastore 的最新版本,并引入了多项改进。

安装python包:

pip install langchain-google-datastore

参见 使用示例

from langchain_google_datastore import DatastoreChatMessageHistory

El Carro: Kubernetes 的 Oracle 操作员

Google El Carro Oracle Operator for Kubernetes 提供了一种在Kubernetes中运行Oracle数据库的方式,作为一个可移植的、开源的、社区驱动的、无供应商锁定的容器编排系统。

pip install langchain-google-el-carro

参见 使用示例

from langchain_google_el_carro import ElCarroChatMessageHistory

回调函数

Vertex AI 回调处理程序

跟踪VertexAI信息的回调处理程序。

我们需要安装langchain-google-vertexai python包。

pip install langchain-google-vertexai
from langchain_google_vertexai.callbacks import VertexAICallbackHandler

聊天加载器

GMail

Gmail 是由谷歌提供的免费电子邮件服务。 此加载器通过 Gmail API 处理电子邮件。

我们需要安装带有底层依赖的langchain-google-community

pip install langchain-google-community[gmail]

查看使用示例和授权说明

from langchain_google_community import GMailLoader
API Reference:GMailLoader

评估器

我们需要安装langchain-google-vertexai python包。

pip install langchain-google-vertexai

顶点对字符串评估器

对预测字符串的困惑度进行成对评估。

from langchain_google_vertexai.evaluators.evaluation import VertexPairWiseStringEvaluator

顶点字符串评估器

评估预测字符串的困惑度。

from langchain_google_vertexai.evaluators.evaluation import VertexPairWiseStringEvaluator

第三方集成

搜索API

SearchApi 提供了一个第三方API,用于访问Google搜索结果、YouTube搜索和转录,以及其他与Google相关的引擎。

参见 使用示例和授权说明

from langchain_community.utilities import SearchApiAPIWrapper
API Reference:SearchApiAPIWrapper

SerpApi

SerpApi 提供了一个第三方API来访问Google搜索结果。

查看使用示例和授权说明

from langchain_community.utilities import SerpAPIWrapper
API Reference:SerpAPIWrapper

Serper.dev

查看使用示例和授权说明

from langchain_community.utilities import GoogleSerperAPIWrapper

YouTube

YouTube Search 包搜索 YouTube 视频,避免使用其严格限制的API。

它使用YouTube主页上的表单并抓取结果页面。

我们需要安装一个python包。

pip install youtube_search

查看一个使用示例

from langchain.tools import YouTubeSearchTool
API Reference:YouTubeSearchTool

YouTube 音频

YouTube 是一个由 Google 创建的在线视频分享和社交媒体平台。

使用 YoutubeAudioLoader 来获取/下载音频文件。

然后,使用OpenAIWhisperParser将它们转录为文本。

我们需要安装几个Python包。

pip install yt_dlp pydub librosa

查看使用示例和授权说明

from langchain_community.document_loaders.blob_loaders.youtube_audio import YoutubeAudioLoader
from langchain_community.document_loaders.parsers import OpenAIWhisperParser, OpenAIWhisperParserLocal

YouTube 字幕

YouTube 是一个由 Google 创建的在线视频分享和社交媒体平台。

我们需要安装 youtube-transcript-api python 包。

pip install youtube-transcript-api

查看使用示例

from langchain_community.document_loaders import YoutubeLoader
API Reference:YoutubeLoader

这个页面有帮助吗?