id
stringlengths
14
16
text
stringlengths
36
2.73k
source
stringlengths
49
117
39df1f03071c-0
.rst .pdf Welcome to LangChain Contents Getting Started Modules Use Cases Reference Docs Ecosystem Additional Resources Welcome to LangChain# LangChain is a framework for developing applications powered by language models. We believe that the most powerful and differentiated applications will not only call out to a language model, but will also be: Data-aware: connect a language model to other sources of data Agentic: allow a language model to interact with its environment The LangChain framework is designed around these principles. This is the Python specific portion of the documentation. For a purely conceptual guide to LangChain, see here. For the JavaScript documentation, see here. Getting Started# How to get started using LangChain to create an Language Model application. Quickstart Guide Concepts and terminology. Concepts and terminology Tutorials created by community experts and presented on YouTube. Tutorials Modules# These modules are the core abstractions which we view as the building blocks of any LLM-powered application. For each module LangChain provides standard, extendable interfaces. LangChain also provides external integrations and even end-to-end implementations for off-the-shelf use. The docs for each module contain quickstart examples, how-to guides, reference docs, and conceptual guides. The modules are (from least to most complex): Models: Supported model types and integrations. Prompts: Prompt management, optimization, and serialization. Memory: Memory refers to state that is persisted between calls of a chain/agent. Indexes: Language models become much more powerful when combined with application-specific data - this module contains interfaces and integrations for loading, querying and updating external data. Chains: Chains are structured sequences of calls (to an LLM or to a different utility).
https://python.langchain.com/en/latest/index.html
39df1f03071c-1
Chains: Chains are structured sequences of calls (to an LLM or to a different utility). Agents: An agent is a Chain in which an LLM, given a high-level directive and a set of tools, repeatedly decides an action, executes the action and observes the outcome until the high-level directive is complete. Callbacks: Callbacks let you log and stream the intermediate steps of any chain, making it easy to observe, debug, and evaluate the internals of an application. Use Cases# Best practices and built-in implementations for common LangChain use cases: Autonomous Agents: Autonomous agents are long-running agents that take many steps in an attempt to accomplish an objective. Examples include AutoGPT and BabyAGI. Agent Simulations: Putting agents in a sandbox and observing how they interact with each other and react to events can be an effective way to evaluate their long-range reasoning and planning abilities. Personal Assistants: One of the primary LangChain use cases. Personal assistants need to take actions, remember interactions, and have knowledge about your data. Question Answering: Another common LangChain use case. Answering questions over specific documents, only utilizing the information in those documents to construct an answer. Chatbots: Language models love to chat, making this a very natural use of them. Querying Tabular Data: Recommended reading if you want to use language models to query structured data (CSVs, SQL, dataframes, etc). Code Understanding: Recommended reading if you want to use language models to analyze code. Interacting with APIs: Enabling language models to interact with APIs is extremely powerful. It gives them access to up-to-date information and allows them to take actions. Extraction: Extract structured information from text. Summarization: Compressing longer documents. A type of Data-Augmented Generation.
https://python.langchain.com/en/latest/index.html
39df1f03071c-2
Summarization: Compressing longer documents. A type of Data-Augmented Generation. Evaluation: Generative models are hard to evaluate with traditional metrics. One promising approach is to use language models themselves to do the evaluation. Reference Docs# Full documentation on all methods, classes, installation methods, and integration setups for LangChain. LangChain Installation Reference Documentation Ecosystem# LangChain integrates a lot of different LLMs, systems, and products. From the other side, many systems and products depend on LangChain. It creates a vibrant and thriving ecosystem. Integrations: Guides for how other products can be used with LangChain. Dependents: List of repositories that use LangChain. Deployments: A collection of instructions, code snippets, and template repositories for deploying LangChain apps. Additional Resources# Additional resources we think may be useful as you develop your application! LangChainHub: The LangChainHub is a place to share and explore other prompts, chains, and agents. Gallery: A collection of great projects that use Langchain, compiled by the folks at Kyrolabs. Useful for finding inspiration and example implementations. Tracing: A guide on using tracing in LangChain to visualize the execution of chains and agents. Model Laboratory: Experimenting with different prompts, models, and chains is a big part of developing the best possible application. The ModelLaboratory makes it easy to do so. Discord: Join us on our Discord to discuss all things LangChain! YouTube: A collection of the LangChain tutorials and videos. Production Support: As you move your LangChains into production, we’d love to offer more comprehensive support. Please fill out this form and we’ll set up a dedicated support Slack channel. next Quickstart Guide Contents Getting Started Modules Use Cases Reference Docs Ecosystem Additional Resources By Harrison Chase
https://python.langchain.com/en/latest/index.html
39df1f03071c-3
Getting Started Modules Use Cases Reference Docs Ecosystem Additional Resources By Harrison Chase © Copyright 2023, Harrison Chase. Last updated on May 28, 2023.
https://python.langchain.com/en/latest/index.html
51223eae0625-0
.md .pdf Dependents Dependents# Dependents stats for hwchase17/langchain [update: 2023-05-17; only dependent repositories with Stars > 100] Repository Stars openai/openai-cookbook 35401 LAION-AI/Open-Assistant 32861 microsoft/TaskMatrix 32766 hpcaitech/ColossalAI 29560 reworkd/AgentGPT 22315 imartinez/privateGPT 17474 openai/chatgpt-retrieval-plugin 16923 mindsdb/mindsdb 16112 jerryjliu/llama_index 15407 mlflow/mlflow 14345 GaiZhenbiao/ChuanhuChatGPT 10372 databrickslabs/dolly 9919 AIGC-Audio/AudioGPT 8177 logspace-ai/langflow 6807 imClumsyPanda/langchain-ChatGLM 6087 arc53/DocsGPT 5292 e2b-dev/e2b 4622 nsarrazin/serge 4076 madawei2699/myGPTReader 3952 zauberzeug/nicegui 3952 go-skynet/LocalAI 3762 GreyDGL/PentestGPT 3388 mmabrouk/chatgpt-wrapper 3243 zilliztech/GPTCache 3189 wenda-LLM/wenda 3050 marqo-ai/marqo 2930 gkamradt/langchain-tutorials 2710 PrefectHQ/marvin 2545 project-baize/baize-chatbot 2479 whitead/paper-qa 2399 langgenius/dify
https://python.langchain.com/en/latest/dependents.html
51223eae0625-1
2479 whitead/paper-qa 2399 langgenius/dify 2344 GerevAI/gerev 2283 hwchase17/chat-langchain 2266 guangzhengli/ChatFiles 1903 Azure-Samples/azure-search-openai-demo 1884 OpenBMB/BMTools 1860 Farama-Foundation/PettingZoo 1813 OpenGVLab/Ask-Anything 1571 IntelligenzaArtificiale/Free-Auto-GPT 1480 hwchase17/notion-qa 1464 NVIDIA/NeMo-Guardrails 1419 Unstructured-IO/unstructured 1410 Kav-K/GPTDiscord 1363 paulpierre/RasaGPT 1344 StanGirard/quivr 1330 lunasec-io/lunasec 1318 vocodedev/vocode-python 1286 agiresearch/OpenAGI 1156 h2oai/h2ogpt 1141 jina-ai/thinkgpt 1106 yanqiangmiffy/Chinese-LangChain 1072 ttengwang/Caption-Anything 1064 jina-ai/dev-gpt 1057 juncongmoo/chatllama 1003 greshake/llm-security 1002 visual-openllm/visual-openllm 957 richardyc/Chrome-GPT 918 irgolic/AutoPR 886 mmz-001/knowledge_gpt 867 thomas-yanxin/LangChain-ChatGLM-Webui 850 microsoft/X-Decoder 837 peterw/Chat-with-Github-Repo 826 cirediatpl/FigmaChain 782 hashintel/hash
https://python.langchain.com/en/latest/dependents.html
51223eae0625-2
826 cirediatpl/FigmaChain 782 hashintel/hash 778 seanpixel/Teenage-AGI 773 jina-ai/langchain-serve 738 corca-ai/EVAL 737 ai-sidekick/sidekick 717 rlancemartin/auto-evaluator 703 poe-platform/api-bot-tutorial 689 SamurAIGPT/Camel-AutoGPT 666 eyurtsev/kor 608 run-llama/llama-lab 559 namuan/dr-doc-search 544 pieroit/cheshire-cat 520 griptape-ai/griptape 514 getmetal/motorhead 481 hwchase17/chat-your-data 462 langchain-ai/langchain-aiplugin 452 jina-ai/agentchain 439 SamurAIGPT/ChatGPT-Developer-Plugins 437 alexanderatallah/window.ai 433 michaelthwan/searchGPT 427 mpaepper/content-chatbot 425 mckaywrigley/repo-chat 422 whyiyhw/chatgpt-wechat 421 freddyaboulton/gradio-tools 407 jonra1993/fastapi-alembic-sqlmodel-async 395 yeagerai/yeagerai-agent 383 akshata29/chatpdf 374 OpenGVLab/InternGPT 368 ruoccofabrizio/azure-open-ai-embeddings-qna 358 101dotxyz/GPTeam 357 mtenenholtz/chat-twitter 354 amosjyng/langchain-visualizer 343 msoedov/langcorn 334 showlab/VLog 330 continuum-llms/chatgpt-memory 324 steamship-core/steamship-langchain 323
https://python.langchain.com/en/latest/dependents.html
51223eae0625-3
324 steamship-core/steamship-langchain 323 daodao97/chatdoc 320 xuwenhao/geektime-ai-course 308 StevenGrove/GPT4Tools 301 logan-markewich/llama_index_starter_pack 300 andylokandy/gpt-4-search 299 Anil-matcha/ChatPDF 287 itamargol/openai 273 BlackHC/llm-strategy 267 momegas/megabots 259 bborn/howdoi.ai 238 Cheems-Seminar/grounded-segment-any-parts 232 ur-whitelab/exmol 227 sullivan-sean/chat-langchainjs 227 explosion/spacy-llm 226 recalign/RecAlign 218 jupyterlab/jupyter-ai 218 alvarosevilla95/autolang 215 conceptofmind/toolformer 213 MagnivOrg/prompt-layer-library 209 JohnSnowLabs/nlptest 208 airobotlab/KoChatGPT 197 langchain-ai/auto-evaluator 195 yvann-hub/Robby-chatbot 195 alejandro-ao/langchain-ask-pdf 192 daveebbelaar/langchain-experiments 189 NimbleBoxAI/ChainFury 187 kaleido-lab/dolphin 184 Anil-matcha/Website-to-Chatbot 183 plchld/InsightFlow 180 OpenBMB/AgentVerse 166 benthecoder/ClassGPT 166 jbrukh/gpt-jargon 161 hardbyte/qabot 160 shaman-ai/agent-actors 153 radi-cho/datasetGPT 153 poe-platform/poe-protocol 152
https://python.langchain.com/en/latest/dependents.html
51223eae0625-4
radi-cho/datasetGPT 153 poe-platform/poe-protocol 152 paolorechia/learn-langchain 149 ajndkr/lanarky 149 fengyuli-dev/multimedia-gpt 147 yasyf/compress-gpt 144 homanp/superagent 143 realminchoi/babyagi-ui 141 ethanyanjiali/minChatGPT 141 ccurme/yolopandas 139 hwchase17/langchain-streamlit-template 138 Jaseci-Labs/jaseci 136 hirokidaichi/wanna 135 Haste171/langchain-chatbot 134 jmpaz/promptlib 130 Klingefjord/chatgpt-telegram 130 filip-michalsky/SalesGPT 128 handrew/browserpilot 128 shauryr/S2QA 127 steamship-core/vercel-examples 127 yasyf/summ 127 gia-guar/JARVIS-ChatGPT 126 jerlendds/osintbuddy 125 ibiscp/LLM-IMDB 124 Teahouse-Studios/akari-bot 124 hwchase17/chroma-langchain 124 menloparklab/langchain-cohere-qdrant-doc-retrieval 123 peterw/StoryStorm 123 chakkaradeep/pyCodeAGI 123 petehunt/langchain-github-bot 115 su77ungr/CASALIOY 113 eunomia-bpf/GPTtrace 113 zenml-io/zenml-projects 112 pablomarin/GPT-Azure-Search-Engine 111 shamspias/customizable-gpt-chatbot 109 WongSaang/chatgpt-ui-server 108
https://python.langchain.com/en/latest/dependents.html
51223eae0625-5
109 WongSaang/chatgpt-ui-server 108 davila7/file-gpt 104 enhancedocs/enhancedocs 102 aurelio-labs/arxiv-bot 101 Generated by github-dependents-info [github-dependents-info –repo hwchase17/langchain –markdownfile dependents.md –minstars 100 –sort stars] previous Zilliz next Deployments By Harrison Chase © Copyright 2023, Harrison Chase. Last updated on May 28, 2023.
https://python.langchain.com/en/latest/dependents.html
3fb0ac9ea035-0
.rst .pdf API References API References# Full documentation on all methods, classes, and APIs in LangChain. Models Prompts Indexes Memory Chains Agents Utilities Experimental Modules previous Installation next Models By Harrison Chase © Copyright 2023, Harrison Chase. Last updated on May 28, 2023.
https://python.langchain.com/en/latest/reference.html
cfa1c0d0f45b-0
.rst .pdf Integrations Contents Integrations by Module All Integrations Integrations# LangChain integrates with many LLMs, systems, and products. Integrations by Module# Integrations grouped by the core LangChain module they map to: LLM Providers Chat Model Providers Text Embedding Model Providers Document Loader Integrations Text Splitter Integrations Vectorstore Providers Retriever Providers Tool Providers Toolkit Integrations All Integrations# A comprehensive list of LLMs, systems, and products integrated with LangChain: AI21 Labs Aim AnalyticDB Anyscale Apify AtlasDB Banana Beam CerebriumAI Chroma ClearML Integration Cohere Comet C Transformers Databerry Databricks DeepInfra Deep Lake Docugami Advantages vs Other Chunking Techniques ForefrontAI Google Search Google Serper GooseAI GPT4All Graphsignal Hazy Research Helicone Hugging Face Jina LanceDB Llama.cpp Metal Milvus MLflow Modal Momento MyScale NLPCloud OpenAI OpenSearch OpenWeatherMap API Petals PGVector Pinecone PipelineAI Prediction Guard PromptLayer Psychic Advantages vs Other Document Loaders Qdrant Rebuff: Prompt Injection Detection with LangChain Redis Replicate Runhouse RWKV-4 SearxNG Search API SerpAPI scikit-learn StochasticAI Tair Unstructured Vectara Weights & Biases Weaviate WhyLabs Integration Wolfram Alpha Wrapper Writer Yeager.ai Zilliz previous Experimental Modules
https://python.langchain.com/en/latest/integrations.html
cfa1c0d0f45b-1
Wolfram Alpha Wrapper Writer Yeager.ai Zilliz previous Experimental Modules next AI21 Labs Contents Integrations by Module All Integrations By Harrison Chase © Copyright 2023, Harrison Chase. Last updated on May 28, 2023.
https://python.langchain.com/en/latest/integrations.html
99b2553660fa-0
Index _ | A | B | C | D | E | F | G | H | I | J | K | L | M | N | O | P | Q | R | S | T | U | V | W | Y | Z _ __call__() (langchain.llms.AI21 method) (langchain.llms.AlephAlpha method) (langchain.llms.Anthropic method) (langchain.llms.Anyscale method) (langchain.llms.AzureOpenAI method) (langchain.llms.Banana method) (langchain.llms.Beam method) (langchain.llms.CerebriumAI method) (langchain.llms.Cohere method) (langchain.llms.CTransformers method) (langchain.llms.Databricks method) (langchain.llms.DeepInfra method) (langchain.llms.FakeListLLM method) (langchain.llms.ForefrontAI method) (langchain.llms.GooglePalm method) (langchain.llms.GooseAI method) (langchain.llms.GPT4All method) (langchain.llms.HuggingFaceEndpoint method) (langchain.llms.HuggingFaceHub method) (langchain.llms.HuggingFacePipeline method) (langchain.llms.HuggingFaceTextGenInference method) (langchain.llms.HumanInputLLM method) (langchain.llms.LlamaCpp method) (langchain.llms.Modal method) (langchain.llms.MosaicML method) (langchain.llms.NLPCloud method) (langchain.llms.OpenAI method) (langchain.llms.OpenAIChat method) (langchain.llms.OpenLM method) (langchain.llms.Petals method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-1
(langchain.llms.OpenLM method) (langchain.llms.Petals method) (langchain.llms.PipelineAI method) (langchain.llms.PredictionGuard method) (langchain.llms.PromptLayerOpenAI method) (langchain.llms.PromptLayerOpenAIChat method) (langchain.llms.Replicate method) (langchain.llms.RWKV method) (langchain.llms.SagemakerEndpoint method) (langchain.llms.SelfHostedHuggingFaceLLM method) (langchain.llms.SelfHostedPipeline method) (langchain.llms.StochasticAI method) (langchain.llms.VertexAI method) (langchain.llms.Writer method) A aadd_documents() (langchain.retrievers.TimeWeightedVectorStoreRetriever method) (langchain.vectorstores.VectorStore method) aadd_texts() (langchain.vectorstores.VectorStore method) aapply() (langchain.chains.LLMChain method) aapply_and_parse() (langchain.chains.LLMChain method) acall_actor() (langchain.utilities.ApifyWrapper method) access_token (langchain.document_loaders.DocugamiLoader attribute) account_sid (langchain.utilities.TwilioAPIWrapper attribute) acompress_documents() (langchain.retrievers.document_compressors.CohereRerank method) (langchain.retrievers.document_compressors.DocumentCompressorPipeline method) (langchain.retrievers.document_compressors.EmbeddingsFilter method) (langchain.retrievers.document_compressors.LLMChainExtractor method) (langchain.retrievers.document_compressors.LLMChainFilter method) action_id (langchain.tools.ZapierNLARunAction attribute) add() (langchain.docstore.InMemoryDocstore method) add_ai_message() (langchain.memory.CassandraChatMessageHistory method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-2
add_ai_message() (langchain.memory.CassandraChatMessageHistory method) (langchain.memory.ChatMessageHistory method) (langchain.memory.CosmosDBChatMessageHistory method) (langchain.memory.DynamoDBChatMessageHistory method) (langchain.memory.FileChatMessageHistory method) (langchain.memory.MomentoChatMessageHistory method) (langchain.memory.MongoDBChatMessageHistory method) (langchain.memory.PostgresChatMessageHistory method) (langchain.memory.RedisChatMessageHistory method) add_documents() (langchain.retrievers.TimeWeightedVectorStoreRetriever method) (langchain.retrievers.WeaviateHybridSearchRetriever method) (langchain.vectorstores.VectorStore method) add_embeddings() (langchain.vectorstores.FAISS method) add_example() (langchain.prompts.example_selector.LengthBasedExampleSelector method) (langchain.prompts.example_selector.SemanticSimilarityExampleSelector method) add_memory() (langchain.experimental.GenerativeAgentMemory method) add_texts() (langchain.retrievers.ElasticSearchBM25Retriever method) (langchain.retrievers.PineconeHybridSearchRetriever method) (langchain.vectorstores.AnalyticDB method) (langchain.vectorstores.Annoy method) (langchain.vectorstores.AtlasDB method) (langchain.vectorstores.Chroma method) (langchain.vectorstores.DeepLake method) (langchain.vectorstores.ElasticVectorSearch method) (langchain.vectorstores.FAISS method) (langchain.vectorstores.LanceDB method) (langchain.vectorstores.Milvus method) (langchain.vectorstores.MyScale method) (langchain.vectorstores.OpenSearchVectorSearch method) (langchain.vectorstores.Pinecone method) (langchain.vectorstores.Qdrant method) (langchain.vectorstores.Redis method) (langchain.vectorstores.SKLearnVectorStore method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-3
(langchain.vectorstores.Redis method) (langchain.vectorstores.SKLearnVectorStore method) (langchain.vectorstores.SupabaseVectorStore method) (langchain.vectorstores.Tair method) (langchain.vectorstores.Typesense method) (langchain.vectorstores.Vectara method) (langchain.vectorstores.VectorStore method) (langchain.vectorstores.Weaviate method) add_user_message() (langchain.memory.CassandraChatMessageHistory method) (langchain.memory.ChatMessageHistory method) (langchain.memory.CosmosDBChatMessageHistory method) (langchain.memory.DynamoDBChatMessageHistory method) (langchain.memory.FileChatMessageHistory method) (langchain.memory.MomentoChatMessageHistory method) (langchain.memory.MongoDBChatMessageHistory method) (langchain.memory.PostgresChatMessageHistory method) (langchain.memory.RedisChatMessageHistory method) add_vectors() (langchain.vectorstores.SupabaseVectorStore method) add_video_info (langchain.document_loaders.GoogleApiYoutubeLoader attribute) adelete() (langchain.utilities.TextRequestsWrapper method) afrom_documents() (langchain.vectorstores.VectorStore class method) afrom_texts() (langchain.vectorstores.VectorStore class method) age (langchain.experimental.GenerativeAgent attribute) agenerate() (langchain.chains.LLMChain method) (langchain.llms.AI21 method) (langchain.llms.AlephAlpha method) (langchain.llms.Anthropic method) (langchain.llms.Anyscale method) (langchain.llms.AzureOpenAI method) (langchain.llms.Banana method) (langchain.llms.Beam method) (langchain.llms.CerebriumAI method) (langchain.llms.Cohere method) (langchain.llms.CTransformers method) (langchain.llms.Databricks method) (langchain.llms.DeepInfra method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-4
(langchain.llms.Databricks method) (langchain.llms.DeepInfra method) (langchain.llms.FakeListLLM method) (langchain.llms.ForefrontAI method) (langchain.llms.GooglePalm method) (langchain.llms.GooseAI method) (langchain.llms.GPT4All method) (langchain.llms.HuggingFaceEndpoint method) (langchain.llms.HuggingFaceHub method) (langchain.llms.HuggingFacePipeline method) (langchain.llms.HuggingFaceTextGenInference method) (langchain.llms.HumanInputLLM method) (langchain.llms.LlamaCpp method) (langchain.llms.Modal method) (langchain.llms.MosaicML method) (langchain.llms.NLPCloud method) (langchain.llms.OpenAI method) (langchain.llms.OpenAIChat method) (langchain.llms.OpenLM method) (langchain.llms.Petals method) (langchain.llms.PipelineAI method) (langchain.llms.PredictionGuard method) (langchain.llms.PromptLayerOpenAI method) (langchain.llms.PromptLayerOpenAIChat method) (langchain.llms.Replicate method) (langchain.llms.RWKV method) (langchain.llms.SagemakerEndpoint method) (langchain.llms.SelfHostedHuggingFaceLLM method) (langchain.llms.SelfHostedPipeline method) (langchain.llms.StochasticAI method) (langchain.llms.VertexAI method) (langchain.llms.Writer method) agenerate_prompt() (langchain.llms.AI21 method) (langchain.llms.AlephAlpha method) (langchain.llms.Anthropic method) (langchain.llms.Anyscale method) (langchain.llms.AzureOpenAI method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-5
(langchain.llms.Anyscale method) (langchain.llms.AzureOpenAI method) (langchain.llms.Banana method) (langchain.llms.Beam method) (langchain.llms.CerebriumAI method) (langchain.llms.Cohere method) (langchain.llms.CTransformers method) (langchain.llms.Databricks method) (langchain.llms.DeepInfra method) (langchain.llms.FakeListLLM method) (langchain.llms.ForefrontAI method) (langchain.llms.GooglePalm method) (langchain.llms.GooseAI method) (langchain.llms.GPT4All method) (langchain.llms.HuggingFaceEndpoint method) (langchain.llms.HuggingFaceHub method) (langchain.llms.HuggingFacePipeline method) (langchain.llms.HuggingFaceTextGenInference method) (langchain.llms.HumanInputLLM method) (langchain.llms.LlamaCpp method) (langchain.llms.Modal method) (langchain.llms.MosaicML method) (langchain.llms.NLPCloud method) (langchain.llms.OpenAI method) (langchain.llms.OpenAIChat method) (langchain.llms.OpenLM method) (langchain.llms.Petals method) (langchain.llms.PipelineAI method) (langchain.llms.PredictionGuard method) (langchain.llms.PromptLayerOpenAI method) (langchain.llms.PromptLayerOpenAIChat method) (langchain.llms.Replicate method) (langchain.llms.RWKV method) (langchain.llms.SagemakerEndpoint method) (langchain.llms.SelfHostedHuggingFaceLLM method) (langchain.llms.SelfHostedPipeline method) (langchain.llms.StochasticAI method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-6
(langchain.llms.StochasticAI method) (langchain.llms.VertexAI method) (langchain.llms.Writer method) agent (langchain.agents.AgentExecutor attribute) AgentType (class in langchain.agents) aget() (langchain.utilities.TextRequestsWrapper method) aget_relevant_documents() (langchain.retrievers.ArxivRetriever method) (langchain.retrievers.AzureCognitiveSearchRetriever method) (langchain.retrievers.ChatGPTPluginRetriever method) (langchain.retrievers.ContextualCompressionRetriever method) (langchain.retrievers.DataberryRetriever method) (langchain.retrievers.ElasticSearchBM25Retriever method) (langchain.retrievers.KNNRetriever method) (langchain.retrievers.MetalRetriever method) (langchain.retrievers.PineconeHybridSearchRetriever method) (langchain.retrievers.RemoteLangChainRetriever method) (langchain.retrievers.SelfQueryRetriever method) (langchain.retrievers.SVMRetriever method) (langchain.retrievers.TFIDFRetriever method) (langchain.retrievers.TimeWeightedVectorStoreRetriever method) (langchain.retrievers.VespaRetriever method) (langchain.retrievers.WeaviateHybridSearchRetriever method) (langchain.retrievers.WikipediaRetriever method) (langchain.retrievers.ZepRetriever method) aget_table_info() (langchain.utilities.PowerBIDataset method) aggregate_importance (langchain.experimental.GenerativeAgentMemory attribute) ai_prefix (langchain.agents.ConversationalAgent attribute) (langchain.memory.ConversationBufferMemory attribute) (langchain.memory.ConversationBufferWindowMemory attribute) (langchain.memory.ConversationEntityMemory attribute)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-7
(langchain.memory.ConversationBufferWindowMemory attribute) (langchain.memory.ConversationEntityMemory attribute) (langchain.memory.ConversationKGMemory attribute) (langchain.memory.ConversationStringBufferMemory attribute) (langchain.memory.ConversationTokenBufferMemory attribute) aiosession (langchain.retrievers.AzureCognitiveSearchRetriever attribute) (langchain.retrievers.ChatGPTPluginRetriever attribute) (langchain.serpapi.SerpAPIWrapper attribute) (langchain.utilities.GoogleSerperAPIWrapper attribute) (langchain.utilities.PowerBIDataset attribute) (langchain.utilities.searx_search.SearxSearchWrapper attribute) (langchain.utilities.SearxSearchWrapper attribute) (langchain.utilities.SerpAPIWrapper attribute) (langchain.utilities.TextRequestsWrapper attribute) AirbyteJSONLoader (class in langchain.document_loaders) aleph_alpha_api_key (langchain.embeddings.AlephAlphaAsymmetricSemanticEmbedding attribute) (langchain.llms.AlephAlpha attribute) allowed_special (langchain.llms.AzureOpenAI attribute) (langchain.llms.OpenAI attribute) (langchain.llms.OpenAIChat attribute) (langchain.llms.OpenLM attribute) (langchain.llms.PromptLayerOpenAIChat attribute) allowed_tools (langchain.agents.Agent attribute) aload() (langchain.document_loaders.WebBaseLoader method) alpha (langchain.retrievers.PineconeHybridSearchRetriever attribute) amax_marginal_relevance_search() (langchain.vectorstores.VectorStore method) amax_marginal_relevance_search_by_vector() (langchain.vectorstores.VectorStore method) AnalyticDB (class in langchain.vectorstores) Annoy (class in langchain.vectorstores) answers (langchain.utilities.searx_search.SearxResults property) apatch() (langchain.utilities.TextRequestsWrapper method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-8
apatch() (langchain.utilities.TextRequestsWrapper method) api (langchain.document_loaders.DocugamiLoader attribute) api_answer_chain (langchain.chains.APIChain attribute) api_docs (langchain.chains.APIChain attribute) api_key (langchain.retrievers.AzureCognitiveSearchRetriever attribute) (langchain.retrievers.DataberryRetriever attribute) api_operation (langchain.chains.OpenAPIEndpointChain attribute) api_request_chain (langchain.chains.APIChain attribute) (langchain.chains.OpenAPIEndpointChain attribute) api_resource (langchain.agents.agent_toolkits.GmailToolkit attribute) api_response_chain (langchain.chains.OpenAPIEndpointChain attribute) api_spec (langchain.tools.AIPluginTool attribute) api_token (langchain.llms.Databricks attribute) api_url (langchain.llms.StochasticAI attribute) api_version (langchain.retrievers.AzureCognitiveSearchRetriever attribute) api_wrapper (langchain.tools.BingSearchResults attribute) (langchain.tools.BingSearchRun attribute) (langchain.tools.DuckDuckGoSearchResults attribute) (langchain.tools.DuckDuckGoSearchRun attribute) (langchain.tools.GooglePlacesTool attribute) (langchain.tools.GoogleSearchResults attribute) (langchain.tools.GoogleSearchRun attribute) (langchain.tools.GoogleSerperResults attribute) (langchain.tools.GoogleSerperRun attribute) (langchain.tools.MetaphorSearchResults attribute) (langchain.tools.OpenWeatherMapQueryRun attribute) (langchain.tools.SceneXplainTool attribute) (langchain.tools.WikipediaQueryRun attribute) (langchain.tools.WolframAlphaQueryRun attribute) (langchain.tools.ZapierNLAListActions attribute) (langchain.tools.ZapierNLARunAction attribute)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-9
(langchain.tools.ZapierNLARunAction attribute) apify_client (langchain.document_loaders.ApifyDatasetLoader attribute) (langchain.utilities.ApifyWrapper attribute) apify_client_async (langchain.utilities.ApifyWrapper attribute) aplan() (langchain.agents.Agent method) (langchain.agents.BaseMultiActionAgent method) (langchain.agents.BaseSingleActionAgent method) (langchain.agents.LLMSingleActionAgent method) apost() (langchain.utilities.TextRequestsWrapper method) app_creation() (langchain.llms.Beam method) append() (langchain.memory.CassandraChatMessageHistory method) (langchain.memory.DynamoDBChatMessageHistory method) (langchain.memory.FileChatMessageHistory method) (langchain.memory.MongoDBChatMessageHistory method) (langchain.memory.PostgresChatMessageHistory method) (langchain.memory.RedisChatMessageHistory method) apply() (langchain.chains.LLMChain method) apply_and_parse() (langchain.chains.LLMChain method) apredict() (langchain.chains.LLMChain method) (langchain.llms.AI21 method) (langchain.llms.AlephAlpha method) (langchain.llms.Anthropic method) (langchain.llms.Anyscale method) (langchain.llms.AzureOpenAI method) (langchain.llms.Banana method) (langchain.llms.Beam method) (langchain.llms.CerebriumAI method) (langchain.llms.Cohere method) (langchain.llms.CTransformers method) (langchain.llms.Databricks method) (langchain.llms.DeepInfra method) (langchain.llms.FakeListLLM method) (langchain.llms.ForefrontAI method) (langchain.llms.GooglePalm method) (langchain.llms.GooseAI method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-10
(langchain.llms.GooglePalm method) (langchain.llms.GooseAI method) (langchain.llms.GPT4All method) (langchain.llms.HuggingFaceEndpoint method) (langchain.llms.HuggingFaceHub method) (langchain.llms.HuggingFacePipeline method) (langchain.llms.HuggingFaceTextGenInference method) (langchain.llms.HumanInputLLM method) (langchain.llms.LlamaCpp method) (langchain.llms.Modal method) (langchain.llms.MosaicML method) (langchain.llms.NLPCloud method) (langchain.llms.OpenAI method) (langchain.llms.OpenAIChat method) (langchain.llms.OpenLM method) (langchain.llms.Petals method) (langchain.llms.PipelineAI method) (langchain.llms.PredictionGuard method) (langchain.llms.PromptLayerOpenAI method) (langchain.llms.PromptLayerOpenAIChat method) (langchain.llms.Replicate method) (langchain.llms.RWKV method) (langchain.llms.SagemakerEndpoint method) (langchain.llms.SelfHostedHuggingFaceLLM method) (langchain.llms.SelfHostedPipeline method) (langchain.llms.StochasticAI method) (langchain.llms.VertexAI method) (langchain.llms.Writer method) apredict_and_parse() (langchain.chains.LLMChain method) apredict_messages() (langchain.llms.AI21 method) (langchain.llms.AlephAlpha method) (langchain.llms.Anthropic method) (langchain.llms.Anyscale method) (langchain.llms.AzureOpenAI method) (langchain.llms.Banana method) (langchain.llms.Beam method) (langchain.llms.CerebriumAI method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-11
(langchain.llms.Beam method) (langchain.llms.CerebriumAI method) (langchain.llms.Cohere method) (langchain.llms.CTransformers method) (langchain.llms.Databricks method) (langchain.llms.DeepInfra method) (langchain.llms.FakeListLLM method) (langchain.llms.ForefrontAI method) (langchain.llms.GooglePalm method) (langchain.llms.GooseAI method) (langchain.llms.GPT4All method) (langchain.llms.HuggingFaceEndpoint method) (langchain.llms.HuggingFaceHub method) (langchain.llms.HuggingFacePipeline method) (langchain.llms.HuggingFaceTextGenInference method) (langchain.llms.HumanInputLLM method) (langchain.llms.LlamaCpp method) (langchain.llms.Modal method) (langchain.llms.MosaicML method) (langchain.llms.NLPCloud method) (langchain.llms.OpenAI method) (langchain.llms.OpenAIChat method) (langchain.llms.OpenLM method) (langchain.llms.Petals method) (langchain.llms.PipelineAI method) (langchain.llms.PredictionGuard method) (langchain.llms.PromptLayerOpenAI method) (langchain.llms.PromptLayerOpenAIChat method) (langchain.llms.Replicate method) (langchain.llms.RWKV method) (langchain.llms.SagemakerEndpoint method) (langchain.llms.SelfHostedHuggingFaceLLM method) (langchain.llms.SelfHostedPipeline method) (langchain.llms.StochasticAI method) (langchain.llms.VertexAI method) (langchain.llms.Writer method) aprep_prompts() (langchain.chains.LLMChain method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-12
aprep_prompts() (langchain.chains.LLMChain method) aput() (langchain.utilities.TextRequestsWrapper method) arbitrary_types_allowed (langchain.experimental.BabyAGI.Config attribute) (langchain.experimental.GenerativeAgent.Config attribute) (langchain.retrievers.WeaviateHybridSearchRetriever.Config attribute) are_all_true_prompt (langchain.chains.LLMSummarizationCheckerChain attribute) aresults() (langchain.serpapi.SerpAPIWrapper method) (langchain.utilities.GoogleSerperAPIWrapper method) (langchain.utilities.searx_search.SearxSearchWrapper method) (langchain.utilities.SearxSearchWrapper method) (langchain.utilities.SerpAPIWrapper method) args (langchain.agents.Tool property) (langchain.tools.BaseTool property) (langchain.tools.StructuredTool property) (langchain.tools.Tool property) args_schema (langchain.tools.AIPluginTool attribute) (langchain.tools.BaseTool attribute) (langchain.tools.ClickTool attribute) (langchain.tools.CopyFileTool attribute) (langchain.tools.CurrentWebPageTool attribute) (langchain.tools.DeleteFileTool attribute) (langchain.tools.ExtractHyperlinksTool attribute) (langchain.tools.ExtractTextTool attribute) (langchain.tools.FileSearchTool attribute) (langchain.tools.GetElementsTool attribute) (langchain.tools.GmailCreateDraft attribute) (langchain.tools.GmailGetMessage attribute) (langchain.tools.GmailGetThread attribute) (langchain.tools.GmailSearch attribute) (langchain.tools.ListDirectoryTool attribute) (langchain.tools.MoveFileTool attribute) (langchain.tools.NavigateBackTool attribute) (langchain.tools.NavigateTool attribute) (langchain.tools.ReadFileTool attribute) (langchain.tools.ShellTool attribute) (langchain.tools.StructuredTool attribute) (langchain.tools.Tool attribute) (langchain.tools.WriteFileTool attribute)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-13
(langchain.tools.Tool attribute) (langchain.tools.WriteFileTool attribute) arun() (langchain.serpapi.SerpAPIWrapper method) (langchain.tools.BaseTool method) (langchain.utilities.GoogleSerperAPIWrapper method) (langchain.utilities.PowerBIDataset method) (langchain.utilities.searx_search.SearxSearchWrapper method) (langchain.utilities.SearxSearchWrapper method) (langchain.utilities.SerpAPIWrapper method) arxiv_exceptions (langchain.utilities.ArxivAPIWrapper attribute) ArxivLoader (class in langchain.document_loaders) as_retriever() (langchain.vectorstores.Redis method) (langchain.vectorstores.Vectara method) (langchain.vectorstores.VectorStore method) asearch() (langchain.vectorstores.VectorStore method) asimilarity_search() (langchain.vectorstores.VectorStore method) asimilarity_search_by_vector() (langchain.vectorstores.VectorStore method) asimilarity_search_with_relevance_scores() (langchain.vectorstores.VectorStore method) async_browser (langchain.agents.agent_toolkits.PlayWrightBrowserToolkit attribute) AtlasDB (class in langchain.vectorstores) atransform_documents() (langchain.document_transformers.EmbeddingsRedundantFilter method) (langchain.text_splitter.TextSplitter method) auth_token (langchain.utilities.TwilioAPIWrapper attribute) auth_with_token (langchain.document_loaders.OneDriveLoader attribute) AutoGPT (class in langchain.experimental) awslambda_tool_description (langchain.utilities.LambdaWrapper attribute) awslambda_tool_name (langchain.utilities.LambdaWrapper attribute) AZLyricsLoader (class in langchain.document_loaders) AzureBlobStorageContainerLoader (class in langchain.document_loaders) AzureBlobStorageFileLoader (class in langchain.document_loaders) B
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-14
AzureBlobStorageFileLoader (class in langchain.document_loaders) B BabyAGI (class in langchain.experimental) bad_words (langchain.llms.NLPCloud attribute) base_compressor (langchain.retrievers.ContextualCompressionRetriever attribute) base_embeddings (langchain.chains.HypotheticalDocumentEmbedder attribute) base_prompt (langchain.tools.ZapierNLARunAction attribute) base_retriever (langchain.retrievers.ContextualCompressionRetriever attribute) base_url (langchain.document_loaders.BlackboardLoader attribute) (langchain.llms.AI21 attribute) (langchain.llms.ForefrontAI attribute) (langchain.llms.Writer attribute) (langchain.tools.APIOperation attribute) (langchain.tools.OpenAPISpec property) BashProcess (class in langchain.utilities) batch_size (langchain.llms.AzureOpenAI attribute) (langchain.llms.OpenAI attribute) (langchain.llms.OpenLM attribute) bearer_token (langchain.retrievers.ChatGPTPluginRetriever attribute) best_of (langchain.llms.AlephAlpha attribute) (langchain.llms.AzureOpenAI attribute) (langchain.llms.OpenAI attribute) (langchain.llms.OpenLM attribute) (langchain.llms.Writer attribute) BibtexLoader (class in langchain.document_loaders) BigQueryLoader (class in langchain.document_loaders) BiliBiliLoader (class in langchain.document_loaders) binary_location (langchain.document_loaders.SeleniumURLLoader attribute) bing_search_url (langchain.utilities.BingSearchAPIWrapper attribute) bing_subscription_key (langchain.utilities.BingSearchAPIWrapper attribute) BlackboardLoader (class in langchain.document_loaders) BlockchainDocumentLoader (class in langchain.document_loaders)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-15
BlockchainDocumentLoader (class in langchain.document_loaders) body_params (langchain.tools.APIOperation property) browser (langchain.document_loaders.SeleniumURLLoader attribute) BSHTMLLoader (class in langchain.document_loaders) buffer (langchain.memory.ConversationBufferMemory property) (langchain.memory.ConversationBufferWindowMemory property) (langchain.memory.ConversationEntityMemory property) (langchain.memory.ConversationStringBufferMemory attribute) (langchain.memory.ConversationSummaryBufferMemory property) (langchain.memory.ConversationSummaryMemory attribute) (langchain.memory.ConversationTokenBufferMemory property) C cache_folder (langchain.embeddings.HuggingFaceEmbeddings attribute) (langchain.embeddings.HuggingFaceInstructEmbeddings attribute) call_actor() (langchain.utilities.ApifyWrapper method) callback_manager (langchain.agents.agent_toolkits.PowerBIToolkit attribute) (langchain.tools.BaseTool attribute) (langchain.tools.Tool attribute) callbacks (langchain.tools.BaseTool attribute) (langchain.tools.Tool attribute) captions_language (langchain.document_loaders.GoogleApiYoutubeLoader attribute) CassandraChatMessageHistory (class in langchain.memory) categories (langchain.utilities.searx_search.SearxSearchWrapper attribute) (langchain.utilities.SearxSearchWrapper attribute) chain (langchain.chains.ConstitutionalChain attribute) chains (langchain.chains.SequentialChain attribute) (langchain.chains.SimpleSequentialChain attribute) channel_name (langchain.document_loaders.GoogleApiYoutubeLoader attribute) CharacterTextSplitter (class in langchain.text_splitter) CHAT_CONVERSATIONAL_REACT_DESCRIPTION (langchain.agents.AgentType attribute) chat_history_key (langchain.memory.ConversationEntityMemory attribute) CHAT_ZERO_SHOT_REACT_DESCRIPTION (langchain.agents.AgentType attribute) ChatGPTLoader (class in langchain.document_loaders)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-16
ChatGPTLoader (class in langchain.document_loaders) check_assertions_prompt (langchain.chains.LLMCheckerChain attribute) (langchain.chains.LLMSummarizationCheckerChain attribute) check_bs4() (langchain.document_loaders.BlackboardLoader method) Chroma (class in langchain.vectorstores) CHUNK_LEN (langchain.llms.RWKV attribute) chunk_size (langchain.embeddings.OpenAIEmbeddings attribute) clean_pdf() (langchain.document_loaders.MathpixPDFLoader method) clear() (langchain.experimental.GenerativeAgentMemory method) (langchain.memory.CassandraChatMessageHistory method) (langchain.memory.ChatMessageHistory method) (langchain.memory.CombinedMemory method) (langchain.memory.ConversationEntityMemory method) (langchain.memory.ConversationKGMemory method) (langchain.memory.ConversationStringBufferMemory method) (langchain.memory.ConversationSummaryBufferMemory method) (langchain.memory.ConversationSummaryMemory method) (langchain.memory.CosmosDBChatMessageHistory method) (langchain.memory.DynamoDBChatMessageHistory method) (langchain.memory.FileChatMessageHistory method) (langchain.memory.InMemoryEntityStore method) (langchain.memory.MomentoChatMessageHistory method) (langchain.memory.MongoDBChatMessageHistory method) (langchain.memory.PostgresChatMessageHistory method) (langchain.memory.ReadOnlySharedMemory method) (langchain.memory.RedisChatMessageHistory method) (langchain.memory.RedisEntityStore method) (langchain.memory.SimpleMemory method) (langchain.memory.VectorStoreRetrieverMemory method) client (langchain.llms.Petals attribute) (langchain.retrievers.document_compressors.CohereRerank attribute) cluster_driver_port (langchain.llms.Databricks attribute) cluster_id (langchain.llms.Databricks attribute)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-17
cluster_id (langchain.llms.Databricks attribute) CollegeConfidentialLoader (class in langchain.document_loaders) column_map (langchain.vectorstores.MyScaleSettings attribute) combine_docs_chain (langchain.chains.AnalyzeDocumentChain attribute) combine_documents_chain (langchain.chains.MapReduceChain attribute) combine_embeddings() (langchain.chains.HypotheticalDocumentEmbedder method) completion_bias_exclusion_first_token_only (langchain.llms.AlephAlpha attribute) completion_with_retry() (langchain.chat_models.ChatOpenAI method) compress_documents() (langchain.retrievers.document_compressors.CohereRerank method) (langchain.retrievers.document_compressors.DocumentCompressorPipeline method) (langchain.retrievers.document_compressors.EmbeddingsFilter method) (langchain.retrievers.document_compressors.LLMChainExtractor method) (langchain.retrievers.document_compressors.LLMChainFilter method) compress_to_size (langchain.embeddings.AlephAlphaAsymmetricSemanticEmbedding attribute) config (langchain.llms.CTransformers attribute) ConfluenceLoader (class in langchain.document_loaders) CoNLLULoader (class in langchain.document_loaders) connect() (langchain.vectorstores.AnalyticDB method) connection_string_from_db_params() (langchain.vectorstores.AnalyticDB class method) constitutional_principles (langchain.chains.ConstitutionalChain attribute) construct() (langchain.llms.AI21 class method) (langchain.llms.AlephAlpha class method) (langchain.llms.Anthropic class method) (langchain.llms.Anyscale class method) (langchain.llms.AzureOpenAI class method) (langchain.llms.Banana class method) (langchain.llms.Beam class method) (langchain.llms.CerebriumAI class method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-18
(langchain.llms.CerebriumAI class method) (langchain.llms.Cohere class method) (langchain.llms.CTransformers class method) (langchain.llms.Databricks class method) (langchain.llms.DeepInfra class method) (langchain.llms.FakeListLLM class method) (langchain.llms.ForefrontAI class method) (langchain.llms.GooglePalm class method) (langchain.llms.GooseAI class method) (langchain.llms.GPT4All class method) (langchain.llms.HuggingFaceEndpoint class method) (langchain.llms.HuggingFaceHub class method) (langchain.llms.HuggingFacePipeline class method) (langchain.llms.HuggingFaceTextGenInference class method) (langchain.llms.HumanInputLLM class method) (langchain.llms.LlamaCpp class method) (langchain.llms.Modal class method) (langchain.llms.MosaicML class method) (langchain.llms.NLPCloud class method) (langchain.llms.OpenAI class method) (langchain.llms.OpenAIChat class method) (langchain.llms.OpenLM class method) (langchain.llms.Petals class method) (langchain.llms.PipelineAI class method) (langchain.llms.PredictionGuard class method) (langchain.llms.PromptLayerOpenAI class method) (langchain.llms.PromptLayerOpenAIChat class method) (langchain.llms.Replicate class method) (langchain.llms.RWKV class method) (langchain.llms.SagemakerEndpoint class method) (langchain.llms.SelfHostedHuggingFaceLLM class method) (langchain.llms.SelfHostedPipeline class method) (langchain.llms.StochasticAI class method) (langchain.llms.VertexAI class method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-19
(langchain.llms.StochasticAI class method) (langchain.llms.VertexAI class method) (langchain.llms.Writer class method) content_handler (langchain.embeddings.SagemakerEndpointEmbeddings attribute) (langchain.llms.SagemakerEndpoint attribute) content_key (langchain.retrievers.AzureCognitiveSearchRetriever attribute) CONTENT_KEY (langchain.vectorstores.Qdrant attribute) context_erase (langchain.llms.GPT4All attribute) contextual_control_threshold (langchain.embeddings.AlephAlphaAsymmetricSemanticEmbedding attribute) (langchain.llms.AlephAlpha attribute) continue_on_failure (langchain.document_loaders.GoogleApiYoutubeLoader attribute) (langchain.document_loaders.PlaywrightURLLoader attribute) (langchain.document_loaders.SeleniumURLLoader attribute) control_log_additive (langchain.embeddings.AlephAlphaAsymmetricSemanticEmbedding attribute) (langchain.llms.AlephAlpha attribute) CONVERSATIONAL_REACT_DESCRIPTION (langchain.agents.AgentType attribute) copy() (langchain.llms.AI21 method) (langchain.llms.AlephAlpha method) (langchain.llms.Anthropic method) (langchain.llms.Anyscale method) (langchain.llms.AzureOpenAI method) (langchain.llms.Banana method) (langchain.llms.Beam method) (langchain.llms.CerebriumAI method) (langchain.llms.Cohere method) (langchain.llms.CTransformers method) (langchain.llms.Databricks method) (langchain.llms.DeepInfra method) (langchain.llms.FakeListLLM method) (langchain.llms.ForefrontAI method) (langchain.llms.GooglePalm method) (langchain.llms.GooseAI method) (langchain.llms.GPT4All method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-20
(langchain.llms.GooseAI method) (langchain.llms.GPT4All method) (langchain.llms.HuggingFaceEndpoint method) (langchain.llms.HuggingFaceHub method) (langchain.llms.HuggingFacePipeline method) (langchain.llms.HuggingFaceTextGenInference method) (langchain.llms.HumanInputLLM method) (langchain.llms.LlamaCpp method) (langchain.llms.Modal method) (langchain.llms.MosaicML method) (langchain.llms.NLPCloud method) (langchain.llms.OpenAI method) (langchain.llms.OpenAIChat method) (langchain.llms.OpenLM method) (langchain.llms.Petals method) (langchain.llms.PipelineAI method) (langchain.llms.PredictionGuard method) (langchain.llms.PromptLayerOpenAI method) (langchain.llms.PromptLayerOpenAIChat method) (langchain.llms.Replicate method) (langchain.llms.RWKV method) (langchain.llms.SagemakerEndpoint method) (langchain.llms.SelfHostedHuggingFaceLLM method) (langchain.llms.SelfHostedPipeline method) (langchain.llms.StochasticAI method) (langchain.llms.VertexAI method) (langchain.llms.Writer method) coroutine (langchain.agents.Tool attribute) (langchain.tools.StructuredTool attribute) (langchain.tools.Tool attribute) CosmosDBChatMessageHistory (class in langchain.memory) countPenalty (langchain.llms.AI21 attribute) create() (langchain.retrievers.ElasticSearchBM25Retriever class method) create_assertions_prompt (langchain.chains.LLMSummarizationCheckerChain attribute) create_collection() (langchain.vectorstores.AnalyticDB method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-21
create_collection() (langchain.vectorstores.AnalyticDB method) create_csv_agent() (in module langchain.agents) (in module langchain.agents.agent_toolkits) create_documents() (langchain.text_splitter.TextSplitter method) create_draft_answer_prompt (langchain.chains.LLMCheckerChain attribute) create_index() (langchain.vectorstores.AtlasDB method) create_index_if_not_exist() (langchain.vectorstores.Tair method) create_json_agent() (in module langchain.agents) (in module langchain.agents.agent_toolkits) create_llm_result() (langchain.llms.AzureOpenAI method) (langchain.llms.OpenAI method) (langchain.llms.OpenLM method) (langchain.llms.PromptLayerOpenAI method) create_openapi_agent() (in module langchain.agents) (in module langchain.agents.agent_toolkits) create_outputs() (langchain.chains.LLMChain method) create_pandas_dataframe_agent() (in module langchain.agents) (in module langchain.agents.agent_toolkits) create_pbi_agent() (in module langchain.agents) (in module langchain.agents.agent_toolkits) create_pbi_chat_agent() (in module langchain.agents) (in module langchain.agents.agent_toolkits) create_prompt() (langchain.agents.Agent class method) (langchain.agents.ConversationalAgent class method) (langchain.agents.ConversationalChatAgent class method) (langchain.agents.ReActTextWorldAgent class method) (langchain.agents.StructuredChatAgent class method) (langchain.agents.ZeroShotAgent class method) create_python_agent() (in module langchain.agents.agent_toolkits) create_spark_dataframe_agent() (in module langchain.agents)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-22
create_spark_dataframe_agent() (in module langchain.agents) (in module langchain.agents.agent_toolkits) create_spark_sql_agent() (in module langchain.agents) (in module langchain.agents.agent_toolkits) create_sql_agent() (in module langchain.agents) (in module langchain.agents.agent_toolkits) create_tables_if_not_exists() (langchain.vectorstores.AnalyticDB method) create_vectorstore_agent() (in module langchain.agents) (in module langchain.agents.agent_toolkits) create_vectorstore_router_agent() (in module langchain.agents) (in module langchain.agents.agent_toolkits) credential (langchain.utilities.PowerBIDataset attribute) credentials (langchain.llms.VertexAI attribute) credentials_path (langchain.document_loaders.GoogleApiClient attribute) (langchain.document_loaders.GoogleDriveLoader attribute) credentials_profile_name (langchain.embeddings.SagemakerEndpointEmbeddings attribute) (langchain.llms.SagemakerEndpoint attribute) critique_chain (langchain.chains.ConstitutionalChain attribute) CSVLoader (class in langchain.document_loaders) current_plan (langchain.experimental.GenerativeAgentMemory attribute) custom_headers (langchain.utilities.GraphQLAPIWrapper attribute) cypher_generation_chain (langchain.chains.GraphCypherQAChain attribute) D daily_summaries (langchain.experimental.GenerativeAgent attribute) data (langchain.document_loaders.MathpixPDFLoader property) database (langchain.chains.SQLDatabaseChain attribute) (langchain.vectorstores.MyScaleSettings attribute) DataberryRetriever (class in langchain.retrievers) DataFrameLoader (class in langchain.document_loaders) dataset_id (langchain.document_loaders.ApifyDatasetLoader attribute) (langchain.utilities.PowerBIDataset attribute)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-23
(langchain.utilities.PowerBIDataset attribute) dataset_mapping_function (langchain.document_loaders.ApifyDatasetLoader attribute) datastore_url (langchain.retrievers.DataberryRetriever attribute) db (langchain.agents.agent_toolkits.SparkSQLToolkit attribute) (langchain.agents.agent_toolkits.SQLDatabaseToolkit attribute) decay_rate (langchain.retrievers.TimeWeightedVectorStoreRetriever attribute) decider_chain (langchain.chains.SQLDatabaseSequentialChain attribute) DeepLake (class in langchain.vectorstores) default_output_key (langchain.output_parsers.RegexParser attribute) default_parser (langchain.document_loaders.WebBaseLoader attribute) default_request_timeout (langchain.llms.Anthropic attribute) default_salience (langchain.retrievers.TimeWeightedVectorStoreRetriever attribute) delete() (langchain.memory.InMemoryEntityStore method) (langchain.memory.RedisEntityStore method) (langchain.utilities.TextRequestsWrapper method) (langchain.vectorstores.DeepLake method) delete_collection() (langchain.vectorstores.AnalyticDB method) (langchain.vectorstores.Chroma method) delete_dataset() (langchain.vectorstores.DeepLake method) deployment_name (langchain.chat_models.AzureChatOpenAI attribute) (langchain.llms.AzureOpenAI attribute) description (langchain.agents.agent_toolkits.VectorStoreInfo attribute) (langchain.agents.Tool attribute) (langchain.output_parsers.ResponseSchema attribute) (langchain.tools.APIOperation attribute) (langchain.tools.BaseTool attribute) (langchain.tools.ClickTool attribute) (langchain.tools.CopyFileTool attribute) (langchain.tools.CurrentWebPageTool attribute) (langchain.tools.DeleteFileTool attribute) (langchain.tools.ExtractHyperlinksTool attribute) (langchain.tools.ExtractTextTool attribute) (langchain.tools.FileSearchTool attribute)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-24
(langchain.tools.ExtractTextTool attribute) (langchain.tools.FileSearchTool attribute) (langchain.tools.GetElementsTool attribute) (langchain.tools.GmailCreateDraft attribute) (langchain.tools.GmailGetMessage attribute) (langchain.tools.GmailGetThread attribute) (langchain.tools.GmailSearch attribute) (langchain.tools.GmailSendMessage attribute) (langchain.tools.ListDirectoryTool attribute) (langchain.tools.MoveFileTool attribute) (langchain.tools.NavigateBackTool attribute) (langchain.tools.NavigateTool attribute) (langchain.tools.ReadFileTool attribute) (langchain.tools.ShellTool attribute) (langchain.tools.StructuredTool attribute) (langchain.tools.Tool attribute) (langchain.tools.WriteFileTool attribute) deserialize_json_input() (langchain.chains.OpenAPIEndpointChain method) device (langchain.llms.SelfHostedHuggingFaceLLM attribute) dialect (langchain.agents.agent_toolkits.SQLDatabaseToolkit property) dict() (langchain.agents.Agent method) (langchain.agents.BaseMultiActionAgent method) (langchain.agents.BaseSingleActionAgent method) (langchain.agents.LLMSingleActionAgent method) (langchain.llms.AI21 method) (langchain.llms.AlephAlpha method) (langchain.llms.Anthropic method) (langchain.llms.Anyscale method) (langchain.llms.AzureOpenAI method) (langchain.llms.Banana method) (langchain.llms.Beam method) (langchain.llms.CerebriumAI method) (langchain.llms.Cohere method) (langchain.llms.CTransformers method) (langchain.llms.Databricks method) (langchain.llms.DeepInfra method) (langchain.llms.FakeListLLM method) (langchain.llms.ForefrontAI method) (langchain.llms.GooglePalm method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-25
(langchain.llms.ForefrontAI method) (langchain.llms.GooglePalm method) (langchain.llms.GooseAI method) (langchain.llms.GPT4All method) (langchain.llms.HuggingFaceEndpoint method) (langchain.llms.HuggingFaceHub method) (langchain.llms.HuggingFacePipeline method) (langchain.llms.HuggingFaceTextGenInference method) (langchain.llms.HumanInputLLM method) (langchain.llms.LlamaCpp method) (langchain.llms.Modal method) (langchain.llms.MosaicML method) (langchain.llms.NLPCloud method) (langchain.llms.OpenAI method) (langchain.llms.OpenAIChat method) (langchain.llms.OpenLM method) (langchain.llms.Petals method) (langchain.llms.PipelineAI method) (langchain.llms.PredictionGuard method) (langchain.llms.PromptLayerOpenAI method) (langchain.llms.PromptLayerOpenAIChat method) (langchain.llms.Replicate method) (langchain.llms.RWKV method) (langchain.llms.SagemakerEndpoint method) (langchain.llms.SelfHostedHuggingFaceLLM method) (langchain.llms.SelfHostedPipeline method) (langchain.llms.StochasticAI method) (langchain.llms.VertexAI method) (langchain.llms.Writer method) (langchain.prompts.BasePromptTemplate method) (langchain.prompts.FewShotPromptTemplate method) (langchain.prompts.FewShotPromptWithTemplates method) DiffbotLoader (class in langchain.document_loaders) DirectoryLoader (class in langchain.document_loaders) disallowed_special (langchain.llms.AzureOpenAI attribute) (langchain.llms.OpenAI attribute)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-26
(langchain.llms.OpenAI attribute) (langchain.llms.OpenAIChat attribute) (langchain.llms.OpenLM attribute) (langchain.llms.PromptLayerOpenAIChat attribute) DiscordChatLoader (class in langchain.document_loaders) do_sample (langchain.llms.NLPCloud attribute) (langchain.llms.Petals attribute) doc_content_chars_max (langchain.utilities.ArxivAPIWrapper attribute) (langchain.utilities.WikipediaAPIWrapper attribute) DocArrayHnswSearch (class in langchain.vectorstores) DocArrayInMemorySearch (class in langchain.vectorstores) docs (langchain.retrievers.TFIDFRetriever attribute) docset_id (langchain.document_loaders.DocugamiLoader attribute) document_ids (langchain.document_loaders.DocugamiLoader attribute) (langchain.document_loaders.GoogleDriveLoader attribute) Docx2txtLoader (class in langchain.document_loaders) download() (langchain.document_loaders.BlackboardLoader method) drive_id (langchain.document_loaders.OneDriveLoader attribute) drop() (langchain.vectorstores.MyScale method) drop_index() (langchain.vectorstores.Redis static method) (langchain.vectorstores.Tair static method) drop_tables() (langchain.vectorstores.AnalyticDB method) DuckDBLoader (class in langchain.document_loaders) DynamoDBChatMessageHistory (class in langchain.memory) E early_stopping (langchain.llms.NLPCloud attribute) early_stopping_method (langchain.agents.AgentExecutor attribute) echo (langchain.llms.AlephAlpha attribute) (langchain.llms.GPT4All attribute) (langchain.llms.LlamaCpp attribute) ElasticSearchBM25Retriever (class in langchain.retrievers)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-27
ElasticSearchBM25Retriever (class in langchain.retrievers) ElasticsearchEmbeddings (class in langchain.embeddings) ElasticVectorSearch (class in langchain.vectorstores) embed_documents() (langchain.chains.HypotheticalDocumentEmbedder method) (langchain.embeddings.AlephAlphaAsymmetricSemanticEmbedding method) (langchain.embeddings.AlephAlphaSymmetricSemanticEmbedding method) (langchain.embeddings.CohereEmbeddings method) (langchain.embeddings.ElasticsearchEmbeddings method) (langchain.embeddings.FakeEmbeddings method) (langchain.embeddings.HuggingFaceEmbeddings method) (langchain.embeddings.HuggingFaceHubEmbeddings method) (langchain.embeddings.HuggingFaceInstructEmbeddings method) (langchain.embeddings.LlamaCppEmbeddings method) (langchain.embeddings.MiniMaxEmbeddings method) (langchain.embeddings.ModelScopeEmbeddings method) (langchain.embeddings.MosaicMLInstructorEmbeddings method) (langchain.embeddings.OpenAIEmbeddings method) (langchain.embeddings.SagemakerEndpointEmbeddings method) (langchain.embeddings.SelfHostedEmbeddings method) (langchain.embeddings.SelfHostedHuggingFaceInstructEmbeddings method) (langchain.embeddings.TensorflowHubEmbeddings method) embed_instruction (langchain.embeddings.HuggingFaceInstructEmbeddings attribute) (langchain.embeddings.MosaicMLInstructorEmbeddings attribute) (langchain.embeddings.SelfHostedHuggingFaceInstructEmbeddings attribute) embed_query() (langchain.chains.HypotheticalDocumentEmbedder method) (langchain.embeddings.AlephAlphaAsymmetricSemanticEmbedding method) (langchain.embeddings.AlephAlphaSymmetricSemanticEmbedding method) (langchain.embeddings.CohereEmbeddings method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-28
(langchain.embeddings.CohereEmbeddings method) (langchain.embeddings.ElasticsearchEmbeddings method) (langchain.embeddings.FakeEmbeddings method) (langchain.embeddings.HuggingFaceEmbeddings method) (langchain.embeddings.HuggingFaceHubEmbeddings method) (langchain.embeddings.HuggingFaceInstructEmbeddings method) (langchain.embeddings.LlamaCppEmbeddings method) (langchain.embeddings.MiniMaxEmbeddings method) (langchain.embeddings.ModelScopeEmbeddings method) (langchain.embeddings.MosaicMLInstructorEmbeddings method) (langchain.embeddings.OpenAIEmbeddings method) (langchain.embeddings.SagemakerEndpointEmbeddings method) (langchain.embeddings.SelfHostedEmbeddings method) (langchain.embeddings.SelfHostedHuggingFaceInstructEmbeddings method) (langchain.embeddings.TensorflowHubEmbeddings method) embed_type_db (langchain.embeddings.MiniMaxEmbeddings attribute) embed_type_query (langchain.embeddings.MiniMaxEmbeddings attribute) embedding (langchain.llms.GPT4All attribute) embeddings (langchain.document_transformers.EmbeddingsRedundantFilter attribute) (langchain.retrievers.document_compressors.EmbeddingsFilter attribute) (langchain.retrievers.KNNRetriever attribute) (langchain.retrievers.PineconeHybridSearchRetriever attribute) (langchain.retrievers.SVMRetriever attribute) encode_kwargs (langchain.embeddings.HuggingFaceEmbeddings attribute) endpoint_kwargs (langchain.embeddings.SagemakerEndpointEmbeddings attribute) (langchain.llms.SagemakerEndpoint attribute) endpoint_name (langchain.embeddings.SagemakerEndpointEmbeddings attribute) (langchain.llms.Databricks attribute) (langchain.llms.SagemakerEndpoint attribute)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-29
(langchain.llms.Databricks attribute) (langchain.llms.SagemakerEndpoint attribute) endpoint_url (langchain.embeddings.MiniMaxEmbeddings attribute) (langchain.embeddings.MosaicMLInstructorEmbeddings attribute) (langchain.llms.CerebriumAI attribute) (langchain.llms.ForefrontAI attribute) (langchain.llms.HuggingFaceEndpoint attribute) (langchain.llms.Modal attribute) (langchain.llms.MosaicML attribute) engines (langchain.utilities.searx_search.SearxSearchWrapper attribute) (langchain.utilities.SearxSearchWrapper attribute) entity_cache (langchain.memory.ConversationEntityMemory attribute) entity_extraction_chain (langchain.chains.GraphQAChain attribute) entity_extraction_prompt (langchain.memory.ConversationEntityMemory attribute) (langchain.memory.ConversationKGMemory attribute) entity_store (langchain.memory.ConversationEntityMemory attribute) entity_summarization_prompt (langchain.memory.ConversationEntityMemory attribute) error (langchain.chains.OpenAIModerationChain attribute) escape_str() (langchain.vectorstores.MyScale method) EverNoteLoader (class in langchain.document_loaders) example_keys (langchain.prompts.example_selector.SemanticSimilarityExampleSelector attribute) example_prompt (langchain.prompts.example_selector.LengthBasedExampleSelector attribute) (langchain.prompts.FewShotPromptTemplate attribute) (langchain.prompts.FewShotPromptWithTemplates attribute) example_selector (langchain.prompts.FewShotPromptTemplate attribute) (langchain.prompts.FewShotPromptWithTemplates attribute) example_separator (langchain.prompts.FewShotPromptTemplate attribute) (langchain.prompts.FewShotPromptWithTemplates attribute) examples (langchain.agents.agent_toolkits.PowerBIToolkit attribute) (langchain.prompts.example_selector.LengthBasedExampleSelector attribute)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-30
(langchain.prompts.example_selector.LengthBasedExampleSelector attribute) (langchain.prompts.FewShotPromptTemplate attribute) (langchain.prompts.FewShotPromptWithTemplates attribute) (langchain.tools.QueryPowerBITool attribute) executable_path (langchain.document_loaders.SeleniumURLLoader attribute) execute_task() (langchain.experimental.BabyAGI method) exists() (langchain.memory.InMemoryEntityStore method) (langchain.memory.RedisEntityStore method) extra (langchain.retrievers.WeaviateHybridSearchRetriever.Config attribute) extract_video_id() (langchain.document_loaders.YoutubeLoader static method) F f16_kv (langchain.embeddings.LlamaCppEmbeddings attribute) (langchain.llms.GPT4All attribute) (langchain.llms.LlamaCpp attribute) FacebookChatLoader (class in langchain.document_loaders) FAISS (class in langchain.vectorstores) fetch_all() (langchain.document_loaders.WebBaseLoader method) fetch_data_from_telegram() (langchain.document_loaders.TelegramChatApiLoader method) fetch_k (langchain.prompts.example_selector.MaxMarginalRelevanceExampleSelector attribute) fetch_memories() (langchain.experimental.GenerativeAgentMemory method) fetch_place_details() (langchain.utilities.GooglePlacesAPIWrapper method) file_ids (langchain.document_loaders.GoogleDriveLoader attribute) file_paths (langchain.document_loaders.DocugamiLoader attribute) file_types (langchain.document_loaders.GoogleDriveLoader attribute) FileChatMessageHistory (class in langchain.memory) filter (langchain.retrievers.ChatGPTPluginRetriever attribute) folder_id (langchain.document_loaders.GoogleDriveLoader attribute) folder_path (langchain.document_loaders.BlackboardLoader attribute) (langchain.document_loaders.OneDriveLoader attribute)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-31
(langchain.document_loaders.OneDriveLoader attribute) force_delete_by_path() (langchain.vectorstores.DeepLake class method) format() (langchain.prompts.BaseChatPromptTemplate method) (langchain.prompts.BasePromptTemplate method) (langchain.prompts.ChatPromptTemplate method) (langchain.prompts.FewShotPromptTemplate method) (langchain.prompts.FewShotPromptWithTemplates method) (langchain.prompts.PromptTemplate method) format_messages() (langchain.prompts.BaseChatPromptTemplate method) (langchain.prompts.ChatPromptTemplate method) (langchain.prompts.MessagesPlaceholder method) format_place_details() (langchain.utilities.GooglePlacesAPIWrapper method) format_prompt() (langchain.prompts.BaseChatPromptTemplate method) (langchain.prompts.BasePromptTemplate method) (langchain.prompts.StringPromptTemplate method) frequency_penalty (langchain.llms.AlephAlpha attribute) (langchain.llms.AzureOpenAI attribute) (langchain.llms.Cohere attribute) (langchain.llms.GooseAI attribute) (langchain.llms.OpenAI attribute) (langchain.llms.OpenLM attribute) frequencyPenalty (langchain.llms.AI21 attribute) from_agent_and_tools() (langchain.agents.AgentExecutor class method) from_api_operation() (langchain.chains.OpenAPIEndpointChain class method) from_bearer_token() (langchain.document_loaders.TwitterTweetLoader class method) from_browser() (langchain.agents.agent_toolkits.PlayWrightBrowserToolkit class method) from_chains() (langchain.agents.MRKLChain class method) from_client_params() (langchain.memory.MomentoChatMessageHistory class method) (langchain.vectorstores.Typesense class method) from_colored_object_prompt() (langchain.chains.PALChain class method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-32
from_colored_object_prompt() (langchain.chains.PALChain class method) from_credentials() (langchain.embeddings.ElasticsearchEmbeddings class method) from_documents() (langchain.retrievers.TFIDFRetriever class method) (langchain.vectorstores.AnalyticDB class method) (langchain.vectorstores.AtlasDB class method) (langchain.vectorstores.Chroma class method) (langchain.vectorstores.Tair class method) (langchain.vectorstores.VectorStore class method) from_embeddings() (langchain.vectorstores.Annoy class method) (langchain.vectorstores.FAISS class method) from_examples() (langchain.prompts.example_selector.MaxMarginalRelevanceExampleSelector class method) (langchain.prompts.example_selector.SemanticSimilarityExampleSelector class method) (langchain.prompts.PromptTemplate class method) from_existing_index() (langchain.vectorstores.Pinecone class method) (langchain.vectorstores.Redis class method) (langchain.vectorstores.Tair class method) from_file() (langchain.prompts.PromptTemplate class method) (langchain.tools.OpenAPISpec class method) from_function() (langchain.agents.Tool class method) (langchain.tools.StructuredTool class method) (langchain.tools.Tool class method) from_huggingface_tokenizer() (langchain.text_splitter.TextSplitter class method) from_jira_api_wrapper() (langchain.agents.agent_toolkits.JiraToolkit class method) from_llm() (langchain.agents.agent_toolkits.OpenAPIToolkit class method) (langchain.chains.ChatVectorDBChain class method) (langchain.chains.ConstitutionalChain class method) (langchain.chains.ConversationalRetrievalChain class method) (langchain.chains.FlareChain class method) (langchain.chains.GraphCypherQAChain class method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-33
(langchain.chains.GraphCypherQAChain class method) (langchain.chains.GraphQAChain class method) (langchain.chains.HypotheticalDocumentEmbedder class method) (langchain.chains.LLMBashChain class method) (langchain.chains.LLMCheckerChain class method) (langchain.chains.LLMMathChain class method) (langchain.chains.LLMSummarizationCheckerChain class method) (langchain.chains.QAGenerationChain class method) (langchain.chains.SQLDatabaseChain class method) (langchain.chains.SQLDatabaseSequentialChain class method) (langchain.experimental.BabyAGI class method) (langchain.output_parsers.OutputFixingParser class method) (langchain.output_parsers.RetryOutputParser class method) (langchain.output_parsers.RetryWithErrorOutputParser class method) (langchain.retrievers.document_compressors.LLMChainExtractor class method) (langchain.retrievers.document_compressors.LLMChainFilter class method) (langchain.retrievers.SelfQueryRetriever class method) from_llm_and_ai_plugin() (langchain.agents.agent_toolkits.NLAToolkit class method) from_llm_and_ai_plugin_url() (langchain.agents.agent_toolkits.NLAToolkit class method) from_llm_and_api_docs() (langchain.chains.APIChain class method) from_llm_and_spec() (langchain.agents.agent_toolkits.NLAToolkit class method) from_llm_and_tools() (langchain.agents.Agent class method) (langchain.agents.BaseSingleActionAgent class method) (langchain.agents.ConversationalAgent class method) (langchain.agents.ConversationalChatAgent class method) (langchain.agents.StructuredChatAgent class method) (langchain.agents.ZeroShotAgent class method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-34
(langchain.agents.ZeroShotAgent class method) from_llm_and_url() (langchain.agents.agent_toolkits.NLAToolkit class method) from_math_prompt() (langchain.chains.PALChain class method) from_messages() (langchain.memory.ConversationSummaryMemory class method) from_model_id() (langchain.llms.HuggingFacePipeline class method) from_number (langchain.utilities.TwilioAPIWrapper attribute) from_openapi_spec() (langchain.tools.APIOperation class method) from_openapi_url() (langchain.tools.APIOperation class method) from_params() (langchain.chains.MapReduceChain class method) (langchain.document_loaders.WeatherDataLoader class method) (langchain.retrievers.VespaRetriever class method) (langchain.vectorstores.DocArrayHnswSearch class method) (langchain.vectorstores.DocArrayInMemorySearch class method) from_pipeline() (langchain.llms.SelfHostedHuggingFaceLLM class method) (langchain.llms.SelfHostedPipeline class method) from_plugin_url() (langchain.tools.AIPluginTool class method) from_rail() (langchain.output_parsers.GuardrailsOutputParser class method) from_rail_string() (langchain.output_parsers.GuardrailsOutputParser class method) from_response_schemas() (langchain.output_parsers.StructuredOutputParser class method) from_secrets() (langchain.document_loaders.TwitterTweetLoader class method) from_spec_dict() (langchain.tools.OpenAPISpec class method) from_string() (langchain.chains.LLMChain class method) from_template() (langchain.prompts.PromptTemplate class method) from_text() (langchain.tools.OpenAPISpec class method) from_texts() (langchain.retrievers.KNNRetriever class method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-35
from_texts() (langchain.retrievers.KNNRetriever class method) (langchain.retrievers.SVMRetriever class method) (langchain.retrievers.TFIDFRetriever class method) (langchain.vectorstores.AnalyticDB class method) (langchain.vectorstores.Annoy class method) (langchain.vectorstores.AtlasDB class method) (langchain.vectorstores.Chroma class method) (langchain.vectorstores.DeepLake class method) (langchain.vectorstores.DocArrayHnswSearch class method) (langchain.vectorstores.DocArrayInMemorySearch class method) (langchain.vectorstores.ElasticVectorSearch class method) (langchain.vectorstores.FAISS class method) (langchain.vectorstores.LanceDB class method) (langchain.vectorstores.Milvus class method) (langchain.vectorstores.MyScale class method) (langchain.vectorstores.OpenSearchVectorSearch class method) (langchain.vectorstores.Pinecone class method) (langchain.vectorstores.Qdrant class method) (langchain.vectorstores.Redis class method) (langchain.vectorstores.SKLearnVectorStore class method) (langchain.vectorstores.SupabaseVectorStore class method) (langchain.vectorstores.Tair class method) (langchain.vectorstores.Typesense class method) (langchain.vectorstores.Vectara class method) (langchain.vectorstores.VectorStore class method) (langchain.vectorstores.Weaviate class method) (langchain.vectorstores.Zilliz class method) from_texts_return_keys() (langchain.vectorstores.Redis class method) from_tiktoken_encoder() (langchain.text_splitter.TextSplitter class method) from_uri() (langchain.utilities.SparkSQL class method) from_url() (langchain.tools.OpenAPISpec class method) from_url_and_method() (langchain.chains.OpenAPIEndpointChain class method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-36
from_url_and_method() (langchain.chains.OpenAPIEndpointChain class method) from_youtube_url() (langchain.document_loaders.YoutubeLoader class method) from_zapier_nla_wrapper() (langchain.agents.agent_toolkits.ZapierToolkit class method) FRONT_MATTER_REGEX (langchain.document_loaders.ObsidianLoader attribute) full_key_prefix (langchain.memory.RedisEntityStore property) func (langchain.agents.Tool attribute) (langchain.tools.StructuredTool attribute) (langchain.tools.Tool attribute) function_name (langchain.utilities.LambdaWrapper attribute) G GCSDirectoryLoader (class in langchain.document_loaders) GCSFileLoader (class in langchain.document_loaders) generate() (langchain.chains.LLMChain method) (langchain.llms.AI21 method) (langchain.llms.AlephAlpha method) (langchain.llms.Anthropic method) (langchain.llms.Anyscale method) (langchain.llms.AzureOpenAI method) (langchain.llms.Banana method) (langchain.llms.Beam method) (langchain.llms.CerebriumAI method) (langchain.llms.Cohere method) (langchain.llms.CTransformers method) (langchain.llms.Databricks method) (langchain.llms.DeepInfra method) (langchain.llms.FakeListLLM method) (langchain.llms.ForefrontAI method) (langchain.llms.GooglePalm method) (langchain.llms.GooseAI method) (langchain.llms.GPT4All method) (langchain.llms.HuggingFaceEndpoint method) (langchain.llms.HuggingFaceHub method) (langchain.llms.HuggingFacePipeline method) (langchain.llms.HuggingFaceTextGenInference method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-37
(langchain.llms.HuggingFaceTextGenInference method) (langchain.llms.HumanInputLLM method) (langchain.llms.LlamaCpp method) (langchain.llms.Modal method) (langchain.llms.MosaicML method) (langchain.llms.NLPCloud method) (langchain.llms.OpenAI method) (langchain.llms.OpenAIChat method) (langchain.llms.OpenLM method) (langchain.llms.Petals method) (langchain.llms.PipelineAI method) (langchain.llms.PredictionGuard method) (langchain.llms.PromptLayerOpenAI method) (langchain.llms.PromptLayerOpenAIChat method) (langchain.llms.Replicate method) (langchain.llms.RWKV method) (langchain.llms.SagemakerEndpoint method) (langchain.llms.SelfHostedHuggingFaceLLM method) (langchain.llms.SelfHostedPipeline method) (langchain.llms.StochasticAI method) (langchain.llms.VertexAI method) (langchain.llms.Writer method) generate_dialogue_response() (langchain.experimental.GenerativeAgent method) generate_prompt() (langchain.llms.AI21 method) (langchain.llms.AlephAlpha method) (langchain.llms.Anthropic method) (langchain.llms.Anyscale method) (langchain.llms.AzureOpenAI method) (langchain.llms.Banana method) (langchain.llms.Beam method) (langchain.llms.CerebriumAI method) (langchain.llms.Cohere method) (langchain.llms.CTransformers method) (langchain.llms.Databricks method) (langchain.llms.DeepInfra method) (langchain.llms.FakeListLLM method) (langchain.llms.ForefrontAI method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-38
(langchain.llms.ForefrontAI method) (langchain.llms.GooglePalm method) (langchain.llms.GooseAI method) (langchain.llms.GPT4All method) (langchain.llms.HuggingFaceEndpoint method) (langchain.llms.HuggingFaceHub method) (langchain.llms.HuggingFacePipeline method) (langchain.llms.HuggingFaceTextGenInference method) (langchain.llms.HumanInputLLM method) (langchain.llms.LlamaCpp method) (langchain.llms.Modal method) (langchain.llms.MosaicML method) (langchain.llms.NLPCloud method) (langchain.llms.OpenAI method) (langchain.llms.OpenAIChat method) (langchain.llms.OpenLM method) (langchain.llms.Petals method) (langchain.llms.PipelineAI method) (langchain.llms.PredictionGuard method) (langchain.llms.PromptLayerOpenAI method) (langchain.llms.PromptLayerOpenAIChat method) (langchain.llms.Replicate method) (langchain.llms.RWKV method) (langchain.llms.SagemakerEndpoint method) (langchain.llms.SelfHostedHuggingFaceLLM method) (langchain.llms.SelfHostedPipeline method) (langchain.llms.StochasticAI method) (langchain.llms.VertexAI method) (langchain.llms.Writer method) generate_reaction() (langchain.experimental.GenerativeAgent method) GenerativeAgent (class in langchain.experimental) GenerativeAgentMemory (class in langchain.experimental) get() (langchain.memory.InMemoryEntityStore method) (langchain.memory.RedisEntityStore method) (langchain.utilities.TextRequestsWrapper method) (langchain.vectorstores.Chroma method) get_all_tool_names() (in module langchain.agents)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-39
get_all_tool_names() (in module langchain.agents) get_allowed_tools() (langchain.agents.Agent method) (langchain.agents.BaseMultiActionAgent method) (langchain.agents.BaseSingleActionAgent method) get_answer_expr (langchain.chains.PALChain attribute) get_cleaned_operation_id() (langchain.tools.OpenAPISpec static method) get_collection() (langchain.vectorstores.AnalyticDB method) get_connection_string() (langchain.vectorstores.AnalyticDB class method) get_current_entities() (langchain.memory.ConversationKGMemory method) get_description() (langchain.tools.VectorStoreQATool static method) (langchain.tools.VectorStoreQAWithSourcesTool static method) get_format_instructions() (langchain.output_parsers.CommaSeparatedListOutputParser method) (langchain.output_parsers.GuardrailsOutputParser method) (langchain.output_parsers.OutputFixingParser method) (langchain.output_parsers.PydanticOutputParser method) (langchain.output_parsers.RetryOutputParser method) (langchain.output_parsers.RetryWithErrorOutputParser method) (langchain.output_parsers.StructuredOutputParser method) get_full_header() (langchain.experimental.GenerativeAgent method) get_full_inputs() (langchain.agents.Agent method) get_input (langchain.retrievers.document_compressors.LLMChainExtractor attribute) (langchain.retrievers.document_compressors.LLMChainFilter attribute) get_knowledge_triplets() (langchain.memory.ConversationKGMemory method) get_methods_for_path() (langchain.tools.OpenAPISpec method) get_next_task() (langchain.experimental.BabyAGI method) get_num_tokens() (langchain.chat_models.ChatAnthropic method) (langchain.llms.AI21 method) (langchain.llms.AlephAlpha method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-40
(langchain.llms.AI21 method) (langchain.llms.AlephAlpha method) (langchain.llms.Anthropic method) (langchain.llms.Anyscale method) (langchain.llms.AzureOpenAI method) (langchain.llms.Banana method) (langchain.llms.Beam method) (langchain.llms.CerebriumAI method) (langchain.llms.Cohere method) (langchain.llms.CTransformers method) (langchain.llms.Databricks method) (langchain.llms.DeepInfra method) (langchain.llms.FakeListLLM method) (langchain.llms.ForefrontAI method) (langchain.llms.GooglePalm method) (langchain.llms.GooseAI method) (langchain.llms.GPT4All method) (langchain.llms.HuggingFaceEndpoint method) (langchain.llms.HuggingFaceHub method) (langchain.llms.HuggingFacePipeline method) (langchain.llms.HuggingFaceTextGenInference method) (langchain.llms.HumanInputLLM method) (langchain.llms.LlamaCpp method) (langchain.llms.Modal method) (langchain.llms.MosaicML method) (langchain.llms.NLPCloud method) (langchain.llms.OpenAI method) (langchain.llms.OpenAIChat method) (langchain.llms.OpenLM method) (langchain.llms.Petals method) (langchain.llms.PipelineAI method) (langchain.llms.PredictionGuard method) (langchain.llms.PromptLayerOpenAI method) (langchain.llms.PromptLayerOpenAIChat method) (langchain.llms.Replicate method) (langchain.llms.RWKV method) (langchain.llms.SagemakerEndpoint method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-41
(langchain.llms.RWKV method) (langchain.llms.SagemakerEndpoint method) (langchain.llms.SelfHostedHuggingFaceLLM method) (langchain.llms.SelfHostedPipeline method) (langchain.llms.StochasticAI method) (langchain.llms.VertexAI method) (langchain.llms.Writer method) get_num_tokens_from_messages() (langchain.chat_models.ChatOpenAI method) (langchain.llms.AI21 method) (langchain.llms.AlephAlpha method) (langchain.llms.Anthropic method) (langchain.llms.Anyscale method) (langchain.llms.AzureOpenAI method) (langchain.llms.Banana method) (langchain.llms.Beam method) (langchain.llms.CerebriumAI method) (langchain.llms.Cohere method) (langchain.llms.CTransformers method) (langchain.llms.Databricks method) (langchain.llms.DeepInfra method) (langchain.llms.FakeListLLM method) (langchain.llms.ForefrontAI method) (langchain.llms.GooglePalm method) (langchain.llms.GooseAI method) (langchain.llms.GPT4All method) (langchain.llms.HuggingFaceEndpoint method) (langchain.llms.HuggingFaceHub method) (langchain.llms.HuggingFacePipeline method) (langchain.llms.HuggingFaceTextGenInference method) (langchain.llms.HumanInputLLM method) (langchain.llms.LlamaCpp method) (langchain.llms.Modal method) (langchain.llms.MosaicML method) (langchain.llms.NLPCloud method) (langchain.llms.OpenAI method) (langchain.llms.OpenAIChat method) (langchain.llms.OpenLM method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-42
(langchain.llms.OpenAIChat method) (langchain.llms.OpenLM method) (langchain.llms.Petals method) (langchain.llms.PipelineAI method) (langchain.llms.PredictionGuard method) (langchain.llms.PromptLayerOpenAI method) (langchain.llms.PromptLayerOpenAIChat method) (langchain.llms.Replicate method) (langchain.llms.RWKV method) (langchain.llms.SagemakerEndpoint method) (langchain.llms.SelfHostedHuggingFaceLLM method) (langchain.llms.SelfHostedPipeline method) (langchain.llms.StochasticAI method) (langchain.llms.VertexAI method) (langchain.llms.Writer method) get_operation() (langchain.tools.OpenAPISpec method) get_parameters_for_operation() (langchain.tools.OpenAPISpec method) get_params() (langchain.serpapi.SerpAPIWrapper method) (langchain.utilities.SerpAPIWrapper method) get_principles() (langchain.chains.ConstitutionalChain class method) get_processed_pdf() (langchain.document_loaders.MathpixPDFLoader method) get_referenced_schema() (langchain.tools.OpenAPISpec method) get_relevant_documents() (langchain.retrievers.ArxivRetriever method) (langchain.retrievers.AzureCognitiveSearchRetriever method) (langchain.retrievers.ChatGPTPluginRetriever method) (langchain.retrievers.ContextualCompressionRetriever method) (langchain.retrievers.DataberryRetriever method) (langchain.retrievers.ElasticSearchBM25Retriever method) (langchain.retrievers.KNNRetriever method) (langchain.retrievers.MetalRetriever method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-43
(langchain.retrievers.MetalRetriever method) (langchain.retrievers.PineconeHybridSearchRetriever method) (langchain.retrievers.RemoteLangChainRetriever method) (langchain.retrievers.SelfQueryRetriever method) (langchain.retrievers.SVMRetriever method) (langchain.retrievers.TFIDFRetriever method) (langchain.retrievers.TimeWeightedVectorStoreRetriever method) (langchain.retrievers.VespaRetriever method) (langchain.retrievers.WeaviateHybridSearchRetriever method) (langchain.retrievers.WikipediaRetriever method) (langchain.retrievers.ZepRetriever method) get_relevant_documents_with_filter() (langchain.retrievers.VespaRetriever method) get_request_body_for_operation() (langchain.tools.OpenAPISpec method) get_salient_docs() (langchain.retrievers.TimeWeightedVectorStoreRetriever method) get_schemas() (langchain.utilities.PowerBIDataset method) get_snippets() (langchain.utilities.DuckDuckGoSearchAPIWrapper method) get_stateful_documents() (in module langchain.document_transformers) get_sub_prompts() (langchain.llms.AzureOpenAI method) (langchain.llms.OpenAI method) (langchain.llms.OpenLM method) (langchain.llms.PromptLayerOpenAI method) get_summary() (langchain.experimental.GenerativeAgent method) get_table_info() (langchain.utilities.PowerBIDataset method) (langchain.utilities.SparkSQL method) get_table_info_no_throw() (langchain.utilities.SparkSQL method) get_table_names() (langchain.utilities.PowerBIDataset method) get_text_length (langchain.prompts.example_selector.LengthBasedExampleSelector attribute)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-44
get_text_length (langchain.prompts.example_selector.LengthBasedExampleSelector attribute) get_token_ids() (langchain.chat_models.ChatOpenAI method) (langchain.llms.AI21 method) (langchain.llms.AlephAlpha method) (langchain.llms.Anthropic method) (langchain.llms.Anyscale method) (langchain.llms.AzureOpenAI method) (langchain.llms.Banana method) (langchain.llms.Beam method) (langchain.llms.CerebriumAI method) (langchain.llms.Cohere method) (langchain.llms.CTransformers method) (langchain.llms.Databricks method) (langchain.llms.DeepInfra method) (langchain.llms.FakeListLLM method) (langchain.llms.ForefrontAI method) (langchain.llms.GooglePalm method) (langchain.llms.GooseAI method) (langchain.llms.GPT4All method) (langchain.llms.HuggingFaceEndpoint method) (langchain.llms.HuggingFaceHub method) (langchain.llms.HuggingFacePipeline method) (langchain.llms.HuggingFaceTextGenInference method) (langchain.llms.HumanInputLLM method) (langchain.llms.LlamaCpp method) (langchain.llms.Modal method) (langchain.llms.MosaicML method) (langchain.llms.NLPCloud method) (langchain.llms.OpenAI method) (langchain.llms.OpenAIChat method) (langchain.llms.OpenLM method) (langchain.llms.Petals method) (langchain.llms.PipelineAI method) (langchain.llms.PredictionGuard method) (langchain.llms.PromptLayerOpenAI method) (langchain.llms.PromptLayerOpenAIChat method) (langchain.llms.Replicate method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-45
(langchain.llms.Replicate method) (langchain.llms.RWKV method) (langchain.llms.SagemakerEndpoint method) (langchain.llms.SelfHostedHuggingFaceLLM method) (langchain.llms.SelfHostedPipeline method) (langchain.llms.StochasticAI method) (langchain.llms.VertexAI method) (langchain.llms.Writer method) get_tools() (langchain.agents.agent_toolkits.AzureCognitiveServicesToolkit method) (langchain.agents.agent_toolkits.FileManagementToolkit method) (langchain.agents.agent_toolkits.GmailToolkit method) (langchain.agents.agent_toolkits.JiraToolkit method) (langchain.agents.agent_toolkits.JsonToolkit method) (langchain.agents.agent_toolkits.NLAToolkit method) (langchain.agents.agent_toolkits.OpenAPIToolkit method) (langchain.agents.agent_toolkits.PlayWrightBrowserToolkit method) (langchain.agents.agent_toolkits.PowerBIToolkit method) (langchain.agents.agent_toolkits.SparkSQLToolkit method) (langchain.agents.agent_toolkits.SQLDatabaseToolkit method) (langchain.agents.agent_toolkits.VectorStoreRouterToolkit method) (langchain.agents.agent_toolkits.VectorStoreToolkit method) (langchain.agents.agent_toolkits.ZapierToolkit method) get_usable_table_names() (langchain.utilities.SparkSQL method) GitbookLoader (class in langchain.document_loaders) GitLoader (class in langchain.document_loaders) gl (langchain.utilities.GoogleSerperAPIWrapper attribute) globals (langchain.python.PythonREPL attribute) (langchain.utilities.PythonREPL attribute) google_api_client (langchain.document_loaders.GoogleApiYoutubeLoader attribute) google_api_key (langchain.chat_models.ChatGooglePalm attribute) (langchain.utilities.GoogleSearchAPIWrapper attribute)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-46
(langchain.utilities.GoogleSearchAPIWrapper attribute) google_cse_id (langchain.utilities.GoogleSearchAPIWrapper attribute) GoogleApiClient (class in langchain.document_loaders) GoogleApiYoutubeLoader (class in langchain.document_loaders) gplaces_api_key (langchain.utilities.GooglePlacesAPIWrapper attribute) graph (langchain.chains.GraphCypherQAChain attribute) (langchain.chains.GraphQAChain attribute) graphql_endpoint (langchain.utilities.GraphQLAPIWrapper attribute) group_id (langchain.utilities.PowerBIDataset attribute) guard (langchain.output_parsers.GuardrailsOutputParser attribute) GutenbergLoader (class in langchain.document_loaders) H handle_parsing_errors (langchain.agents.AgentExecutor attribute) hardware (langchain.embeddings.SelfHostedHuggingFaceEmbeddings attribute) (langchain.llms.SelfHostedHuggingFaceLLM attribute) (langchain.llms.SelfHostedPipeline attribute) headers (langchain.document_loaders.MathpixPDFLoader property) (langchain.retrievers.RemoteLangChainRetriever attribute) (langchain.utilities.PowerBIDataset property) (langchain.utilities.searx_search.SearxSearchWrapper attribute) (langchain.utilities.SearxSearchWrapper attribute) (langchain.utilities.TextRequestsWrapper attribute) headless (langchain.document_loaders.PlaywrightURLLoader attribute) (langchain.document_loaders.SeleniumURLLoader attribute) hl (langchain.utilities.GoogleSerperAPIWrapper attribute) HNLoader (class in langchain.document_loaders) host (langchain.llms.Databricks attribute) (langchain.vectorstores.MyScaleSettings attribute) hosting (langchain.embeddings.AlephAlphaAsymmetricSemanticEmbedding attribute) HuggingFaceDatasetLoader (class in langchain.document_loaders) human_prefix (langchain.memory.ConversationBufferMemory attribute)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-47
human_prefix (langchain.memory.ConversationBufferMemory attribute) (langchain.memory.ConversationBufferWindowMemory attribute) (langchain.memory.ConversationEntityMemory attribute) (langchain.memory.ConversationKGMemory attribute) (langchain.memory.ConversationStringBufferMemory attribute) (langchain.memory.ConversationTokenBufferMemory attribute) I IFixitLoader (class in langchain.document_loaders) ImageCaptionLoader (class in langchain.document_loaders) impersonated_user_name (langchain.utilities.PowerBIDataset attribute) importance_weight (langchain.experimental.GenerativeAgentMemory attribute) IMSDbLoader (class in langchain.document_loaders) index (langchain.retrievers.KNNRetriever attribute) (langchain.retrievers.PineconeHybridSearchRetriever attribute) (langchain.retrievers.SVMRetriever attribute) index_name (langchain.retrievers.AzureCognitiveSearchRetriever attribute) index_param (langchain.vectorstores.MyScaleSettings attribute) index_type (langchain.vectorstores.MyScaleSettings attribute) inference_fn (langchain.embeddings.SelfHostedEmbeddings attribute) (langchain.embeddings.SelfHostedHuggingFaceEmbeddings attribute) (langchain.llms.SelfHostedHuggingFaceLLM attribute) (langchain.llms.SelfHostedPipeline attribute) inference_kwargs (langchain.embeddings.SelfHostedEmbeddings attribute) initialize_agent() (in module langchain.agents) inject_instruction_format (langchain.llms.MosaicML attribute) InMemoryDocstore (class in langchain.docstore) InMemoryEntityStore (class in langchain.memory) input_func (langchain.tools.HumanInputRun attribute) input_key (langchain.chains.QAGenerationChain attribute) (langchain.memory.ConversationStringBufferMemory attribute)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-48
(langchain.memory.ConversationStringBufferMemory attribute) (langchain.memory.VectorStoreRetrieverMemory attribute) (langchain.retrievers.RemoteLangChainRetriever attribute) input_keys (langchain.chains.ConstitutionalChain property) (langchain.chains.ConversationChain property) (langchain.chains.FlareChain property) (langchain.chains.HypotheticalDocumentEmbedder property) (langchain.chains.QAGenerationChain property) (langchain.experimental.BabyAGI property) (langchain.prompts.example_selector.SemanticSimilarityExampleSelector attribute) input_variables (langchain.chains.SequentialChain attribute) (langchain.chains.TransformChain attribute) (langchain.prompts.BasePromptTemplate attribute) (langchain.prompts.FewShotPromptTemplate attribute) (langchain.prompts.FewShotPromptWithTemplates attribute) (langchain.prompts.MessagesPlaceholder property) (langchain.prompts.PromptTemplate attribute) is_public_page() (langchain.document_loaders.ConfluenceLoader method) is_single_input (langchain.tools.BaseTool property) J JoplinLoader (class in langchain.document_loaders) json() (langchain.llms.AI21 method) (langchain.llms.AlephAlpha method) (langchain.llms.Anthropic method) (langchain.llms.Anyscale method) (langchain.llms.AzureOpenAI method) (langchain.llms.Banana method) (langchain.llms.Beam method) (langchain.llms.CerebriumAI method) (langchain.llms.Cohere method) (langchain.llms.CTransformers method) (langchain.llms.Databricks method) (langchain.llms.DeepInfra method) (langchain.llms.FakeListLLM method) (langchain.llms.ForefrontAI method) (langchain.llms.GooglePalm method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-49
(langchain.llms.ForefrontAI method) (langchain.llms.GooglePalm method) (langchain.llms.GooseAI method) (langchain.llms.GPT4All method) (langchain.llms.HuggingFaceEndpoint method) (langchain.llms.HuggingFaceHub method) (langchain.llms.HuggingFacePipeline method) (langchain.llms.HuggingFaceTextGenInference method) (langchain.llms.HumanInputLLM method) (langchain.llms.LlamaCpp method) (langchain.llms.Modal method) (langchain.llms.MosaicML method) (langchain.llms.NLPCloud method) (langchain.llms.OpenAI method) (langchain.llms.OpenAIChat method) (langchain.llms.OpenLM method) (langchain.llms.Petals method) (langchain.llms.PipelineAI method) (langchain.llms.PredictionGuard method) (langchain.llms.PromptLayerOpenAI method) (langchain.llms.PromptLayerOpenAIChat method) (langchain.llms.Replicate method) (langchain.llms.RWKV method) (langchain.llms.SagemakerEndpoint method) (langchain.llms.SelfHostedHuggingFaceLLM method) (langchain.llms.SelfHostedPipeline method) (langchain.llms.StochasticAI method) (langchain.llms.VertexAI method) (langchain.llms.Writer method) json_agent (langchain.agents.agent_toolkits.OpenAPIToolkit attribute) JSONLoader (class in langchain.document_loaders) K k (langchain.chains.QAGenerationChain attribute) (langchain.chains.VectorDBQA attribute) (langchain.chains.VectorDBQAWithSourcesChain attribute) (langchain.llms.Cohere attribute) (langchain.memory.ConversationBufferWindowMemory attribute)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-50
(langchain.llms.Cohere attribute) (langchain.memory.ConversationBufferWindowMemory attribute) (langchain.memory.ConversationEntityMemory attribute) (langchain.memory.ConversationKGMemory attribute) (langchain.prompts.example_selector.SemanticSimilarityExampleSelector attribute) (langchain.retrievers.document_compressors.EmbeddingsFilter attribute) (langchain.retrievers.KNNRetriever attribute) (langchain.retrievers.SVMRetriever attribute) (langchain.retrievers.TFIDFRetriever attribute) (langchain.retrievers.TimeWeightedVectorStoreRetriever attribute) (langchain.utilities.BingSearchAPIWrapper attribute) (langchain.utilities.DuckDuckGoSearchAPIWrapper attribute) (langchain.utilities.GoogleSearchAPIWrapper attribute) (langchain.utilities.GoogleSerperAPIWrapper attribute) (langchain.utilities.MetaphorSearchAPIWrapper attribute) (langchain.utilities.searx_search.SearxSearchWrapper attribute) (langchain.utilities.SearxSearchWrapper attribute) key (langchain.memory.RedisChatMessageHistory property) key_prefix (langchain.memory.RedisEntityStore attribute) kg (langchain.memory.ConversationKGMemory attribute) knowledge_extraction_prompt (langchain.memory.ConversationKGMemory attribute) L LanceDB (class in langchain.vectorstores) lang (langchain.utilities.WikipediaAPIWrapper attribute) langchain.agents module langchain.agents.agent_toolkits module langchain.chains module langchain.chat_models module langchain.docstore module langchain.document_loaders module langchain.document_transformers module langchain.embeddings module langchain.llms module langchain.memory module langchain.output_parsers
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-51
module langchain.memory module langchain.output_parsers module langchain.prompts module langchain.prompts.example_selector module langchain.python module langchain.retrievers module langchain.retrievers.document_compressors module langchain.serpapi module langchain.text_splitter module langchain.tools module langchain.utilities module langchain.utilities.searx_search module langchain.vectorstores module last_n_tokens_size (langchain.llms.LlamaCpp attribute) last_refreshed (langchain.experimental.GenerativeAgent attribute) LatexTextSplitter (class in langchain.text_splitter) lazy_load() (langchain.document_loaders.BibtexLoader method) (langchain.document_loaders.HuggingFaceDatasetLoader method) (langchain.document_loaders.JoplinLoader method) (langchain.document_loaders.PDFMinerLoader method) (langchain.document_loaders.PyPDFium2Loader method) (langchain.document_loaders.PyPDFLoader method) (langchain.document_loaders.ToMarkdownLoader method) (langchain.document_loaders.TomlLoader method) (langchain.document_loaders.WeatherDataLoader method) length (langchain.llms.ForefrontAI attribute) length_no_input (langchain.llms.NLPCloud attribute) length_penalty (langchain.llms.NLPCloud attribute) lib (langchain.llms.CTransformers attribute) list_assertions_prompt (langchain.chains.LLMCheckerChain attribute) llm (langchain.agents.agent_toolkits.PowerBIToolkit attribute) (langchain.agents.agent_toolkits.SparkSQLToolkit attribute)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-52
(langchain.agents.agent_toolkits.SparkSQLToolkit attribute) (langchain.agents.agent_toolkits.SQLDatabaseToolkit attribute) (langchain.agents.agent_toolkits.VectorStoreRouterToolkit attribute) (langchain.agents.agent_toolkits.VectorStoreToolkit attribute) (langchain.chains.LLMBashChain attribute) (langchain.chains.LLMChain attribute) (langchain.chains.LLMCheckerChain attribute) (langchain.chains.LLMMathChain attribute) (langchain.chains.LLMSummarizationCheckerChain attribute) (langchain.chains.PALChain attribute) (langchain.chains.SQLDatabaseChain attribute) (langchain.experimental.GenerativeAgent attribute) (langchain.experimental.GenerativeAgentMemory attribute) (langchain.memory.ConversationEntityMemory attribute) (langchain.memory.ConversationKGMemory attribute) (langchain.memory.ConversationTokenBufferMemory attribute) llm_chain (langchain.agents.Agent attribute) (langchain.agents.LLMSingleActionAgent attribute) (langchain.chains.HypotheticalDocumentEmbedder attribute) (langchain.chains.LLMBashChain attribute) (langchain.chains.LLMMathChain attribute) (langchain.chains.LLMRequestsChain attribute) (langchain.chains.PALChain attribute) (langchain.chains.QAGenerationChain attribute) (langchain.chains.SQLDatabaseChain attribute) (langchain.retrievers.document_compressors.LLMChainExtractor attribute) (langchain.retrievers.document_compressors.LLMChainFilter attribute) (langchain.retrievers.SelfQueryRetriever attribute) (langchain.tools.QueryPowerBITool attribute) llm_prefix (langchain.agents.Agent property) (langchain.agents.ConversationalAgent property) (langchain.agents.ConversationalChatAgent property) (langchain.agents.StructuredChatAgent property) (langchain.agents.ZeroShotAgent property)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-53
(langchain.agents.StructuredChatAgent property) (langchain.agents.ZeroShotAgent property) load() (langchain.document_loaders.AirbyteJSONLoader method) (langchain.document_loaders.ApifyDatasetLoader method) (langchain.document_loaders.ArxivLoader method) (langchain.document_loaders.AZLyricsLoader method) (langchain.document_loaders.AzureBlobStorageContainerLoader method) (langchain.document_loaders.AzureBlobStorageFileLoader method) (langchain.document_loaders.BibtexLoader method) (langchain.document_loaders.BigQueryLoader method) (langchain.document_loaders.BiliBiliLoader method) (langchain.document_loaders.BlackboardLoader method) (langchain.document_loaders.BlockchainDocumentLoader method) (langchain.document_loaders.BSHTMLLoader method) (langchain.document_loaders.ChatGPTLoader method) (langchain.document_loaders.CollegeConfidentialLoader method) (langchain.document_loaders.ConfluenceLoader method) (langchain.document_loaders.CoNLLULoader method) (langchain.document_loaders.CSVLoader method) (langchain.document_loaders.DataFrameLoader method) (langchain.document_loaders.DiffbotLoader method) (langchain.document_loaders.DirectoryLoader method) (langchain.document_loaders.DiscordChatLoader method) (langchain.document_loaders.DocugamiLoader method) (langchain.document_loaders.Docx2txtLoader method) (langchain.document_loaders.DuckDBLoader method) (langchain.document_loaders.EverNoteLoader method) (langchain.document_loaders.FacebookChatLoader method) (langchain.document_loaders.GCSDirectoryLoader method) (langchain.document_loaders.GCSFileLoader method) (langchain.document_loaders.GitbookLoader method) (langchain.document_loaders.GitLoader method) (langchain.document_loaders.GoogleApiYoutubeLoader method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-54
(langchain.document_loaders.GoogleApiYoutubeLoader method) (langchain.document_loaders.GoogleDriveLoader method) (langchain.document_loaders.GutenbergLoader method) (langchain.document_loaders.HNLoader method) (langchain.document_loaders.HuggingFaceDatasetLoader method) (langchain.document_loaders.IFixitLoader method) (langchain.document_loaders.ImageCaptionLoader method) (langchain.document_loaders.IMSDbLoader method) (langchain.document_loaders.JoplinLoader method) (langchain.document_loaders.JSONLoader method) (langchain.document_loaders.MastodonTootsLoader method) (langchain.document_loaders.MathpixPDFLoader method) (langchain.document_loaders.ModernTreasuryLoader method) (langchain.document_loaders.MWDumpLoader method) (langchain.document_loaders.NotebookLoader method) (langchain.document_loaders.NotionDBLoader method) (langchain.document_loaders.NotionDirectoryLoader method) (langchain.document_loaders.ObsidianLoader method) (langchain.document_loaders.OneDriveLoader method) (langchain.document_loaders.OnlinePDFLoader method) (langchain.document_loaders.OutlookMessageLoader method) (langchain.document_loaders.PDFMinerLoader method) (langchain.document_loaders.PDFMinerPDFasHTMLLoader method) (langchain.document_loaders.PDFPlumberLoader method) (langchain.document_loaders.PlaywrightURLLoader method) (langchain.document_loaders.PsychicLoader method) (langchain.document_loaders.PyMuPDFLoader method) (langchain.document_loaders.PyPDFDirectoryLoader method) (langchain.document_loaders.PyPDFium2Loader method) (langchain.document_loaders.PyPDFLoader method) (langchain.document_loaders.ReadTheDocsLoader method) (langchain.document_loaders.RedditPostsLoader method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-55
(langchain.document_loaders.RedditPostsLoader method) (langchain.document_loaders.RoamLoader method) (langchain.document_loaders.S3DirectoryLoader method) (langchain.document_loaders.S3FileLoader method) (langchain.document_loaders.SeleniumURLLoader method) (langchain.document_loaders.SitemapLoader method) (langchain.document_loaders.SlackDirectoryLoader method) (langchain.document_loaders.SpreedlyLoader method) (langchain.document_loaders.SRTLoader method) (langchain.document_loaders.StripeLoader method) (langchain.document_loaders.TelegramChatApiLoader method) (langchain.document_loaders.TelegramChatFileLoader method) (langchain.document_loaders.TextLoader method) (langchain.document_loaders.ToMarkdownLoader method) (langchain.document_loaders.TomlLoader method) (langchain.document_loaders.TwitterTweetLoader method) (langchain.document_loaders.UnstructuredURLLoader method) (langchain.document_loaders.WeatherDataLoader method) (langchain.document_loaders.WebBaseLoader method) (langchain.document_loaders.WhatsAppChatLoader method) (langchain.document_loaders.WikipediaLoader method) (langchain.document_loaders.YoutubeLoader method) (langchain.utilities.ArxivAPIWrapper method) (langchain.utilities.WikipediaAPIWrapper method) load_agent() (in module langchain.agents) load_all_available_meta (langchain.utilities.ArxivAPIWrapper attribute) (langchain.utilities.WikipediaAPIWrapper attribute) load_all_recursively (langchain.document_loaders.BlackboardLoader attribute) load_chain() (in module langchain.chains) load_comments() (langchain.document_loaders.HNLoader method) load_device() (langchain.document_loaders.IFixitLoader method) load_file() (langchain.document_loaders.DirectoryLoader method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-56
load_file() (langchain.document_loaders.DirectoryLoader method) load_fn_kwargs (langchain.embeddings.SelfHostedHuggingFaceEmbeddings attribute) (langchain.llms.SelfHostedHuggingFaceLLM attribute) (langchain.llms.SelfHostedPipeline attribute) load_guide() (langchain.document_loaders.IFixitLoader method) load_huggingface_tool() (in module langchain.agents) load_local() (langchain.vectorstores.Annoy class method) (langchain.vectorstores.FAISS class method) load_max_docs (langchain.utilities.ArxivAPIWrapper attribute) load_memory_variables() (langchain.experimental.GenerativeAgentMemory method) (langchain.memory.CombinedMemory method) (langchain.memory.ConversationBufferMemory method) (langchain.memory.ConversationBufferWindowMemory method) (langchain.memory.ConversationEntityMemory method) (langchain.memory.ConversationKGMemory method) (langchain.memory.ConversationStringBufferMemory method) (langchain.memory.ConversationSummaryBufferMemory method) (langchain.memory.ConversationSummaryMemory method) (langchain.memory.ConversationTokenBufferMemory method) (langchain.memory.ReadOnlySharedMemory method) (langchain.memory.SimpleMemory method) (langchain.memory.VectorStoreRetrieverMemory method) load_messages() (langchain.memory.CosmosDBChatMessageHistory method) load_page() (langchain.document_loaders.NotionDBLoader method) load_prompt() (in module langchain.prompts) load_questions_and_answers() (langchain.document_loaders.IFixitLoader method) load_results() (langchain.document_loaders.HNLoader method) load_suggestions() (langchain.document_loaders.IFixitLoader static method) load_tools() (in module langchain.agents) load_trashed_files (langchain.document_loaders.GoogleDriveLoader attribute)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-57
load_trashed_files (langchain.document_loaders.GoogleDriveLoader attribute) locals (langchain.python.PythonREPL attribute) (langchain.utilities.PythonREPL attribute) location (langchain.llms.VertexAI attribute) log_probs (langchain.llms.AlephAlpha attribute) logit_bias (langchain.llms.AlephAlpha attribute) (langchain.llms.AzureOpenAI attribute) (langchain.llms.GooseAI attribute) (langchain.llms.OpenAI attribute) (langchain.llms.OpenLM attribute) logitBias (langchain.llms.AI21 attribute) logits_all (langchain.embeddings.LlamaCppEmbeddings attribute) (langchain.llms.GPT4All attribute) (langchain.llms.LlamaCpp attribute) logprobs (langchain.llms.LlamaCpp attribute) (langchain.llms.Writer attribute) lookup_tool() (langchain.agents.AgentExecutor method) lora_base (langchain.llms.LlamaCpp attribute) lora_path (langchain.llms.LlamaCpp attribute) M MarkdownTextSplitter (class in langchain.text_splitter) MastodonTootsLoader (class in langchain.document_loaders) MathpixPDFLoader (class in langchain.document_loaders) max_checks (langchain.chains.LLMSummarizationCheckerChain attribute) max_execution_time (langchain.agents.AgentExecutor attribute) max_iter (langchain.chains.FlareChain attribute) max_iterations (langchain.agents.agent_toolkits.PowerBIToolkit attribute) (langchain.agents.AgentExecutor attribute) (langchain.tools.QueryPowerBITool attribute) max_length (langchain.llms.NLPCloud attribute) (langchain.llms.Petals attribute) (langchain.prompts.example_selector.LengthBasedExampleSelector attribute)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-58
(langchain.prompts.example_selector.LengthBasedExampleSelector attribute) max_marginal_relevance_search() (langchain.vectorstores.Annoy method) (langchain.vectorstores.Chroma method) (langchain.vectorstores.DeepLake method) (langchain.vectorstores.FAISS method) (langchain.vectorstores.Milvus method) (langchain.vectorstores.Qdrant method) (langchain.vectorstores.SupabaseVectorStore method) (langchain.vectorstores.VectorStore method) (langchain.vectorstores.Weaviate method) max_marginal_relevance_search_by_vector() (langchain.vectorstores.Annoy method) (langchain.vectorstores.Chroma method) (langchain.vectorstores.DeepLake method) (langchain.vectorstores.FAISS method) (langchain.vectorstores.Milvus method) (langchain.vectorstores.SupabaseVectorStore method) (langchain.vectorstores.VectorStore method) (langchain.vectorstores.Weaviate method) max_new_tokens (langchain.llms.Petals attribute) max_output_tokens (langchain.llms.GooglePalm attribute) (langchain.llms.VertexAI attribute) max_results (langchain.utilities.DuckDuckGoSearchAPIWrapper attribute) max_retries (langchain.chat_models.ChatOpenAI attribute) (langchain.embeddings.OpenAIEmbeddings attribute) (langchain.llms.AzureOpenAI attribute) (langchain.llms.OpenAI attribute) (langchain.llms.OpenAIChat attribute) (langchain.llms.OpenLM attribute) (langchain.llms.PromptLayerOpenAIChat attribute) max_token_limit (langchain.memory.ConversationSummaryBufferMemory attribute) (langchain.memory.ConversationTokenBufferMemory attribute) max_tokens (langchain.chat_models.ChatOpenAI attribute) (langchain.llms.AzureOpenAI attribute) (langchain.llms.Cohere attribute)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-59
(langchain.llms.AzureOpenAI attribute) (langchain.llms.Cohere attribute) (langchain.llms.GooseAI attribute) (langchain.llms.LlamaCpp attribute) (langchain.llms.OpenAI attribute) (langchain.llms.OpenLM attribute) (langchain.llms.PredictionGuard attribute) (langchain.llms.Writer attribute) max_tokens_for_prompt() (langchain.llms.AzureOpenAI method) (langchain.llms.OpenAI method) (langchain.llms.OpenLM method) (langchain.llms.PromptLayerOpenAI method) max_tokens_limit (langchain.chains.ConversationalRetrievalChain attribute) (langchain.chains.RetrievalQAWithSourcesChain attribute) (langchain.chains.VectorDBQAWithSourcesChain attribute) max_tokens_per_generation (langchain.llms.RWKV attribute) max_tokens_to_sample (langchain.llms.Anthropic attribute) maximum_tokens (langchain.llms.AlephAlpha attribute) maxTokens (langchain.llms.AI21 attribute) memories (langchain.memory.CombinedMemory attribute) (langchain.memory.SimpleMemory attribute) memory (langchain.chains.ConversationChain attribute) (langchain.experimental.GenerativeAgent attribute) (langchain.memory.ReadOnlySharedMemory attribute) memory_key (langchain.memory.ConversationSummaryBufferMemory attribute) (langchain.memory.ConversationTokenBufferMemory attribute) (langchain.memory.VectorStoreRetrieverMemory attribute) memory_retriever (langchain.experimental.GenerativeAgentMemory attribute) memory_stream (langchain.retrievers.TimeWeightedVectorStoreRetriever attribute) memory_variables (langchain.experimental.GenerativeAgentMemory property) (langchain.memory.CombinedMemory property) (langchain.memory.ConversationStringBufferMemory property) (langchain.memory.ReadOnlySharedMemory property) (langchain.memory.SimpleMemory property)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-60
(langchain.memory.ReadOnlySharedMemory property) (langchain.memory.SimpleMemory property) (langchain.memory.VectorStoreRetrieverMemory property) merge_from() (langchain.vectorstores.FAISS method) messages (langchain.memory.CassandraChatMessageHistory property) (langchain.memory.ChatMessageHistory attribute) (langchain.memory.DynamoDBChatMessageHistory property) (langchain.memory.FileChatMessageHistory property) (langchain.memory.MomentoChatMessageHistory property) (langchain.memory.MongoDBChatMessageHistory property) (langchain.memory.PostgresChatMessageHistory property) (langchain.memory.RedisChatMessageHistory property) metadata_column (langchain.vectorstores.MyScale property) metadata_key (langchain.retrievers.RemoteLangChainRetriever attribute) METADATA_KEY (langchain.vectorstores.Qdrant attribute) MetalRetriever (class in langchain.retrievers) metaphor_api_key (langchain.utilities.MetaphorSearchAPIWrapper attribute) method (langchain.tools.APIOperation attribute) metric (langchain.vectorstores.MyScaleSettings attribute) Milvus (class in langchain.vectorstores) min_chunk_size (langchain.document_loaders.DocugamiLoader attribute) min_length (langchain.llms.NLPCloud attribute) min_prob (langchain.chains.FlareChain attribute) min_token_gap (langchain.chains.FlareChain attribute) min_tokens (langchain.llms.GooseAI attribute) (langchain.llms.Writer attribute) minimax_api_key (langchain.embeddings.MiniMaxEmbeddings attribute) minimax_group_id (langchain.embeddings.MiniMaxEmbeddings attribute) minimum_tokens (langchain.llms.AlephAlpha attribute) minTokens (langchain.llms.AI21 attribute) model (langchain.embeddings.AlephAlphaAsymmetricSemanticEmbedding attribute)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-61
model (langchain.embeddings.AlephAlphaAsymmetricSemanticEmbedding attribute) (langchain.embeddings.CohereEmbeddings attribute) (langchain.embeddings.MiniMaxEmbeddings attribute) (langchain.llms.AI21 attribute) (langchain.llms.AlephAlpha attribute) (langchain.llms.Anthropic attribute) (langchain.llms.Cohere attribute) (langchain.llms.CTransformers attribute) (langchain.llms.GPT4All attribute) (langchain.llms.RWKV attribute) (langchain.retrievers.document_compressors.CohereRerank attribute) model_file (langchain.llms.CTransformers attribute) model_id (langchain.embeddings.ModelScopeEmbeddings attribute) (langchain.embeddings.SelfHostedHuggingFaceEmbeddings attribute) (langchain.embeddings.SelfHostedHuggingFaceInstructEmbeddings attribute) (langchain.llms.HuggingFacePipeline attribute) (langchain.llms.SelfHostedHuggingFaceLLM attribute) (langchain.llms.Writer attribute) model_key (langchain.llms.Banana attribute) model_kwargs (langchain.chat_models.ChatOpenAI attribute) (langchain.embeddings.HuggingFaceEmbeddings attribute) (langchain.embeddings.HuggingFaceHubEmbeddings attribute) (langchain.embeddings.HuggingFaceInstructEmbeddings attribute) (langchain.embeddings.SagemakerEndpointEmbeddings attribute) (langchain.llms.Anyscale attribute) (langchain.llms.AzureOpenAI attribute) (langchain.llms.Banana attribute) (langchain.llms.Beam attribute) (langchain.llms.CerebriumAI attribute) (langchain.llms.Databricks attribute) (langchain.llms.GooseAI attribute) (langchain.llms.HuggingFaceEndpoint attribute) (langchain.llms.HuggingFaceHub attribute)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-62
(langchain.llms.HuggingFaceHub attribute) (langchain.llms.HuggingFacePipeline attribute) (langchain.llms.Modal attribute) (langchain.llms.MosaicML attribute) (langchain.llms.OpenAI attribute) (langchain.llms.OpenAIChat attribute) (langchain.llms.OpenLM attribute) (langchain.llms.Petals attribute) (langchain.llms.PromptLayerOpenAIChat attribute) (langchain.llms.SagemakerEndpoint attribute) (langchain.llms.SelfHostedHuggingFaceLLM attribute) (langchain.llms.StochasticAI attribute) model_load_fn (langchain.embeddings.SelfHostedHuggingFaceEmbeddings attribute) (langchain.llms.SelfHostedHuggingFaceLLM attribute) (langchain.llms.SelfHostedPipeline attribute) model_name (langchain.chains.OpenAIModerationChain attribute) (langchain.chat_models.ChatGooglePalm attribute) (langchain.chat_models.ChatOpenAI attribute) (langchain.chat_models.ChatVertexAI attribute) (langchain.embeddings.HuggingFaceEmbeddings attribute) (langchain.embeddings.HuggingFaceInstructEmbeddings attribute) (langchain.llms.AzureOpenAI attribute) (langchain.llms.GooglePalm attribute) (langchain.llms.GooseAI attribute) (langchain.llms.NLPCloud attribute) (langchain.llms.OpenAI attribute) (langchain.llms.OpenAIChat attribute) (langchain.llms.OpenLM attribute) (langchain.llms.Petals attribute) (langchain.llms.PromptLayerOpenAIChat attribute) (langchain.tools.SteamshipImageGenerationTool attribute) model_path (langchain.llms.LlamaCpp attribute) model_reqs (langchain.embeddings.SelfHostedHuggingFaceEmbeddings attribute)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-63
model_reqs (langchain.embeddings.SelfHostedHuggingFaceEmbeddings attribute) (langchain.embeddings.SelfHostedHuggingFaceInstructEmbeddings attribute) (langchain.llms.SelfHostedHuggingFaceLLM attribute) (langchain.llms.SelfHostedPipeline attribute) model_type (langchain.llms.CTransformers attribute) model_url (langchain.embeddings.TensorflowHubEmbeddings attribute) modelname_to_contextsize() (langchain.llms.AzureOpenAI method) (langchain.llms.OpenAI method) (langchain.llms.OpenLM method) (langchain.llms.PromptLayerOpenAI method) ModernTreasuryLoader (class in langchain.document_loaders) module langchain.agents langchain.agents.agent_toolkits langchain.chains langchain.chat_models langchain.docstore langchain.document_loaders langchain.document_transformers langchain.embeddings langchain.llms langchain.memory langchain.output_parsers langchain.prompts langchain.prompts.example_selector langchain.python langchain.retrievers langchain.retrievers.document_compressors langchain.serpapi langchain.text_splitter langchain.tools langchain.utilities langchain.utilities.searx_search langchain.vectorstores MomentoChatMessageHistory (class in langchain.memory) MongoDBChatMessageHistory (class in langchain.memory) moving_summary_buffer (langchain.memory.ConversationSummaryBufferMemory attribute) MWDumpLoader (class in langchain.document_loaders) MyScale (class in langchain.vectorstores) N n (langchain.chat_models.ChatGooglePalm attribute) (langchain.chat_models.ChatOpenAI attribute) (langchain.llms.AlephAlpha attribute) (langchain.llms.AzureOpenAI attribute)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-64
(langchain.llms.AlephAlpha attribute) (langchain.llms.AzureOpenAI attribute) (langchain.llms.GooglePalm attribute) (langchain.llms.GooseAI attribute) (langchain.llms.OpenAI attribute) (langchain.llms.OpenLM attribute) (langchain.llms.Writer attribute) n_batch (langchain.embeddings.LlamaCppEmbeddings attribute) (langchain.llms.GPT4All attribute) (langchain.llms.LlamaCpp attribute) n_ctx (langchain.embeddings.LlamaCppEmbeddings attribute) (langchain.llms.GPT4All attribute) (langchain.llms.LlamaCpp attribute) n_gpu_layers (langchain.embeddings.LlamaCppEmbeddings attribute) (langchain.llms.LlamaCpp attribute) n_parts (langchain.embeddings.LlamaCppEmbeddings attribute) (langchain.llms.GPT4All attribute) (langchain.llms.LlamaCpp attribute) n_predict (langchain.llms.GPT4All attribute) n_threads (langchain.embeddings.LlamaCppEmbeddings attribute) (langchain.llms.GPT4All attribute) (langchain.llms.LlamaCpp attribute) name (langchain.agents.agent_toolkits.VectorStoreInfo attribute) (langchain.experimental.GenerativeAgent attribute) (langchain.llms.PredictionGuard attribute) (langchain.output_parsers.ResponseSchema attribute) (langchain.tools.BaseTool attribute) (langchain.tools.ClickTool attribute) (langchain.tools.CopyFileTool attribute) (langchain.tools.CurrentWebPageTool attribute) (langchain.tools.DeleteFileTool attribute) (langchain.tools.ExtractHyperlinksTool attribute) (langchain.tools.ExtractTextTool attribute) (langchain.tools.FileSearchTool attribute) (langchain.tools.GetElementsTool attribute) (langchain.tools.GmailCreateDraft attribute) (langchain.tools.GmailGetMessage attribute)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-65
(langchain.tools.GmailCreateDraft attribute) (langchain.tools.GmailGetMessage attribute) (langchain.tools.GmailGetThread attribute) (langchain.tools.GmailSearch attribute) (langchain.tools.GmailSendMessage attribute) (langchain.tools.ListDirectoryTool attribute) (langchain.tools.MoveFileTool attribute) (langchain.tools.NavigateBackTool attribute) (langchain.tools.NavigateTool attribute) (langchain.tools.ReadFileTool attribute) (langchain.tools.ShellTool attribute) (langchain.tools.Tool attribute) (langchain.tools.WriteFileTool attribute) nla_tools (langchain.agents.agent_toolkits.NLAToolkit attribute) NLTKTextSplitter (class in langchain.text_splitter) no_update_value (langchain.output_parsers.RegexDictParser attribute) normalize (langchain.embeddings.AlephAlphaAsymmetricSemanticEmbedding attribute) NotebookLoader (class in langchain.document_loaders) NotionDBLoader (class in langchain.document_loaders) NotionDirectoryLoader (class in langchain.document_loaders) num_beams (langchain.llms.NLPCloud attribute) num_pad_tokens (langchain.chains.FlareChain attribute) num_results (langchain.tools.BingSearchResults attribute) (langchain.tools.DuckDuckGoSearchResults attribute) (langchain.tools.GoogleSearchResults attribute) num_return_sequences (langchain.llms.NLPCloud attribute) numResults (langchain.llms.AI21 attribute) O object_ids (langchain.document_loaders.OneDriveLoader attribute) observation_prefix (langchain.agents.Agent property) (langchain.agents.ConversationalAgent property) (langchain.agents.ConversationalChatAgent property) (langchain.agents.StructuredChatAgent property) (langchain.agents.ZeroShotAgent property) ObsidianLoader (class in langchain.document_loaders)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-66
ObsidianLoader (class in langchain.document_loaders) OnlinePDFLoader (class in langchain.document_loaders) openai_api_base (langchain.chat_models.AzureChatOpenAI attribute) (langchain.chat_models.ChatOpenAI attribute) openai_api_key (langchain.chains.OpenAIModerationChain attribute) (langchain.chat_models.AzureChatOpenAI attribute) (langchain.chat_models.ChatOpenAI attribute) openai_api_type (langchain.chat_models.AzureChatOpenAI attribute) openai_api_version (langchain.chat_models.AzureChatOpenAI attribute) openai_organization (langchain.chains.OpenAIModerationChain attribute) (langchain.chat_models.AzureChatOpenAI attribute) (langchain.chat_models.ChatOpenAI attribute) openai_proxy (langchain.chat_models.AzureChatOpenAI attribute) (langchain.chat_models.ChatOpenAI attribute) OpenSearchVectorSearch (class in langchain.vectorstores) openweathermap_api_key (langchain.utilities.OpenWeatherMapAPIWrapper attribute) operation_id (langchain.tools.APIOperation attribute) other_score_keys (langchain.retrievers.TimeWeightedVectorStoreRetriever attribute) OutlookMessageLoader (class in langchain.document_loaders) output_key (langchain.chains.QAGenerationChain attribute) (langchain.memory.ConversationStringBufferMemory attribute) output_key_to_format (langchain.output_parsers.RegexDictParser attribute) output_keys (langchain.chains.ConstitutionalChain property) (langchain.chains.FlareChain property) (langchain.chains.HypotheticalDocumentEmbedder property) (langchain.chains.QAGenerationChain property) (langchain.experimental.BabyAGI property) (langchain.output_parsers.RegexParser attribute) output_parser (langchain.agents.Agent attribute) (langchain.agents.ConversationalAgent attribute)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-67
(langchain.agents.ConversationalAgent attribute) (langchain.agents.ConversationalChatAgent attribute) (langchain.agents.LLMSingleActionAgent attribute) (langchain.agents.StructuredChatAgent attribute) (langchain.agents.ZeroShotAgent attribute) (langchain.chains.FlareChain attribute) (langchain.prompts.BasePromptTemplate attribute) output_variables (langchain.chains.TransformChain attribute) owm (langchain.utilities.OpenWeatherMapAPIWrapper attribute) P p (langchain.llms.Cohere attribute) page_content_key (langchain.retrievers.RemoteLangChainRetriever attribute) PagedPDFSplitter (in module langchain.document_loaders) paginate_request() (langchain.document_loaders.ConfluenceLoader method) param_mapping (langchain.chains.OpenAPIEndpointChain attribute) params (langchain.serpapi.SerpAPIWrapper attribute) (langchain.tools.ZapierNLARunAction attribute) (langchain.utilities.searx_search.SearxSearchWrapper attribute) (langchain.utilities.SearxSearchWrapper attribute) (langchain.utilities.SerpAPIWrapper attribute) params_schema (langchain.tools.ZapierNLARunAction attribute) parse() (langchain.agents.AgentOutputParser method) (langchain.output_parsers.CommaSeparatedListOutputParser method) (langchain.output_parsers.GuardrailsOutputParser method) (langchain.output_parsers.ListOutputParser method) (langchain.output_parsers.OutputFixingParser method) (langchain.output_parsers.PydanticOutputParser method) (langchain.output_parsers.RegexDictParser method) (langchain.output_parsers.RegexParser method) (langchain.output_parsers.RetryOutputParser method) (langchain.output_parsers.RetryWithErrorOutputParser method) (langchain.output_parsers.StructuredOutputParser method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-68
(langchain.output_parsers.StructuredOutputParser method) parse_filename() (langchain.document_loaders.BlackboardLoader method) parse_obj() (langchain.tools.OpenAPISpec class method) parse_sitemap() (langchain.document_loaders.SitemapLoader method) parse_with_prompt() (langchain.output_parsers.RetryOutputParser method) (langchain.output_parsers.RetryWithErrorOutputParser method) parser (langchain.output_parsers.OutputFixingParser attribute) (langchain.output_parsers.RetryOutputParser attribute) (langchain.output_parsers.RetryWithErrorOutputParser attribute) partial() (langchain.prompts.BasePromptTemplate method) (langchain.prompts.ChatPromptTemplate method) password (langchain.vectorstores.MyScaleSettings attribute) patch() (langchain.utilities.TextRequestsWrapper method) path (langchain.tools.APIOperation attribute) path_params (langchain.tools.APIOperation property) pause_to_reflect() (langchain.experimental.GenerativeAgentMemory method) PDFMinerLoader (class in langchain.document_loaders) PDFMinerPDFasHTMLLoader (class in langchain.document_loaders) PDFPlumberLoader (class in langchain.document_loaders) penalty_alpha_frequency (langchain.llms.RWKV attribute) penalty_alpha_presence (langchain.llms.RWKV attribute) penalty_bias (langchain.llms.AlephAlpha attribute) penalty_exceptions (langchain.llms.AlephAlpha attribute) penalty_exceptions_include_stop_sequences (langchain.llms.AlephAlpha attribute) persist() (langchain.vectorstores.Chroma method) (langchain.vectorstores.DeepLake method) (langchain.vectorstores.SKLearnVectorStore method) Pinecone (class in langchain.vectorstores) pipeline_key (langchain.llms.PipelineAI attribute)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-69
pipeline_key (langchain.llms.PipelineAI attribute) pipeline_kwargs (langchain.llms.HuggingFacePipeline attribute) (langchain.llms.PipelineAI attribute) pl_tags (langchain.chat_models.PromptLayerChatOpenAI attribute) plan() (langchain.agents.Agent method) (langchain.agents.BaseMultiActionAgent method) (langchain.agents.BaseSingleActionAgent method) (langchain.agents.LLMSingleActionAgent method) playwright_strict (langchain.tools.ClickTool attribute) playwright_timeout (langchain.tools.ClickTool attribute) PlaywrightURLLoader (class in langchain.document_loaders) plugin (langchain.tools.AIPluginTool attribute) port (langchain.vectorstores.MyScaleSettings attribute) post() (langchain.utilities.TextRequestsWrapper method) PostgresChatMessageHistory (class in langchain.memory) powerbi (langchain.agents.agent_toolkits.PowerBIToolkit attribute) (langchain.tools.InfoPowerBITool attribute) (langchain.tools.ListPowerBITool attribute) (langchain.tools.QueryPowerBITool attribute) predict() (langchain.chains.LLMChain method) (langchain.llms.AI21 method) (langchain.llms.AlephAlpha method) (langchain.llms.Anthropic method) (langchain.llms.Anyscale method) (langchain.llms.AzureOpenAI method) (langchain.llms.Banana method) (langchain.llms.Beam method) (langchain.llms.CerebriumAI method) (langchain.llms.Cohere method) (langchain.llms.CTransformers method) (langchain.llms.Databricks method) (langchain.llms.DeepInfra method) (langchain.llms.FakeListLLM method) (langchain.llms.ForefrontAI method) (langchain.llms.GooglePalm method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-70
(langchain.llms.ForefrontAI method) (langchain.llms.GooglePalm method) (langchain.llms.GooseAI method) (langchain.llms.GPT4All method) (langchain.llms.HuggingFaceEndpoint method) (langchain.llms.HuggingFaceHub method) (langchain.llms.HuggingFacePipeline method) (langchain.llms.HuggingFaceTextGenInference method) (langchain.llms.HumanInputLLM method) (langchain.llms.LlamaCpp method) (langchain.llms.Modal method) (langchain.llms.MosaicML method) (langchain.llms.NLPCloud method) (langchain.llms.OpenAI method) (langchain.llms.OpenAIChat method) (langchain.llms.OpenLM method) (langchain.llms.Petals method) (langchain.llms.PipelineAI method) (langchain.llms.PredictionGuard method) (langchain.llms.PromptLayerOpenAI method) (langchain.llms.PromptLayerOpenAIChat method) (langchain.llms.Replicate method) (langchain.llms.RWKV method) (langchain.llms.SagemakerEndpoint method) (langchain.llms.SelfHostedHuggingFaceLLM method) (langchain.llms.SelfHostedPipeline method) (langchain.llms.StochasticAI method) (langchain.llms.VertexAI method) (langchain.llms.Writer method) predict_and_parse() (langchain.chains.LLMChain method) predict_messages() (langchain.llms.AI21 method) (langchain.llms.AlephAlpha method) (langchain.llms.Anthropic method) (langchain.llms.Anyscale method) (langchain.llms.AzureOpenAI method) (langchain.llms.Banana method) (langchain.llms.Beam method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-71
(langchain.llms.Banana method) (langchain.llms.Beam method) (langchain.llms.CerebriumAI method) (langchain.llms.Cohere method) (langchain.llms.CTransformers method) (langchain.llms.Databricks method) (langchain.llms.DeepInfra method) (langchain.llms.FakeListLLM method) (langchain.llms.ForefrontAI method) (langchain.llms.GooglePalm method) (langchain.llms.GooseAI method) (langchain.llms.GPT4All method) (langchain.llms.HuggingFaceEndpoint method) (langchain.llms.HuggingFaceHub method) (langchain.llms.HuggingFacePipeline method) (langchain.llms.HuggingFaceTextGenInference method) (langchain.llms.HumanInputLLM method) (langchain.llms.LlamaCpp method) (langchain.llms.Modal method) (langchain.llms.MosaicML method) (langchain.llms.NLPCloud method) (langchain.llms.OpenAI method) (langchain.llms.OpenAIChat method) (langchain.llms.OpenLM method) (langchain.llms.Petals method) (langchain.llms.PipelineAI method) (langchain.llms.PredictionGuard method) (langchain.llms.PromptLayerOpenAI method) (langchain.llms.PromptLayerOpenAIChat method) (langchain.llms.Replicate method) (langchain.llms.RWKV method) (langchain.llms.SagemakerEndpoint method) (langchain.llms.SelfHostedHuggingFaceLLM method) (langchain.llms.SelfHostedPipeline method) (langchain.llms.StochasticAI method) (langchain.llms.VertexAI method) (langchain.llms.Writer method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-72
(langchain.llms.VertexAI method) (langchain.llms.Writer method) prefix (langchain.prompts.FewShotPromptTemplate attribute) (langchain.prompts.FewShotPromptWithTemplates attribute) prefix_messages (langchain.llms.OpenAIChat attribute) (langchain.llms.PromptLayerOpenAIChat attribute) prep_prompts() (langchain.chains.LLMChain method) prep_streaming_params() (langchain.llms.AzureOpenAI method) (langchain.llms.OpenAI method) (langchain.llms.OpenLM method) (langchain.llms.PromptLayerOpenAI method) prepare_cosmos() (langchain.memory.CosmosDBChatMessageHistory method) presence_penalty (langchain.llms.AlephAlpha attribute) (langchain.llms.AzureOpenAI attribute) (langchain.llms.Cohere attribute) (langchain.llms.GooseAI attribute) (langchain.llms.OpenAI attribute) (langchain.llms.OpenLM attribute) (langchain.llms.Writer attribute) presencePenalty (langchain.llms.AI21 attribute) prioritize_tasks() (langchain.experimental.BabyAGI method) process (langchain.tools.ShellTool attribute) process_attachment() (langchain.document_loaders.ConfluenceLoader method) process_doc() (langchain.document_loaders.ConfluenceLoader method) process_image() (langchain.document_loaders.ConfluenceLoader method) process_index_results() (langchain.vectorstores.Annoy method) process_output() (langchain.utilities.BashProcess method) process_page() (langchain.document_loaders.ConfluenceLoader method) process_pages() (langchain.document_loaders.ConfluenceLoader method) process_pdf() (langchain.document_loaders.ConfluenceLoader method) process_svg() (langchain.document_loaders.ConfluenceLoader method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-73
process_svg() (langchain.document_loaders.ConfluenceLoader method) process_xls() (langchain.document_loaders.ConfluenceLoader method) project (langchain.llms.VertexAI attribute) Prompt (in module langchain.prompts) prompt (langchain.chains.ConversationChain attribute) (langchain.chains.LLMBashChain attribute) (langchain.chains.LLMChain attribute) (langchain.chains.LLMMathChain attribute) (langchain.chains.PALChain attribute) (langchain.chains.SQLDatabaseChain attribute) prompt_func (langchain.tools.HumanInputRun attribute) properties (langchain.tools.APIOperation attribute) prune() (langchain.memory.ConversationSummaryBufferMemory method) PsychicLoader (class in langchain.document_loaders) put() (langchain.utilities.TextRequestsWrapper method) pydantic_object (langchain.output_parsers.PydanticOutputParser attribute) PyMuPDFLoader (class in langchain.document_loaders) PyPDFDirectoryLoader (class in langchain.document_loaders) PyPDFium2Loader (class in langchain.document_loaders) PyPDFLoader (class in langchain.document_loaders) python_globals (langchain.chains.PALChain attribute) python_locals (langchain.chains.PALChain attribute) PythonCodeTextSplitter (class in langchain.text_splitter) PythonLoader (class in langchain.document_loaders) Q qa_chain (langchain.chains.GraphCypherQAChain attribute) (langchain.chains.GraphQAChain attribute) Qdrant (class in langchain.vectorstores) query_checker_prompt (langchain.chains.SQLDatabaseChain attribute) query_instruction (langchain.embeddings.HuggingFaceInstructEmbeddings attribute) (langchain.embeddings.MosaicMLInstructorEmbeddings attribute)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-74
(langchain.embeddings.MosaicMLInstructorEmbeddings attribute) (langchain.embeddings.SelfHostedHuggingFaceInstructEmbeddings attribute) query_name (langchain.vectorstores.SupabaseVectorStore attribute) query_params (langchain.tools.APIOperation property) query_suffix (langchain.utilities.searx_search.SearxSearchWrapper attribute) (langchain.utilities.SearxSearchWrapper attribute) question_generator_chain (langchain.chains.FlareChain attribute) question_to_checked_assertions_chain (langchain.chains.LLMCheckerChain attribute) R raw_completion (langchain.llms.AlephAlpha attribute) REACT_DOCSTORE (langchain.agents.AgentType attribute) ReadTheDocsLoader (class in langchain.document_loaders) recall_ttl (langchain.memory.RedisEntityStore attribute) recursive (langchain.document_loaders.GoogleDriveLoader attribute) RecursiveCharacterTextSplitter (class in langchain.text_splitter) RedditPostsLoader (class in langchain.document_loaders) Redis (class in langchain.vectorstores) redis_client (langchain.memory.RedisEntityStore attribute) RedisChatMessageHistory (class in langchain.memory) RedisEntityStore (class in langchain.memory) reduce_k_below_max_tokens (langchain.chains.RetrievalQAWithSourcesChain attribute) (langchain.chains.VectorDBQAWithSourcesChain attribute) reflection_threshold (langchain.experimental.GenerativeAgentMemory attribute) regex (langchain.output_parsers.RegexParser attribute) regex_pattern (langchain.output_parsers.RegexDictParser attribute) region (langchain.utilities.DuckDuckGoSearchAPIWrapper attribute) region_name (langchain.embeddings.SagemakerEndpointEmbeddings attribute) (langchain.llms.SagemakerEndpoint attribute) relevancy_threshold (langchain.retrievers.KNNRetriever attribute)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-75
relevancy_threshold (langchain.retrievers.KNNRetriever attribute) (langchain.retrievers.SVMRetriever attribute) remove_end_sequence (langchain.llms.NLPCloud attribute) remove_input (langchain.llms.NLPCloud attribute) repeat_last_n (langchain.llms.GPT4All attribute) repeat_penalty (langchain.llms.GPT4All attribute) (langchain.llms.LlamaCpp attribute) repetition_penalties_include_completion (langchain.llms.AlephAlpha attribute) repetition_penalties_include_prompt (langchain.llms.AlephAlpha attribute) repetition_penalty (langchain.llms.ForefrontAI attribute) (langchain.llms.NLPCloud attribute) (langchain.llms.Writer attribute) repo_id (langchain.embeddings.HuggingFaceHubEmbeddings attribute) (langchain.llms.HuggingFaceHub attribute) request_body (langchain.tools.APIOperation attribute) request_timeout (langchain.chat_models.ChatOpenAI attribute) (langchain.embeddings.OpenAIEmbeddings attribute) (langchain.llms.AzureOpenAI attribute) (langchain.llms.OpenAI attribute) (langchain.llms.OpenLM attribute) request_url (langchain.utilities.PowerBIDataset property) requests (langchain.chains.OpenAPIEndpointChain attribute) (langchain.utilities.TextRequestsWrapper property) requests_per_second (langchain.document_loaders.WebBaseLoader attribute) requests_wrapper (langchain.agents.agent_toolkits.OpenAPIToolkit attribute) (langchain.chains.APIChain attribute) (langchain.chains.LLMRequestsChain attribute) response_chain (langchain.chains.FlareChain attribute) response_key (langchain.retrievers.RemoteLangChainRetriever attribute) response_schemas (langchain.output_parsers.StructuredOutputParser attribute)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-76
response_schemas (langchain.output_parsers.StructuredOutputParser attribute) results() (langchain.serpapi.SerpAPIWrapper method) (langchain.utilities.BingSearchAPIWrapper method) (langchain.utilities.DuckDuckGoSearchAPIWrapper method) (langchain.utilities.GoogleSearchAPIWrapper method) (langchain.utilities.GoogleSerperAPIWrapper method) (langchain.utilities.MetaphorSearchAPIWrapper method) (langchain.utilities.searx_search.SearxSearchWrapper method) (langchain.utilities.SearxSearchWrapper method) (langchain.utilities.SerpAPIWrapper method) results_async() (langchain.utilities.MetaphorSearchAPIWrapper method) retriever (langchain.chains.ConversationalRetrievalChain attribute) (langchain.chains.FlareChain attribute) (langchain.chains.RetrievalQA attribute) (langchain.chains.RetrievalQAWithSourcesChain attribute) (langchain.memory.VectorStoreRetrieverMemory attribute) retry_chain (langchain.output_parsers.OutputFixingParser attribute) (langchain.output_parsers.RetryOutputParser attribute) (langchain.output_parsers.RetryWithErrorOutputParser attribute) retry_sleep (langchain.embeddings.MosaicMLInstructorEmbeddings attribute) (langchain.llms.MosaicML attribute) return_all (langchain.chains.SequentialChain attribute) return_direct (langchain.chains.SQLDatabaseChain attribute) (langchain.tools.BaseTool attribute) (langchain.tools.Tool attribute) return_docs (langchain.memory.VectorStoreRetrieverMemory attribute) return_intermediate_steps (langchain.agents.AgentExecutor attribute) (langchain.chains.ConstitutionalChain attribute) (langchain.chains.OpenAPIEndpointChain attribute) (langchain.chains.PALChain attribute) (langchain.chains.SQLDatabaseChain attribute) (langchain.chains.SQLDatabaseSequentialChain attribute)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-77
(langchain.chains.SQLDatabaseChain attribute) (langchain.chains.SQLDatabaseSequentialChain attribute) return_pl_id (langchain.chat_models.PromptLayerChatOpenAI attribute) return_stopped_response() (langchain.agents.Agent method) (langchain.agents.BaseMultiActionAgent method) (langchain.agents.BaseSingleActionAgent method) return_urls (langchain.tools.SteamshipImageGenerationTool attribute) return_values (langchain.agents.Agent property) (langchain.agents.BaseMultiActionAgent property) (langchain.agents.BaseSingleActionAgent property) revised_answer_prompt (langchain.chains.LLMCheckerChain attribute) revised_summary_prompt (langchain.chains.LLMSummarizationCheckerChain attribute) revision_chain (langchain.chains.ConstitutionalChain attribute) RoamLoader (class in langchain.document_loaders) root_dir (langchain.agents.agent_toolkits.FileManagementToolkit attribute) run() (langchain.python.PythonREPL method) (langchain.serpapi.SerpAPIWrapper method) (langchain.tools.BaseTool method) (langchain.utilities.ArxivAPIWrapper method) (langchain.utilities.BashProcess method) (langchain.utilities.BingSearchAPIWrapper method) (langchain.utilities.DuckDuckGoSearchAPIWrapper method) (langchain.utilities.GooglePlacesAPIWrapper method) (langchain.utilities.GoogleSearchAPIWrapper method) (langchain.utilities.GoogleSerperAPIWrapper method) (langchain.utilities.GraphQLAPIWrapper method) (langchain.utilities.LambdaWrapper method) (langchain.utilities.OpenWeatherMapAPIWrapper method) (langchain.utilities.PowerBIDataset method) (langchain.utilities.PythonREPL method) (langchain.utilities.searx_search.SearxSearchWrapper method) (langchain.utilities.SearxSearchWrapper method) (langchain.utilities.SerpAPIWrapper method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-78
(langchain.utilities.SearxSearchWrapper method) (langchain.utilities.SerpAPIWrapper method) (langchain.utilities.SparkSQL method) (langchain.utilities.TwilioAPIWrapper method) (langchain.utilities.WikipediaAPIWrapper method) (langchain.utilities.WolframAlphaAPIWrapper method) run_creation() (langchain.llms.Beam method) run_no_throw() (langchain.utilities.SparkSQL method) rwkv_verbose (langchain.llms.RWKV attribute) S S3DirectoryLoader (class in langchain.document_loaders) S3FileLoader (class in langchain.document_loaders) safesearch (langchain.utilities.DuckDuckGoSearchAPIWrapper attribute) sample_rows_in_table_info (langchain.utilities.PowerBIDataset attribute) save() (langchain.agents.AgentExecutor method) (langchain.agents.BaseMultiActionAgent method) (langchain.agents.BaseSingleActionAgent method) (langchain.llms.AI21 method) (langchain.llms.AlephAlpha method) (langchain.llms.Anthropic method) (langchain.llms.Anyscale method) (langchain.llms.AzureOpenAI method) (langchain.llms.Banana method) (langchain.llms.Beam method) (langchain.llms.CerebriumAI method) (langchain.llms.Cohere method) (langchain.llms.CTransformers method) (langchain.llms.Databricks method) (langchain.llms.DeepInfra method) (langchain.llms.FakeListLLM method) (langchain.llms.ForefrontAI method) (langchain.llms.GooglePalm method) (langchain.llms.GooseAI method) (langchain.llms.GPT4All method) (langchain.llms.HuggingFaceEndpoint method) (langchain.llms.HuggingFaceHub method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-79
(langchain.llms.HuggingFaceHub method) (langchain.llms.HuggingFacePipeline method) (langchain.llms.HuggingFaceTextGenInference method) (langchain.llms.HumanInputLLM method) (langchain.llms.LlamaCpp method) (langchain.llms.Modal method) (langchain.llms.MosaicML method) (langchain.llms.NLPCloud method) (langchain.llms.OpenAI method) (langchain.llms.OpenAIChat method) (langchain.llms.OpenLM method) (langchain.llms.Petals method) (langchain.llms.PipelineAI method) (langchain.llms.PredictionGuard method) (langchain.llms.PromptLayerOpenAI method) (langchain.llms.PromptLayerOpenAIChat method) (langchain.llms.Replicate method) (langchain.llms.RWKV method) (langchain.llms.SagemakerEndpoint method) (langchain.llms.SelfHostedHuggingFaceLLM method) (langchain.llms.SelfHostedPipeline method) (langchain.llms.StochasticAI method) (langchain.llms.VertexAI method) (langchain.llms.Writer method) (langchain.prompts.BasePromptTemplate method) (langchain.prompts.ChatPromptTemplate method) save_agent() (langchain.agents.AgentExecutor method) save_context() (langchain.experimental.GenerativeAgentMemory method) (langchain.memory.CombinedMemory method) (langchain.memory.ConversationEntityMemory method) (langchain.memory.ConversationKGMemory method) (langchain.memory.ConversationStringBufferMemory method) (langchain.memory.ConversationSummaryBufferMemory method) (langchain.memory.ConversationSummaryMemory method) (langchain.memory.ConversationTokenBufferMemory method) (langchain.memory.ReadOnlySharedMemory method) (langchain.memory.SimpleMemory method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-80
(langchain.memory.ReadOnlySharedMemory method) (langchain.memory.SimpleMemory method) (langchain.memory.VectorStoreRetrieverMemory method) save_local() (langchain.vectorstores.Annoy method) (langchain.vectorstores.FAISS method) schemas (langchain.utilities.PowerBIDataset attribute) scrape() (langchain.document_loaders.WebBaseLoader method) scrape_all() (langchain.document_loaders.WebBaseLoader method) scrape_page() (langchain.tools.ExtractHyperlinksTool static method) search() (langchain.docstore.InMemoryDocstore method) (langchain.docstore.Wikipedia method) (langchain.vectorstores.VectorStore method) search_kwargs (langchain.chains.ChatVectorDBChain attribute) (langchain.chains.VectorDBQA attribute) (langchain.chains.VectorDBQAWithSourcesChain attribute) (langchain.retrievers.SelfQueryRetriever attribute) (langchain.retrievers.TimeWeightedVectorStoreRetriever attribute) search_type (langchain.chains.VectorDBQA attribute) (langchain.retrievers.SelfQueryRetriever attribute) searx_host (langchain.utilities.searx_search.SearxSearchWrapper attribute) (langchain.utilities.SearxSearchWrapper attribute) SearxResults (class in langchain.utilities.searx_search) seed (langchain.embeddings.LlamaCppEmbeddings attribute) (langchain.llms.GPT4All attribute) (langchain.llms.LlamaCpp attribute) select_examples() (langchain.prompts.example_selector.LengthBasedExampleSelector method) (langchain.prompts.example_selector.MaxMarginalRelevanceExampleSelector method) (langchain.prompts.example_selector.SemanticSimilarityExampleSelector method) selected_tools (langchain.agents.agent_toolkits.FileManagementToolkit attribute) SeleniumURLLoader (class in langchain.document_loaders)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-81
SeleniumURLLoader (class in langchain.document_loaders) SELF_ASK_WITH_SEARCH (langchain.agents.AgentType attribute) send_pdf() (langchain.document_loaders.MathpixPDFLoader method) SentenceTransformerEmbeddings (in module langchain.embeddings) sequential_chain (langchain.chains.LLMSummarizationCheckerChain attribute) serpapi_api_key (langchain.serpapi.SerpAPIWrapper attribute) (langchain.utilities.SerpAPIWrapper attribute) serper_api_key (langchain.utilities.GoogleSerperAPIWrapper attribute) service_account_key (langchain.document_loaders.GoogleDriveLoader attribute) service_account_path (langchain.document_loaders.GoogleApiClient attribute) service_name (langchain.retrievers.AzureCognitiveSearchRetriever attribute) session_cache (langchain.tools.QueryPowerBITool attribute) session_id (langchain.memory.RedisEntityStore attribute) set() (langchain.memory.InMemoryEntityStore method) (langchain.memory.RedisEntityStore method) settings (langchain.document_loaders.OneDriveLoader attribute) similarity_fn (langchain.document_transformers.EmbeddingsRedundantFilter attribute) (langchain.retrievers.document_compressors.EmbeddingsFilter attribute) similarity_search() (langchain.vectorstores.AnalyticDB method) (langchain.vectorstores.Annoy method) (langchain.vectorstores.AtlasDB method) (langchain.vectorstores.Chroma method) (langchain.vectorstores.DeepLake method) (langchain.vectorstores.ElasticVectorSearch method) (langchain.vectorstores.FAISS method) (langchain.vectorstores.LanceDB method) (langchain.vectorstores.Milvus method) (langchain.vectorstores.MyScale method) (langchain.vectorstores.OpenSearchVectorSearch method) (langchain.vectorstores.Pinecone method) (langchain.vectorstores.Qdrant method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-82
(langchain.vectorstores.Pinecone method) (langchain.vectorstores.Qdrant method) (langchain.vectorstores.Redis method) (langchain.vectorstores.SKLearnVectorStore method) (langchain.vectorstores.SupabaseVectorStore method) (langchain.vectorstores.Tair method) (langchain.vectorstores.Typesense method) (langchain.vectorstores.Vectara method) (langchain.vectorstores.VectorStore method) (langchain.vectorstores.Weaviate method) similarity_search_by_index() (langchain.vectorstores.Annoy method) similarity_search_by_text() (langchain.vectorstores.Weaviate method) similarity_search_by_vector() (langchain.vectorstores.AnalyticDB method) (langchain.vectorstores.Annoy method) (langchain.vectorstores.Chroma method) (langchain.vectorstores.DeepLake method) (langchain.vectorstores.FAISS method) (langchain.vectorstores.Milvus method) (langchain.vectorstores.MyScale method) (langchain.vectorstores.SupabaseVectorStore method) (langchain.vectorstores.VectorStore method) (langchain.vectorstores.Weaviate method) similarity_search_by_vector_returning_embeddings() (langchain.vectorstores.SupabaseVectorStore method) similarity_search_by_vector_with_relevance_scores() (langchain.vectorstores.SupabaseVectorStore method) similarity_search_limit_score() (langchain.vectorstores.Redis method) similarity_search_with_relevance_scores() (langchain.vectorstores.MyScale method) (langchain.vectorstores.SupabaseVectorStore method) (langchain.vectorstores.VectorStore method) similarity_search_with_score() (langchain.vectorstores.AnalyticDB method) (langchain.vectorstores.Annoy method) (langchain.vectorstores.Chroma method) (langchain.vectorstores.DeepLake method) (langchain.vectorstores.ElasticVectorSearch method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-83
(langchain.vectorstores.DeepLake method) (langchain.vectorstores.ElasticVectorSearch method) (langchain.vectorstores.FAISS method) (langchain.vectorstores.Milvus method) (langchain.vectorstores.OpenSearchVectorSearch method) (langchain.vectorstores.Pinecone method) (langchain.vectorstores.Qdrant method) (langchain.vectorstores.Redis method) (langchain.vectorstores.SKLearnVectorStore method) (langchain.vectorstores.Typesense method) (langchain.vectorstores.Vectara method) (langchain.vectorstores.Weaviate method) similarity_search_with_score_by_index() (langchain.vectorstores.Annoy method) similarity_search_with_score_by_vector() (langchain.vectorstores.AnalyticDB method) (langchain.vectorstores.Annoy method) (langchain.vectorstores.FAISS method) (langchain.vectorstores.Milvus method) similarity_threshold (langchain.document_transformers.EmbeddingsRedundantFilter attribute) (langchain.retrievers.document_compressors.EmbeddingsFilter attribute) SitemapLoader (class in langchain.document_loaders) siterestrict (langchain.utilities.GoogleSearchAPIWrapper attribute) size (langchain.tools.SteamshipImageGenerationTool attribute) SKLearnVectorStore (class in langchain.vectorstores) SlackDirectoryLoader (class in langchain.document_loaders) SpacyTextSplitter (class in langchain.text_splitter) SparkSQL (class in langchain.utilities) sparse_encoder (langchain.retrievers.PineconeHybridSearchRetriever attribute) spec (langchain.agents.agent_toolkits.JsonToolkit attribute) split_documents() (langchain.text_splitter.TextSplitter method) split_text() (langchain.text_splitter.CharacterTextSplitter method) (langchain.text_splitter.NLTKTextSplitter method)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-84
(langchain.text_splitter.NLTKTextSplitter method) (langchain.text_splitter.RecursiveCharacterTextSplitter method) (langchain.text_splitter.SpacyTextSplitter method) (langchain.text_splitter.TextSplitter method) (langchain.text_splitter.TokenTextSplitter method) SpreedlyLoader (class in langchain.document_loaders) sql_chain (langchain.chains.SQLDatabaseSequentialChain attribute) SRTLoader (class in langchain.document_loaders) start_with_retrieval (langchain.chains.FlareChain attribute) status (langchain.experimental.GenerativeAgent attribute) steamship (langchain.tools.SteamshipImageGenerationTool attribute) stop (langchain.agents.LLMSingleActionAgent attribute) (langchain.chains.PALChain attribute) (langchain.llms.GPT4All attribute) (langchain.llms.LlamaCpp attribute) (langchain.llms.Writer attribute) stop_sequences (langchain.llms.AlephAlpha attribute) store (langchain.memory.InMemoryEntityStore attribute) strategy (langchain.llms.RWKV attribute) stream() (langchain.llms.Anthropic method) (langchain.llms.AzureOpenAI method) (langchain.llms.LlamaCpp method) (langchain.llms.OpenAI method) (langchain.llms.OpenLM method) (langchain.llms.PromptLayerOpenAI method) streaming (langchain.chat_models.ChatOpenAI attribute) (langchain.llms.Anthropic attribute) (langchain.llms.AzureOpenAI attribute) (langchain.llms.GPT4All attribute) (langchain.llms.LlamaCpp attribute) (langchain.llms.OpenAI attribute) (langchain.llms.OpenAIChat attribute) (langchain.llms.OpenLM attribute) (langchain.llms.PromptLayerOpenAIChat attribute)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-85
(langchain.llms.PromptLayerOpenAIChat attribute) strip_outputs (langchain.chains.SimpleSequentialChain attribute) StripeLoader (class in langchain.document_loaders) STRUCTURED_CHAT_ZERO_SHOT_REACT_DESCRIPTION (langchain.agents.AgentType attribute) structured_query_translator (langchain.retrievers.SelfQueryRetriever attribute) suffix (langchain.llms.LlamaCpp attribute) (langchain.prompts.FewShotPromptTemplate attribute) (langchain.prompts.FewShotPromptWithTemplates attribute) summarize_related_memories() (langchain.experimental.GenerativeAgent method) summary (langchain.experimental.GenerativeAgent attribute) summary_message_cls (langchain.memory.ConversationKGMemory attribute) summary_refresh_seconds (langchain.experimental.GenerativeAgent attribute) SupabaseVectorStore (class in langchain.vectorstores) sync_browser (langchain.agents.agent_toolkits.PlayWrightBrowserToolkit attribute) T table (langchain.vectorstores.MyScaleSettings attribute) table_info (langchain.utilities.PowerBIDataset property) table_name (langchain.vectorstores.SupabaseVectorStore attribute) table_names (langchain.utilities.PowerBIDataset attribute) Tair (class in langchain.vectorstores) task (langchain.embeddings.HuggingFaceHubEmbeddings attribute) (langchain.llms.HuggingFaceEndpoint attribute) (langchain.llms.HuggingFaceHub attribute) (langchain.llms.SelfHostedHuggingFaceLLM attribute) tbs (langchain.utilities.GoogleSerperAPIWrapper attribute) TelegramChatApiLoader (class in langchain.document_loaders) TelegramChatFileLoader (class in langchain.document_loaders) TelegramChatLoader (in module langchain.document_loaders) temp (langchain.llms.GPT4All attribute) temperature (langchain.chat_models.ChatGooglePalm attribute)
https://python.langchain.com/en/latest/genindex.html
99b2553660fa-86
temperature (langchain.chat_models.ChatGooglePalm attribute) (langchain.chat_models.ChatOpenAI attribute) (langchain.llms.AI21 attribute) (langchain.llms.AlephAlpha attribute) (langchain.llms.Anthropic attribute) (langchain.llms.AzureOpenAI attribute) (langchain.llms.Cohere attribute) (langchain.llms.ForefrontAI attribute) (langchain.llms.GooglePalm attribute) (langchain.llms.GooseAI attribute) (langchain.llms.LlamaCpp attribute) (langchain.llms.NLPCloud attribute) (langchain.llms.OpenAI attribute) (langchain.llms.OpenLM attribute) (langchain.llms.Petals attribute) (langchain.llms.PredictionGuard attribute) (langchain.llms.RWKV attribute) (langchain.llms.VertexAI attribute) (langchain.llms.Writer attribute) template (langchain.prompts.PromptTemplate attribute) (langchain.tools.QueryPowerBITool attribute) template_format (langchain.prompts.FewShotPromptTemplate attribute) (langchain.prompts.FewShotPromptWithTemplates attribute) (langchain.prompts.PromptTemplate attribute) template_tool_response (langchain.agents.ConversationalChatAgent attribute) text_length (langchain.chains.LLMRequestsChain attribute) text_splitter (langchain.chains.AnalyzeDocumentChain attribute) (langchain.chains.MapReduceChain attribute) (langchain.chains.QAGenerationChain attribute) TextLoader (class in langchain.document_loaders) texts (langchain.retrievers.KNNRetriever attribute) (langchain.retrievers.SVMRetriever attribute) TextSplitter (class in langchain.text_splitter) tfidf_array (langchain.retrievers.TFIDFRetriever attribute)
https://python.langchain.com/en/latest/genindex.html
README.md exists but content is empty. Use the Edit dataset card button to edit it.
Downloads last month
0
Edit dataset card