.. _api_reference: ======================= ``langchain`` API Reference ======================= :mod:`langchain.agents` ======================== .. automodule:: langchain.agents :no-members: :no-inherited-members: Classes -------------- .. currentmodule:: langchain .. autosummary:: :toctree: agents :template: pydantic.rst agents.agent.Agent :template: pydantic.rst agents.agent.AgentExecutor :template: pydantic.rst agents.agent.AgentOutputParser :template: pydantic.rst agents.agent.BaseMultiActionAgent :template: pydantic.rst agents.agent.BaseSingleActionAgent :template: pydantic.rst agents.agent.ExceptionTool :template: pydantic.rst agents.agent.LLMSingleActionAgent :template: pydantic.rst agents.agent.MultiActionAgentOutputParser :template: pydantic.rst agents.agent.RunnableAgent :template: pydantic.rst agents.agent.RunnableMultiActionAgent :template: class.rst agents.agent_iterator.AgentExecutorIterator :template: pydantic.rst agents.agent_toolkits.vectorstore.toolkit.VectorStoreInfo :template: pydantic.rst agents.agent_toolkits.vectorstore.toolkit.VectorStoreRouterToolkit :template: pydantic.rst agents.agent_toolkits.vectorstore.toolkit.VectorStoreToolkit :template: enum.rst agents.agent_types.AgentType :template: pydantic.rst agents.chat.base.ChatAgent :template: pydantic.rst agents.chat.output_parser.ChatOutputParser :template: pydantic.rst agents.conversational.base.ConversationalAgent :template: pydantic.rst agents.conversational.output_parser.ConvoOutputParser :template: pydantic.rst agents.conversational_chat.base.ConversationalChatAgent :template: pydantic.rst agents.conversational_chat.output_parser.ConvoOutputParser :template: class.rst agents.mrkl.base.ChainConfig :template: pydantic.rst agents.mrkl.base.MRKLChain :template: pydantic.rst agents.mrkl.base.ZeroShotAgent :template: pydantic.rst agents.mrkl.output_parser.MRKLOutputParser :template: pydantic.rst agents.openai_assistant.base.OpenAIAssistantAction :template: pydantic.rst agents.openai_assistant.base.OpenAIAssistantFinish :template: pydantic.rst agents.openai_assistant.base.OpenAIAssistantRunnable :template: pydantic.rst agents.openai_functions_agent.agent_token_buffer_memory.AgentTokenBufferMemory :template: pydantic.rst agents.openai_functions_agent.base.OpenAIFunctionsAgent :template: pydantic.rst agents.openai_functions_multi_agent.base.OpenAIMultiFunctionsAgent :template: pydantic.rst agents.output_parsers.json.JSONAgentOutputParser :template: pydantic.rst agents.output_parsers.openai_functions.OpenAIFunctionsAgentOutputParser :template: pydantic.rst agents.output_parsers.openai_tools.OpenAIToolAgentAction :template: pydantic.rst agents.output_parsers.openai_tools.OpenAIToolsAgentOutputParser :template: pydantic.rst agents.output_parsers.react_json_single_input.ReActJsonSingleInputOutputParser :template: pydantic.rst agents.output_parsers.react_single_input.ReActSingleInputOutputParser :template: pydantic.rst agents.output_parsers.self_ask.SelfAskOutputParser :template: pydantic.rst agents.output_parsers.xml.XMLAgentOutputParser :template: class.rst agents.react.base.DocstoreExplorer :template: pydantic.rst agents.react.base.ReActChain :template: pydantic.rst agents.react.base.ReActDocstoreAgent :template: pydantic.rst agents.react.base.ReActTextWorldAgent :template: pydantic.rst agents.react.output_parser.ReActOutputParser :template: pydantic.rst agents.schema.AgentScratchPadChatPromptTemplate :template: pydantic.rst agents.self_ask_with_search.base.SelfAskWithSearchAgent :template: pydantic.rst agents.self_ask_with_search.base.SelfAskWithSearchChain :template: pydantic.rst agents.structured_chat.base.StructuredChatAgent :template: pydantic.rst agents.structured_chat.output_parser.StructuredChatOutputParser :template: pydantic.rst agents.structured_chat.output_parser.StructuredChatOutputParserWithRetries :template: pydantic.rst agents.tools.InvalidTool :template: pydantic.rst agents.xml.base.XMLAgent Functions -------------- .. currentmodule:: langchain .. autosummary:: :toctree: agents :template: function.rst agents.agent_toolkits.conversational_retrieval.openai_functions.create_conversational_retrieval_agent agents.agent_toolkits.vectorstore.base.create_vectorstore_agent agents.agent_toolkits.vectorstore.base.create_vectorstore_router_agent agents.format_scratchpad.log.format_log_to_str agents.format_scratchpad.log_to_messages.format_log_to_messages agents.format_scratchpad.openai_functions.format_to_openai_function_messages agents.format_scratchpad.openai_functions.format_to_openai_functions agents.format_scratchpad.openai_tools.format_to_openai_tool_messages agents.format_scratchpad.xml.format_xml agents.initialize.initialize_agent agents.load_tools.get_all_tool_names agents.load_tools.load_huggingface_tool agents.load_tools.load_tools agents.loading.load_agent agents.loading.load_agent_from_config agents.output_parsers.openai_tools.parse_ai_message_to_openai_tool_action agents.utils.validate_tools_single_input :mod:`langchain.callbacks` =========================== .. automodule:: langchain.callbacks :no-members: :no-inherited-members: Classes -------------- .. currentmodule:: langchain .. autosummary:: :toctree: callbacks :template: class.rst callbacks.file.FileCallbackHandler :template: class.rst callbacks.streaming_aiter.AsyncIteratorCallbackHandler :template: class.rst callbacks.streaming_aiter_final_only.AsyncFinalIteratorCallbackHandler :template: class.rst callbacks.streaming_stdout_final_only.FinalStreamingStdOutCallbackHandler :template: class.rst callbacks.tracers.logging.LoggingCallbackHandler :mod:`langchain.chains` ======================== .. automodule:: langchain.chains :no-members: :no-inherited-members: Classes -------------- .. currentmodule:: langchain .. autosummary:: :toctree: chains :template: pydantic.rst chains.api.base.APIChain :template: pydantic.rst chains.api.openapi.chain.OpenAPIEndpointChain :template: pydantic.rst chains.api.openapi.requests_chain.APIRequesterChain :template: pydantic.rst chains.api.openapi.requests_chain.APIRequesterOutputParser :template: pydantic.rst chains.api.openapi.response_chain.APIResponderChain :template: pydantic.rst chains.api.openapi.response_chain.APIResponderOutputParser :template: pydantic.rst chains.base.Chain :template: pydantic.rst chains.combine_documents.base.AnalyzeDocumentChain :template: pydantic.rst chains.combine_documents.base.BaseCombineDocumentsChain :template: pydantic.rst chains.combine_documents.map_reduce.MapReduceDocumentsChain :template: pydantic.rst chains.combine_documents.map_rerank.MapRerankDocumentsChain :template: class.rst chains.combine_documents.reduce.AsyncCombineDocsProtocol :template: class.rst chains.combine_documents.reduce.CombineDocsProtocol :template: pydantic.rst chains.combine_documents.reduce.ReduceDocumentsChain :template: pydantic.rst chains.combine_documents.refine.RefineDocumentsChain :template: pydantic.rst chains.combine_documents.stuff.StuffDocumentsChain :template: pydantic.rst chains.constitutional_ai.base.ConstitutionalChain :template: pydantic.rst chains.constitutional_ai.models.ConstitutionalPrinciple :template: pydantic.rst chains.conversation.base.ConversationChain :template: pydantic.rst chains.conversational_retrieval.base.BaseConversationalRetrievalChain :template: pydantic.rst chains.conversational_retrieval.base.ChatVectorDBChain :template: pydantic.rst chains.conversational_retrieval.base.ConversationalRetrievalChain :template: pydantic.rst chains.conversational_retrieval.base.InputType :template: pydantic.rst chains.elasticsearch_database.base.ElasticsearchDatabaseChain :template: pydantic.rst chains.flare.base.FlareChain :template: pydantic.rst chains.flare.base.QuestionGeneratorChain :template: pydantic.rst chains.flare.prompts.FinishedOutputParser :template: pydantic.rst chains.graph_qa.arangodb.ArangoGraphQAChain :template: pydantic.rst chains.graph_qa.base.GraphQAChain :template: pydantic.rst chains.graph_qa.cypher.GraphCypherQAChain :template: class.rst chains.graph_qa.cypher_utils.CypherQueryCorrector :template: class.rst chains.graph_qa.cypher_utils.Schema :template: pydantic.rst chains.graph_qa.falkordb.FalkorDBQAChain :template: pydantic.rst chains.graph_qa.hugegraph.HugeGraphQAChain :template: pydantic.rst chains.graph_qa.kuzu.KuzuQAChain :template: pydantic.rst chains.graph_qa.nebulagraph.NebulaGraphQAChain :template: pydantic.rst chains.graph_qa.neptune_cypher.NeptuneOpenCypherQAChain :template: pydantic.rst chains.graph_qa.sparql.GraphSparqlQAChain :template: pydantic.rst chains.hyde.base.HypotheticalDocumentEmbedder :template: pydantic.rst chains.llm.LLMChain :template: pydantic.rst chains.llm_checker.base.LLMCheckerChain :template: pydantic.rst chains.llm_math.base.LLMMathChain :template: pydantic.rst chains.llm_requests.LLMRequestsChain :template: pydantic.rst chains.llm_summarization_checker.base.LLMSummarizationCheckerChain :template: pydantic.rst chains.mapreduce.MapReduceChain :template: pydantic.rst chains.moderation.OpenAIModerationChain :template: pydantic.rst chains.natbot.base.NatBotChain :template: class.rst chains.natbot.crawler.Crawler :template: typeddict.rst chains.natbot.crawler.ElementInViewPort :template: pydantic.rst chains.openai_functions.citation_fuzzy_match.FactWithEvidence :template: pydantic.rst chains.openai_functions.citation_fuzzy_match.QuestionAnswer :template: pydantic.rst chains.openai_functions.openapi.SimpleRequestChain :template: pydantic.rst chains.openai_functions.qa_with_structure.AnswerWithSources :template: pydantic.rst chains.prompt_selector.BasePromptSelector :template: pydantic.rst chains.prompt_selector.ConditionalPromptSelector :template: pydantic.rst chains.qa_generation.base.QAGenerationChain :template: pydantic.rst chains.qa_with_sources.base.BaseQAWithSourcesChain :template: pydantic.rst chains.qa_with_sources.base.QAWithSourcesChain :template: class.rst chains.qa_with_sources.loading.LoadingCallable :template: pydantic.rst chains.qa_with_sources.retrieval.RetrievalQAWithSourcesChain :template: pydantic.rst chains.qa_with_sources.vector_db.VectorDBQAWithSourcesChain :template: pydantic.rst chains.query_constructor.base.StructuredQueryOutputParser :template: enum.rst chains.query_constructor.ir.Comparator :template: pydantic.rst chains.query_constructor.ir.Comparison :template: pydantic.rst chains.query_constructor.ir.Expr :template: pydantic.rst chains.query_constructor.ir.FilterDirective :template: pydantic.rst chains.query_constructor.ir.Operation :template: enum.rst chains.query_constructor.ir.Operator :template: pydantic.rst chains.query_constructor.ir.StructuredQuery :template: class.rst chains.query_constructor.ir.Visitor :template: class.rst chains.query_constructor.parser.ISO8601Date :template: pydantic.rst chains.query_constructor.schema.AttributeInfo :template: pydantic.rst chains.retrieval_qa.base.BaseRetrievalQA :template: pydantic.rst chains.retrieval_qa.base.RetrievalQA :template: pydantic.rst chains.retrieval_qa.base.VectorDBQA :template: pydantic.rst chains.router.base.MultiRouteChain :template: class.rst chains.router.base.Route :template: pydantic.rst chains.router.base.RouterChain :template: pydantic.rst chains.router.embedding_router.EmbeddingRouterChain :template: pydantic.rst chains.router.llm_router.LLMRouterChain :template: pydantic.rst chains.router.llm_router.RouterOutputParser :template: pydantic.rst chains.router.multi_prompt.MultiPromptChain :template: pydantic.rst chains.router.multi_retrieval_qa.MultiRetrievalQAChain :template: pydantic.rst chains.sequential.SequentialChain :template: pydantic.rst chains.sequential.SimpleSequentialChain :template: typeddict.rst chains.sql_database.query.SQLInput :template: typeddict.rst chains.sql_database.query.SQLInputWithTables :template: pydantic.rst chains.transform.TransformChain Functions -------------- .. currentmodule:: langchain .. autosummary:: :toctree: chains :template: function.rst chains.combine_documents.reduce.acollapse_docs chains.combine_documents.reduce.collapse_docs chains.combine_documents.reduce.split_list_of_docs chains.ernie_functions.base.convert_python_function_to_ernie_function chains.ernie_functions.base.convert_to_ernie_function chains.ernie_functions.base.create_ernie_fn_chain chains.ernie_functions.base.create_ernie_fn_runnable chains.ernie_functions.base.create_structured_output_chain chains.ernie_functions.base.create_structured_output_runnable chains.ernie_functions.base.get_ernie_output_parser chains.example_generator.generate_example chains.graph_qa.cypher.construct_schema chains.graph_qa.cypher.extract_cypher chains.graph_qa.falkordb.extract_cypher chains.graph_qa.neptune_cypher.extract_cypher chains.graph_qa.neptune_cypher.trim_query chains.graph_qa.neptune_cypher.use_simple_prompt chains.loading.load_chain chains.loading.load_chain_from_config chains.openai_functions.base.convert_python_function_to_openai_function chains.openai_functions.base.convert_to_openai_function chains.openai_functions.base.create_openai_fn_chain chains.openai_functions.base.create_openai_fn_runnable chains.openai_functions.base.create_structured_output_chain chains.openai_functions.base.create_structured_output_runnable chains.openai_functions.base.get_openai_output_parser chains.openai_functions.citation_fuzzy_match.create_citation_fuzzy_match_chain chains.openai_functions.extraction.create_extraction_chain chains.openai_functions.extraction.create_extraction_chain_pydantic chains.openai_functions.openapi.get_openapi_chain chains.openai_functions.openapi.openapi_spec_to_openai_fn chains.openai_functions.qa_with_structure.create_qa_with_sources_chain chains.openai_functions.qa_with_structure.create_qa_with_structure_chain chains.openai_functions.tagging.create_tagging_chain chains.openai_functions.tagging.create_tagging_chain_pydantic chains.openai_functions.utils.get_llm_kwargs chains.openai_tools.extraction.create_extraction_chain_pydantic chains.prompt_selector.is_chat_model chains.prompt_selector.is_llm chains.qa_with_sources.loading.load_qa_with_sources_chain chains.query_constructor.base.construct_examples chains.query_constructor.base.fix_filter_directive chains.query_constructor.base.get_query_constructor_prompt chains.query_constructor.base.load_query_constructor_chain chains.query_constructor.base.load_query_constructor_runnable chains.query_constructor.parser.get_parser chains.query_constructor.parser.v_args chains.sql_database.query.create_sql_query_chain :mod:`langchain.embeddings` ============================ .. automodule:: langchain.embeddings :no-members: :no-inherited-members: Classes -------------- .. currentmodule:: langchain .. autosummary:: :toctree: embeddings :template: class.rst embeddings.cache.CacheBackedEmbeddings Functions -------------- .. currentmodule:: langchain .. autosummary:: :toctree: embeddings :template: function.rst :mod:`langchain.evaluation` ============================ .. automodule:: langchain.evaluation :no-members: :no-inherited-members: Classes -------------- .. currentmodule:: langchain .. autosummary:: :toctree: evaluation :template: typeddict.rst evaluation.agents.trajectory_eval_chain.TrajectoryEval :template: pydantic.rst evaluation.agents.trajectory_eval_chain.TrajectoryEvalChain :template: pydantic.rst evaluation.agents.trajectory_eval_chain.TrajectoryOutputParser :template: pydantic.rst evaluation.comparison.eval_chain.LabeledPairwiseStringEvalChain :template: pydantic.rst evaluation.comparison.eval_chain.PairwiseStringEvalChain :template: pydantic.rst evaluation.comparison.eval_chain.PairwiseStringResultOutputParser :template: enum.rst evaluation.criteria.eval_chain.Criteria :template: pydantic.rst evaluation.criteria.eval_chain.CriteriaEvalChain :template: pydantic.rst evaluation.criteria.eval_chain.CriteriaResultOutputParser :template: pydantic.rst evaluation.criteria.eval_chain.LabeledCriteriaEvalChain :template: enum.rst evaluation.embedding_distance.base.EmbeddingDistance :template: pydantic.rst evaluation.embedding_distance.base.EmbeddingDistanceEvalChain :template: pydantic.rst evaluation.embedding_distance.base.PairwiseEmbeddingDistanceEvalChain :template: class.rst evaluation.exact_match.base.ExactMatchStringEvaluator :template: class.rst evaluation.parsing.base.JsonEqualityEvaluator :template: class.rst evaluation.parsing.base.JsonValidityEvaluator :template: class.rst evaluation.parsing.json_distance.JsonEditDistanceEvaluator :template: class.rst evaluation.parsing.json_schema.JsonSchemaEvaluator :template: pydantic.rst evaluation.qa.eval_chain.ContextQAEvalChain :template: pydantic.rst evaluation.qa.eval_chain.CotQAEvalChain :template: pydantic.rst evaluation.qa.eval_chain.QAEvalChain :template: pydantic.rst evaluation.qa.generate_chain.QAGenerateChain :template: class.rst evaluation.regex_match.base.RegexMatchStringEvaluator :template: class.rst evaluation.schema.AgentTrajectoryEvaluator :template: enum.rst evaluation.schema.EvaluatorType :template: pydantic.rst evaluation.schema.LLMEvalChain :template: class.rst evaluation.schema.PairwiseStringEvaluator :template: class.rst evaluation.schema.StringEvaluator :template: pydantic.rst evaluation.scoring.eval_chain.LabeledScoreStringEvalChain :template: pydantic.rst evaluation.scoring.eval_chain.ScoreStringEvalChain :template: pydantic.rst evaluation.scoring.eval_chain.ScoreStringResultOutputParser :template: pydantic.rst evaluation.string_distance.base.PairwiseStringDistanceEvalChain :template: enum.rst evaluation.string_distance.base.StringDistance :template: pydantic.rst evaluation.string_distance.base.StringDistanceEvalChain Functions -------------- .. currentmodule:: langchain .. autosummary:: :toctree: evaluation :template: function.rst evaluation.comparison.eval_chain.resolve_pairwise_criteria evaluation.criteria.eval_chain.resolve_criteria evaluation.loading.load_dataset evaluation.loading.load_evaluator evaluation.loading.load_evaluators evaluation.scoring.eval_chain.resolve_criteria :mod:`langchain.hub` ===================== .. automodule:: langchain.hub :no-members: :no-inherited-members: Functions -------------- .. currentmodule:: langchain .. autosummary:: :toctree: hub :template: function.rst hub.pull hub.push :mod:`langchain.indexes` ========================= .. automodule:: langchain.indexes :no-members: :no-inherited-members: Classes -------------- .. currentmodule:: langchain .. autosummary:: :toctree: indexes :template: class.rst indexes.base.RecordManager :template: pydantic.rst indexes.graph.GraphIndexCreator :template: pydantic.rst indexes.vectorstore.VectorStoreIndexWrapper :template: pydantic.rst indexes.vectorstore.VectorstoreIndexCreator Functions -------------- .. currentmodule:: langchain .. autosummary:: :toctree: indexes :template: function.rst :mod:`langchain.memory` ======================== .. automodule:: langchain.memory :no-members: :no-inherited-members: Classes -------------- .. currentmodule:: langchain .. autosummary:: :toctree: memory :template: pydantic.rst memory.buffer.ConversationBufferMemory :template: pydantic.rst memory.buffer.ConversationStringBufferMemory :template: pydantic.rst memory.buffer_window.ConversationBufferWindowMemory :template: pydantic.rst memory.chat_memory.BaseChatMemory :template: pydantic.rst memory.combined.CombinedMemory :template: pydantic.rst memory.entity.BaseEntityStore :template: pydantic.rst memory.entity.ConversationEntityMemory :template: pydantic.rst memory.entity.InMemoryEntityStore :template: pydantic.rst memory.entity.RedisEntityStore :template: pydantic.rst memory.entity.SQLiteEntityStore :template: pydantic.rst memory.entity.UpstashRedisEntityStore :template: pydantic.rst memory.kg.ConversationKGMemory :template: pydantic.rst memory.motorhead_memory.MotorheadMemory :template: pydantic.rst memory.readonly.ReadOnlySharedMemory :template: pydantic.rst memory.simple.SimpleMemory :template: pydantic.rst memory.summary.ConversationSummaryMemory :template: pydantic.rst memory.summary.SummarizerMixin :template: pydantic.rst memory.summary_buffer.ConversationSummaryBufferMemory :template: pydantic.rst memory.token_buffer.ConversationTokenBufferMemory :template: pydantic.rst memory.vectorstore.VectorStoreRetrieverMemory :template: pydantic.rst memory.zep_memory.ZepMemory Functions -------------- .. currentmodule:: langchain .. autosummary:: :toctree: memory :template: function.rst memory.utils.get_prompt_input_key :mod:`langchain.model_laboratory` ================================== .. automodule:: langchain.model_laboratory :no-members: :no-inherited-members: Classes -------------- .. currentmodule:: langchain .. autosummary:: :toctree: model_laboratory :template: class.rst model_laboratory.ModelLaboratory :mod:`langchain.output_parsers` ================================ .. automodule:: langchain.output_parsers :no-members: :no-inherited-members: Classes -------------- .. currentmodule:: langchain .. autosummary:: :toctree: output_parsers :template: pydantic.rst output_parsers.boolean.BooleanOutputParser :template: pydantic.rst output_parsers.combining.CombiningOutputParser :template: pydantic.rst output_parsers.datetime.DatetimeOutputParser :template: pydantic.rst output_parsers.enum.EnumOutputParser :template: pydantic.rst output_parsers.ernie_functions.JsonKeyOutputFunctionsParser :template: pydantic.rst output_parsers.ernie_functions.JsonOutputFunctionsParser :template: pydantic.rst output_parsers.ernie_functions.OutputFunctionsParser :template: pydantic.rst output_parsers.ernie_functions.PydanticAttrOutputFunctionsParser :template: pydantic.rst output_parsers.ernie_functions.PydanticOutputFunctionsParser :template: pydantic.rst output_parsers.fix.OutputFixingParser :template: pydantic.rst output_parsers.json.SimpleJsonOutputParser :template: pydantic.rst output_parsers.openai_functions.JsonKeyOutputFunctionsParser :template: pydantic.rst output_parsers.openai_functions.JsonOutputFunctionsParser :template: pydantic.rst output_parsers.openai_functions.OutputFunctionsParser :template: pydantic.rst output_parsers.openai_functions.PydanticAttrOutputFunctionsParser :template: pydantic.rst output_parsers.openai_functions.PydanticOutputFunctionsParser :template: pydantic.rst output_parsers.openai_tools.JsonOutputKeyToolsParser :template: pydantic.rst output_parsers.openai_tools.JsonOutputToolsParser :template: pydantic.rst output_parsers.openai_tools.PydanticToolsParser :template: pydantic.rst output_parsers.pandas_dataframe.PandasDataFrameOutputParser :template: pydantic.rst output_parsers.pydantic.PydanticOutputParser :template: pydantic.rst output_parsers.rail_parser.GuardrailsOutputParser :template: pydantic.rst output_parsers.regex.RegexParser :template: pydantic.rst output_parsers.regex_dict.RegexDictParser :template: pydantic.rst output_parsers.retry.RetryOutputParser :template: pydantic.rst output_parsers.retry.RetryWithErrorOutputParser :template: pydantic.rst output_parsers.structured.ResponseSchema :template: pydantic.rst output_parsers.structured.StructuredOutputParser :template: pydantic.rst output_parsers.xml.XMLOutputParser Functions -------------- .. currentmodule:: langchain .. autosummary:: :toctree: output_parsers :template: function.rst output_parsers.json.parse_and_check_json_markdown output_parsers.json.parse_json_markdown output_parsers.json.parse_partial_json output_parsers.loading.load_output_parser :mod:`langchain.prompts` ========================= .. automodule:: langchain.prompts :no-members: :no-inherited-members: Classes -------------- .. currentmodule:: langchain .. autosummary:: :toctree: prompts :template: pydantic.rst prompts.example_selector.ngram_overlap.NGramOverlapExampleSelector Functions -------------- .. currentmodule:: langchain .. autosummary:: :toctree: prompts :template: function.rst prompts.example_selector.ngram_overlap.ngram_overlap_score :mod:`langchain.retrievers` ============================ .. automodule:: langchain.retrievers :no-members: :no-inherited-members: Classes -------------- .. currentmodule:: langchain .. autosummary:: :toctree: retrievers :template: pydantic.rst retrievers.contextual_compression.ContextualCompressionRetriever :template: pydantic.rst retrievers.document_compressors.base.BaseDocumentCompressor :template: pydantic.rst retrievers.document_compressors.base.DocumentCompressorPipeline :template: pydantic.rst retrievers.document_compressors.chain_extract.LLMChainExtractor :template: pydantic.rst retrievers.document_compressors.chain_extract.NoOutputParser :template: pydantic.rst retrievers.document_compressors.chain_filter.LLMChainFilter :template: pydantic.rst retrievers.document_compressors.cohere_rerank.CohereRerank :template: pydantic.rst retrievers.document_compressors.embeddings_filter.EmbeddingsFilter :template: pydantic.rst retrievers.ensemble.EnsembleRetriever :template: pydantic.rst retrievers.merger_retriever.MergerRetriever :template: pydantic.rst retrievers.multi_query.LineList :template: pydantic.rst retrievers.multi_query.LineListOutputParser :template: pydantic.rst retrievers.multi_query.MultiQueryRetriever :template: pydantic.rst retrievers.multi_vector.MultiVectorRetriever :template: enum.rst retrievers.multi_vector.SearchType :template: pydantic.rst retrievers.parent_document_retriever.ParentDocumentRetriever :template: pydantic.rst retrievers.re_phraser.RePhraseQueryRetriever :template: pydantic.rst retrievers.self_query.base.SelfQueryRetriever :template: class.rst retrievers.self_query.chroma.ChromaTranslator :template: class.rst retrievers.self_query.dashvector.DashvectorTranslator :template: class.rst retrievers.self_query.deeplake.DeepLakeTranslator :template: class.rst retrievers.self_query.elasticsearch.ElasticsearchTranslator :template: class.rst retrievers.self_query.milvus.MilvusTranslator :template: class.rst retrievers.self_query.mongodb_atlas.MongoDBAtlasTranslator :template: class.rst retrievers.self_query.myscale.MyScaleTranslator :template: class.rst retrievers.self_query.opensearch.OpenSearchTranslator :template: class.rst retrievers.self_query.pinecone.PineconeTranslator :template: class.rst retrievers.self_query.qdrant.QdrantTranslator :template: class.rst retrievers.self_query.redis.RedisTranslator :template: class.rst retrievers.self_query.supabase.SupabaseVectorTranslator :template: class.rst retrievers.self_query.timescalevector.TimescaleVectorTranslator :template: class.rst retrievers.self_query.vectara.VectaraTranslator :template: class.rst retrievers.self_query.weaviate.WeaviateTranslator :template: pydantic.rst retrievers.time_weighted_retriever.TimeWeightedVectorStoreRetriever :template: pydantic.rst retrievers.web_research.LineList :template: pydantic.rst retrievers.web_research.QuestionListOutputParser :template: pydantic.rst retrievers.web_research.SearchQueries :template: pydantic.rst retrievers.web_research.WebResearchRetriever Functions -------------- .. currentmodule:: langchain .. autosummary:: :toctree: retrievers :template: function.rst retrievers.document_compressors.chain_extract.default_get_input retrievers.document_compressors.chain_filter.default_get_input retrievers.self_query.deeplake.can_cast_to_float retrievers.self_query.milvus.process_value retrievers.self_query.vectara.process_value :mod:`langchain.runnables` =========================== .. automodule:: langchain.runnables :no-members: :no-inherited-members: Classes -------------- .. currentmodule:: langchain .. autosummary:: :toctree: runnables :template: pydantic.rst runnables.hub.HubRunnable :template: class.rst runnables.openai_functions.OpenAIFunction :template: pydantic.rst runnables.openai_functions.OpenAIFunctionsRouter :mod:`langchain.smith` ======================= .. automodule:: langchain.smith :no-members: :no-inherited-members: Classes -------------- .. currentmodule:: langchain .. autosummary:: :toctree: smith :template: pydantic.rst smith.evaluation.config.EvalConfig :template: pydantic.rst smith.evaluation.config.RunEvalConfig :template: pydantic.rst smith.evaluation.config.SingleKeyEvalConfig :template: class.rst smith.evaluation.progress.ProgressBarCallback :template: class.rst smith.evaluation.runner_utils.EvalError :template: class.rst smith.evaluation.runner_utils.InputFormatError :template: class.rst smith.evaluation.runner_utils.TestResult :template: pydantic.rst smith.evaluation.string_run_evaluator.ChainStringRunMapper :template: pydantic.rst smith.evaluation.string_run_evaluator.LLMStringRunMapper :template: pydantic.rst smith.evaluation.string_run_evaluator.StringExampleMapper :template: pydantic.rst smith.evaluation.string_run_evaluator.StringRunEvaluatorChain :template: pydantic.rst smith.evaluation.string_run_evaluator.StringRunMapper :template: pydantic.rst smith.evaluation.string_run_evaluator.ToolStringRunMapper Functions -------------- .. currentmodule:: langchain .. autosummary:: :toctree: smith :template: function.rst smith.evaluation.name_generation.random_name smith.evaluation.runner_utils.arun_on_dataset smith.evaluation.runner_utils.run_on_dataset :mod:`langchain.storage` ========================= .. automodule:: langchain.storage :no-members: :no-inherited-members: Classes -------------- .. currentmodule:: langchain .. autosummary:: :toctree: storage :template: class.rst storage.encoder_backed.EncoderBackedStore :template: class.rst storage.file_system.LocalFileStore :template: class.rst storage.in_memory.InMemoryBaseStore :mod:`langchain.text_splitter` =============================== .. automodule:: langchain.text_splitter :no-members: :no-inherited-members: Classes -------------- .. currentmodule:: langchain .. autosummary:: :toctree: text_splitter :template: class.rst text_splitter.CharacterTextSplitter :template: typeddict.rst text_splitter.ElementType :template: class.rst text_splitter.HTMLHeaderTextSplitter :template: typeddict.rst text_splitter.HeaderType :template: enum.rst text_splitter.Language :template: class.rst text_splitter.LatexTextSplitter :template: typeddict.rst text_splitter.LineType :template: class.rst text_splitter.MarkdownHeaderTextSplitter :template: class.rst text_splitter.MarkdownTextSplitter :template: class.rst text_splitter.NLTKTextSplitter :template: class.rst text_splitter.PythonCodeTextSplitter :template: class.rst text_splitter.RecursiveCharacterTextSplitter :template: class.rst text_splitter.SentenceTransformersTokenTextSplitter :template: class.rst text_splitter.SpacyTextSplitter :template: class.rst text_splitter.TextSplitter :template: class.rst text_splitter.TokenTextSplitter :template: class.rst text_splitter.Tokenizer Functions -------------- .. currentmodule:: langchain .. autosummary:: :toctree: text_splitter :template: function.rst text_splitter.split_text_on_tokens :mod:`langchain.tools` ======================= .. automodule:: langchain.tools :no-members: :no-inherited-members: Classes -------------- .. currentmodule:: langchain .. autosummary:: :toctree: tools :template: pydantic.rst tools.retriever.RetrieverInput Functions -------------- .. currentmodule:: langchain .. autosummary:: :toctree: tools :template: function.rst tools.render.render_text_description tools.render.render_text_description_and_args tools.retriever.create_retriever_tool :mod:`langchain.utils` ======================= .. automodule:: langchain.utils :no-members: :no-inherited-members: Classes -------------- .. currentmodule:: langchain .. autosummary:: :toctree: utils :template: typeddict.rst utils.ernie_functions.FunctionDescription :template: typeddict.rst utils.ernie_functions.ToolDescription Functions -------------- .. currentmodule:: langchain .. autosummary:: :toctree: utils :template: function.rst utils.ernie_functions.convert_pydantic_to_ernie_function utils.ernie_functions.convert_pydantic_to_ernie_tool