from grag.components.multivec_retriever import Retriever
from grag.components.vectordb.deeplake_client import DeepLakeClient
from grag.rag.basic_rag import BasicRAG
diff --git a/src/docs/_build/html/searchindex.js b/src/docs/_build/html/searchindex.js
index 9c912b6..4f22741 100644
--- a/src/docs/_build/html/searchindex.js
+++ b/src/docs/_build/html/searchindex.js
@@ -1 +1 @@
-Search.setIndex({"alltitles": {"Base": [[18, "module-grag.components.vectordb.base"]], "Basic RAG": [[21, "module-grag.rag.basic_rag"]], "Basic-RAG Cookbooks": [[5, "basic-rag-cookbooks"]], "Chroma": [[15, "chroma"]], "Chroma Client": [[18, "module-grag.components.vectordb.chroma_client"]], "Components": [[17, "components"]], "Computation times": [[6, "computation-times"], [9, "computation-times"], [24, "computation-times"]], "Contents:": [[22, null]], "Cookbooks": [[10, "cookbooks"]], "Custom Few-Shot Prompts": [[1, "custom-few-shot-prompts"]], "Custom Prompts": [[0, "custom-prompts"]], "Data Ingestion": [[15, "data-ingestion"]], "Deeplake Client": [[18, "module-grag.components.vectordb.deeplake_client"]], "Document Ingestion": [[2, "document-ingestion"]], "Embedding": [[17, "module-grag.components.embedding"]], "Embeddings": [[15, "embeddings"]], "GRAG": [[16, "grag"]], "GRAG Overview": [[13, "grag-overview"]], "Get Started": [[11, "get-started"]], "How to quantize models.": [[14, "how-to-quantize-models"]], "Indices and tables": [[22, "indices-and-tables"]], "Installation": [[12, "installation"]], "LLM": [[17, "module-grag.components.llm"]], "LLMs": [[14, "llms"]], "Module Contents": [[18, "module-grag.components.vectordb"]], "Module contents": [[16, "module-grag"], [17, "module-grag.components"], [19, "module-grag.prompts"], [20, "module-grag.quantize"], [21, "module-grag.rag"]], "Parse PDF": [[17, "module-grag.components.parse_pdf"]], "Prompt": [[17, "module-grag.components.prompt"]], "Prompts": [[19, "prompts"]], "Quantize": [[20, "quantize"], [20, "id1"]], "RAG": [[21, "rag"]], "Refine Chain": [[3, "refine-chain"]], "Retrieval-Augmented Generation": [[13, "retrieval-augmented-generation"]], "Retriever": [[17, "module-grag.components.multivec_retriever"]], "Retriever GUI": [[8, "retriever-gui"]], "Retriever-GUI Cookbooks": [[7, "retriever-gui-cookbooks"]], "Stuff Chain": [[4, "stuff-chain"]], "Submodules": [[18, "submodules"], [20, "submodules"], [21, "submodules"]], "Supported Vector Stores": [[15, "supported-vector-stores"]], "Text Splitter": [[17, "module-grag.components.text_splitter"]], "To run LLMs using HuggingFace": [[14, "to-run-llms-using-huggingface"]], "To run LLMs using LlamaCPP": [[14, "to-run-llms-using-llamacpp"]], "Utils": [[17, "module-grag.components.utils"], [20, "module-grag.quantize.utils"]], "Vector Stores": [[15, "vector-stores"]], "VectorDB": [[17, "vectordb"], [18, "vectordb"]], "Welcome to GRAG\u2019s documentation!": [[22, "welcome-to-grag-s-documentation"]], "grag": [[23, "grag"]]}, "docnames": ["auto_examples/Basic-RAG/BasicRAG_CustomPrompt", "auto_examples/Basic-RAG/BasicRAG_FewShotPrompt", "auto_examples/Basic-RAG/BasicRAG_ingest", "auto_examples/Basic-RAG/BasicRAG_refine", "auto_examples/Basic-RAG/BasicRAG_stuff", "auto_examples/Basic-RAG/index", "auto_examples/Basic-RAG/sg_execution_times", "auto_examples/Retriver-GUI/index", "auto_examples/Retriver-GUI/retriever_app", "auto_examples/Retriver-GUI/sg_execution_times", "auto_examples_index", "get_started", "get_started.installation", "get_started.introduction", "get_started.llms", "get_started.vectordb", "grag", "grag.components", "grag.components.vectordb", "grag.prompts", "grag.quantize", "grag.rag", "index", "modules", "sg_execution_times"], "envversion": {"sphinx": 61, "sphinx.domains.c": 3, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 9, "sphinx.domains.index": 1, "sphinx.domains.javascript": 3, "sphinx.domains.math": 2, "sphinx.domains.python": 4, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "sphinx.ext.todo": 2}, "filenames": ["auto_examples/Basic-RAG/BasicRAG_CustomPrompt.rst", "auto_examples/Basic-RAG/BasicRAG_FewShotPrompt.rst", "auto_examples/Basic-RAG/BasicRAG_ingest.rst", "auto_examples/Basic-RAG/BasicRAG_refine.rst", "auto_examples/Basic-RAG/BasicRAG_stuff.rst", "auto_examples/Basic-RAG/index.rst", "auto_examples/Basic-RAG/sg_execution_times.rst", "auto_examples/Retriver-GUI/index.rst", "auto_examples/Retriver-GUI/retriever_app.rst", "auto_examples/Retriver-GUI/sg_execution_times.rst", "auto_examples_index.rst", "get_started.rst", "get_started.installation.rst", "get_started.introduction.rst", "get_started.llms.rst", "get_started.vectordb.rst", "grag.rst", "grag.components.rst", "grag.components.vectordb.rst", "grag.prompts.rst", "grag.quantize.rst", "grag.rag.rst", "index.rst", "modules.rst", "sg_execution_times.rst"], "indexentries": {"aadd_docs() (grag.components.multivec_retriever.retriever method)": [[17, "grag.components.multivec_retriever.Retriever.aadd_docs", false]], "aadd_docs() (grag.components.vectordb.base.vectordb method)": [[18, "grag.components.vectordb.base.VectorDB.aadd_docs", false]], "aadd_docs() (grag.components.vectordb.chroma_client.chromaclient method)": [[18, "grag.components.vectordb.chroma_client.ChromaClient.aadd_docs", false]], "aadd_docs() (grag.components.vectordb.deeplake_client.deeplakeclient method)": [[18, "grag.components.vectordb.deeplake_client.DeepLakeClient.aadd_docs", false]], "add_caption_first (grag.components.parse_pdf.parsepdf attribute)": [[17, "grag.components.parse_pdf.ParsePDF.add_caption_first", false]], "add_captions_to_blocks (grag.components.parse_pdf.parsepdf attribute)": [[17, "grag.components.parse_pdf.ParsePDF.add_captions_to_blocks", false]], "add_captions_to_text (grag.components.parse_pdf.parsepdf attribute)": [[17, "grag.components.parse_pdf.ParsePDF.add_captions_to_text", false]], "add_docs() (grag.components.multivec_retriever.retriever method)": [[17, "grag.components.multivec_retriever.Retriever.add_docs", false]], "add_docs() (grag.components.vectordb.base.vectordb method)": [[18, "grag.components.vectordb.base.VectorDB.add_docs", false]], "add_docs() (grag.components.vectordb.chroma_client.chromaclient method)": [[18, "grag.components.vectordb.chroma_client.ChromaClient.add_docs", false]], "add_docs() (grag.components.vectordb.deeplake_client.deeplakeclient method)": [[18, "grag.components.vectordb.deeplake_client.DeepLakeClient.add_docs", false]], "aget_chunk() (grag.components.multivec_retriever.retriever method)": [[17, "grag.components.multivec_retriever.Retriever.aget_chunk", false]], "aget_chunk() (grag.components.vectordb.base.vectordb method)": [[18, "grag.components.vectordb.base.VectorDB.aget_chunk", false]], "aget_chunk() (grag.components.vectordb.chroma_client.chromaclient method)": [[18, "grag.components.vectordb.chroma_client.ChromaClient.aget_chunk", false]], "aget_chunk() (grag.components.vectordb.deeplake_client.deeplakeclient method)": [[18, "grag.components.vectordb.deeplake_client.DeepLakeClient.aget_chunk", false]], "aget_doc() (grag.components.multivec_retriever.retriever method)": [[17, "grag.components.multivec_retriever.Retriever.aget_doc", false]], "aingest() (grag.components.multivec_retriever.retriever method)": [[17, "grag.components.multivec_retriever.Retriever.aingest", false]], "basicrag (class in grag.rag.basic_rag)": [[21, "grag.rag.basic_rag.BasicRAG", false]], "building_llamacpp() (in module grag.quantize.utils)": [[20, "grag.quantize.utils.building_llamacpp", false]], "chromaclient (class in grag.components.vectordb.chroma_client)": [[18, "grag.components.vectordb.chroma_client.ChromaClient", false]], "chunk_overlap (grag.components.text_splitter.textsplitter attribute)": [[17, "grag.components.text_splitter.TextSplitter.chunk_overlap", false]], "chunk_size (grag.components.text_splitter.textsplitter attribute)": [[17, "grag.components.text_splitter.TextSplitter.chunk_size", false]], "classify() (grag.components.parse_pdf.parsepdf method)": [[17, "grag.components.parse_pdf.ParsePDF.classify", false]], "client (grag.components.vectordb.chroma_client.chromaclient attribute)": [[18, "grag.components.vectordb.chroma_client.ChromaClient.client", false]], "client (grag.components.vectordb.deeplake_client.deeplakeclient attribute)": [[18, "grag.components.vectordb.deeplake_client.DeepLakeClient.client", false]], "collection (grag.components.vectordb.chroma_client.chromaclient attribute)": [[18, "grag.components.vectordb.chroma_client.ChromaClient.collection", false]], "collection (grag.components.vectordb.deeplake_client.deeplakeclient attribute)": [[18, "grag.components.vectordb.deeplake_client.DeepLakeClient.collection", false]], "collection_name (grag.components.vectordb.chroma_client.chromaclient attribute)": [[18, "grag.components.vectordb.chroma_client.ChromaClient.collection_name", false]], "custom_prompt (grag.rag.basic_rag.basicrag attribute)": [[21, "grag.rag.basic_rag.BasicRAG.custom_prompt", false]], "deeplakeclient (class in grag.components.vectordb.deeplake_client)": [[18, "grag.components.vectordb.deeplake_client.DeepLakeClient", false]], "delete() (grag.components.vectordb.base.vectordb method)": [[18, "grag.components.vectordb.base.VectorDB.delete", false]], "delete() (grag.components.vectordb.chroma_client.chromaclient method)": [[18, "grag.components.vectordb.chroma_client.ChromaClient.delete", false]], "delete() (grag.components.vectordb.deeplake_client.deeplakeclient method)": [[18, "grag.components.vectordb.deeplake_client.DeepLakeClient.delete", false]], "device_map (grag.components.llm.llm attribute)": [[17, "grag.components.llm.LLM.device_map", false]], "doc_chain (grag.components.prompt.fewshotprompt attribute)": [[17, "grag.components.prompt.FewShotPrompt.doc_chain", false]], "doc_chain (grag.components.prompt.prompt attribute)": [[17, "grag.components.prompt.Prompt.doc_chain", false], [17, "id6", false]], "doc_chain (grag.rag.basic_rag.basicrag attribute)": [[21, "grag.rag.basic_rag.BasicRAG.doc_chain", false]], "doc_chain (grag.rag.basic_rag.basicrag property)": [[21, "id0", false]], "embedding (class in grag.components.embedding)": [[17, "grag.components.embedding.Embedding", false]], "embedding_function (grag.components.embedding.embedding attribute)": [[17, "grag.components.embedding.Embedding.embedding_function", false]], "embedding_function (grag.components.vectordb.chroma_client.chromaclient attribute)": [[18, "grag.components.vectordb.chroma_client.ChromaClient.embedding_function", false]], "embedding_function (grag.components.vectordb.deeplake_client.deeplakeclient attribute)": [[18, "grag.components.vectordb.deeplake_client.DeepLakeClient.embedding_function", false]], "embedding_model (grag.components.embedding.embedding attribute)": [[17, "grag.components.embedding.Embedding.embedding_model", false]], "embedding_model (grag.components.vectordb.chroma_client.chromaclient attribute)": [[18, "grag.components.vectordb.chroma_client.ChromaClient.embedding_model", false]], "embedding_model (grag.components.vectordb.deeplake_client.deeplakeclient attribute)": [[18, "grag.components.vectordb.deeplake_client.DeepLakeClient.embedding_model", false]], "embedding_type (grag.components.embedding.embedding attribute)": [[17, "grag.components.embedding.Embedding.embedding_type", false]], "embedding_type (grag.components.vectordb.chroma_client.chromaclient attribute)": [[18, "grag.components.vectordb.chroma_client.ChromaClient.embedding_type", false]], "embedding_type (grag.components.vectordb.deeplake_client.deeplakeclient attribute)": [[18, "grag.components.vectordb.deeplake_client.DeepLakeClient.embedding_type", false]], "example_template (grag.components.prompt.fewshotprompt attribute)": [[17, "grag.components.prompt.FewShotPrompt.example_template", false], [17, "id2", false]], "examples (grag.components.prompt.fewshotprompt attribute)": [[17, "grag.components.prompt.FewShotPrompt.examples", false], [17, "id3", false]], "extract_image_block_types (grag.components.parse_pdf.parsepdf attribute)": [[17, "grag.components.parse_pdf.ParsePDF.extract_image_block_types", false]], "extract_images (grag.components.parse_pdf.parsepdf attribute)": [[17, "grag.components.parse_pdf.ParsePDF.extract_images", false]], "fetch_model_repo() (in module grag.quantize.utils)": [[20, "grag.quantize.utils.fetch_model_repo", false]], "fewshotprompt (class in grag.components.prompt)": [[17, "grag.components.prompt.FewShotPrompt", false]], "filepath (grag.components.prompt.fewshotprompt attribute)": [[17, "grag.components.prompt.FewShotPrompt.filepath", false]], "filepath (grag.components.prompt.prompt attribute)": [[17, "grag.components.prompt.Prompt.filepath", false], [17, "id7", false]], "find_config_path() (in module grag.components.utils)": [[17, "grag.components.utils.find_config_path", false]], "format() (grag.components.prompt.prompt method)": [[17, "grag.components.prompt.Prompt.format", false]], "gen_doc_ids() (grag.components.multivec_retriever.retriever method)": [[17, "grag.components.multivec_retriever.Retriever.gen_doc_ids", false]], "get_chunk() (grag.components.multivec_retriever.retriever method)": [[17, "grag.components.multivec_retriever.Retriever.get_chunk", false]], "get_chunk() (grag.components.vectordb.base.vectordb method)": [[18, "grag.components.vectordb.base.VectorDB.get_chunk", false]], "get_chunk() (grag.components.vectordb.chroma_client.chromaclient method)": [[18, "grag.components.vectordb.chroma_client.ChromaClient.get_chunk", false]], "get_chunk() (grag.components.vectordb.deeplake_client.deeplakeclient method)": [[18, "grag.components.vectordb.deeplake_client.DeepLakeClient.get_chunk", false]], "get_config() (in module grag.components.utils)": [[17, "grag.components.utils.get_config", false]], "get_doc() (grag.components.multivec_retriever.retriever method)": [[17, "grag.components.multivec_retriever.Retriever.get_doc", false]], "get_docs_from_chunks() (grag.components.multivec_retriever.retriever method)": [[17, "grag.components.multivec_retriever.Retriever.get_docs_from_chunks", false]], "get_llamacpp_repo() (in module grag.quantize.utils)": [[20, "grag.quantize.utils.get_llamacpp_repo", false]], "grag": [[16, "module-grag", false]], "grag.components": [[17, "module-grag.components", false]], "grag.components.embedding": [[17, "module-grag.components.embedding", false]], "grag.components.llm": [[17, "module-grag.components.llm", false]], "grag.components.multivec_retriever": [[17, "module-grag.components.multivec_retriever", false]], "grag.components.parse_pdf": [[17, "module-grag.components.parse_pdf", false]], "grag.components.prompt": [[17, "module-grag.components.prompt", false]], "grag.components.text_splitter": [[17, "module-grag.components.text_splitter", false]], "grag.components.utils": [[17, "module-grag.components.utils", false]], "grag.components.vectordb": [[18, "module-grag.components.vectordb", false]], "grag.components.vectordb.base": [[18, "module-grag.components.vectordb.base", false]], "grag.components.vectordb.chroma_client": [[18, "module-grag.components.vectordb.chroma_client", false]], "grag.components.vectordb.deeplake_client": [[18, "module-grag.components.vectordb.deeplake_client", false]], "grag.prompts": [[19, "module-grag.prompts", false]], "grag.quantize": [[20, "module-grag.quantize", false]], "grag.quantize.quantize": [[20, "module-grag.quantize.quantize", false]], "grag.quantize.utils": [[20, "module-grag.quantize.utils", false]], "grag.rag": [[21, "module-grag.rag", false]], "grag.rag.basic_rag": [[21, "module-grag.rag.basic_rag", false]], "hf_pipeline() (grag.components.llm.llm method)": [[17, "grag.components.llm.LLM.hf_pipeline", false]], "host (grag.components.vectordb.chroma_client.chromaclient attribute)": [[18, "grag.components.vectordb.chroma_client.ChromaClient.host", false]], "id_gen() (grag.components.multivec_retriever.retriever method)": [[17, "grag.components.multivec_retriever.Retriever.id_gen", false]], "id_key (grag.components.multivec_retriever.retriever attribute)": [[17, "grag.components.multivec_retriever.Retriever.id_key", false]], "image_output_dir (grag.components.parse_pdf.parsepdf attribute)": [[17, "grag.components.parse_pdf.ParsePDF.image_output_dir", false]], "infer_table_structure (grag.components.parse_pdf.parsepdf attribute)": [[17, "grag.components.parse_pdf.ParsePDF.infer_table_structure", false]], "ingest() (grag.components.multivec_retriever.retriever method)": [[17, "grag.components.multivec_retriever.Retriever.ingest", false]], "input_keys (grag.components.prompt.fewshotprompt attribute)": [[17, "grag.components.prompt.FewShotPrompt.input_keys", false], [17, "id1", false]], "input_keys (grag.components.prompt.prompt attribute)": [[17, "grag.components.prompt.Prompt.input_keys", false], [17, "id8", false]], "langchain_client (grag.components.vectordb.chroma_client.chromaclient attribute)": [[18, "grag.components.vectordb.chroma_client.ChromaClient.langchain_client", false]], "langchain_client (grag.components.vectordb.deeplake_client.deeplakeclient attribute)": [[18, "grag.components.vectordb.deeplake_client.DeepLakeClient.langchain_client", false]], "language (grag.components.prompt.fewshotprompt attribute)": [[17, "grag.components.prompt.FewShotPrompt.language", false]], "language (grag.components.prompt.prompt attribute)": [[17, "grag.components.prompt.Prompt.language", false], [17, "id9", false]], "llama_cpp() (grag.components.llm.llm method)": [[17, "grag.components.llm.LLM.llama_cpp", false]], "llm (class in grag.components.llm)": [[17, "grag.components.llm.LLM", false]], "llm_kwargs (grag.rag.basic_rag.basicrag attribute)": [[21, "grag.rag.basic_rag.BasicRAG.llm_kwargs", false]], "llm_type (grag.components.prompt.fewshotprompt attribute)": [[17, "grag.components.prompt.FewShotPrompt.llm_type", false]], "llm_type (grag.components.prompt.prompt attribute)": [[17, "grag.components.prompt.Prompt.llm_type", false], [17, "id10", false]], "load() (grag.components.prompt.prompt class method)": [[17, "grag.components.prompt.Prompt.load", false]], "load_file() (grag.components.parse_pdf.parsepdf method)": [[17, "grag.components.parse_pdf.ParsePDF.load_file", false]], "load_model() (grag.components.llm.llm method)": [[17, "grag.components.llm.LLM.load_model", false]], "max_new_tokens (grag.components.llm.llm attribute)": [[17, "grag.components.llm.LLM.max_new_tokens", false]], "model_computed_fields (grag.components.prompt.fewshotprompt attribute)": [[17, "grag.components.prompt.FewShotPrompt.model_computed_fields", false]], "model_computed_fields (grag.components.prompt.prompt attribute)": [[17, "grag.components.prompt.Prompt.model_computed_fields", false]], "model_config (grag.components.prompt.fewshotprompt attribute)": [[17, "grag.components.prompt.FewShotPrompt.model_config", false]], "model_config (grag.components.prompt.prompt attribute)": [[17, "grag.components.prompt.Prompt.model_config", false]], "model_fields (grag.components.prompt.fewshotprompt attribute)": [[17, "grag.components.prompt.FewShotPrompt.model_fields", false]], "model_fields (grag.components.prompt.prompt attribute)": [[17, "grag.components.prompt.Prompt.model_fields", false]], "model_name (grag.components.llm.llm attribute)": [[17, "grag.components.llm.LLM.model_name", false]], "model_name (grag.components.llm.llm property)": [[17, "id0", false]], "model_name (grag.rag.basic_rag.basicrag attribute)": [[21, "grag.rag.basic_rag.BasicRAG.model_name", false]], "model_name (grag.rag.basic_rag.basicrag property)": [[21, "id1", false]], "model_path (grag.components.llm.llm property)": [[17, "grag.components.llm.LLM.model_path", false]], "module": [[16, "module-grag", false], [17, "module-grag.components", false], [17, "module-grag.components.embedding", false], [17, "module-grag.components.llm", false], [17, "module-grag.components.multivec_retriever", false], [17, "module-grag.components.parse_pdf", false], [17, "module-grag.components.prompt", false], [17, "module-grag.components.text_splitter", false], [17, "module-grag.components.utils", false], [18, "module-grag.components.vectordb", false], [18, "module-grag.components.vectordb.base", false], [18, "module-grag.components.vectordb.chroma_client", false], [18, "module-grag.components.vectordb.deeplake_client", false], [19, "module-grag.prompts", false], [20, "module-grag.quantize", false], [20, "module-grag.quantize.quantize", false], [20, "module-grag.quantize.utils", false], [21, "module-grag.rag", false], [21, "module-grag.rag.basic_rag", false]], "n_batch (grag.components.llm.llm attribute)": [[17, "grag.components.llm.LLM.n_batch", false]], "n_ctx (grag.components.llm.llm attribute)": [[17, "grag.components.llm.LLM.n_ctx", false]], "n_gpu_layers (grag.components.llm.llm attribute)": [[17, "grag.components.llm.LLM.n_gpu_layers", false]], "name (grag.components.prompt.fewshotprompt attribute)": [[17, "grag.components.prompt.FewShotPrompt.name", false]], "name (grag.components.prompt.prompt attribute)": [[17, "grag.components.prompt.Prompt.name", false], [17, "id11", false]], "namespace (grag.components.multivec_retriever.retriever attribute)": [[17, "grag.components.multivec_retriever.Retriever.namespace", false]], "output_keys (grag.components.prompt.fewshotprompt attribute)": [[17, "grag.components.prompt.FewShotPrompt.output_keys", false]], "output_parser() (grag.rag.basic_rag.basicrag static method)": [[21, "grag.rag.basic_rag.BasicRAG.output_parser", false]], "parsepdf (class in grag.components.parse_pdf)": [[17, "grag.components.parse_pdf.ParsePDF", false]], "partition() (grag.components.parse_pdf.parsepdf method)": [[17, "grag.components.parse_pdf.ParsePDF.partition", false]], "port (grag.components.vectordb.chroma_client.chromaclient attribute)": [[18, "grag.components.vectordb.chroma_client.ChromaClient.port", false]], "prefix (grag.components.prompt.fewshotprompt attribute)": [[17, "grag.components.prompt.FewShotPrompt.prefix", false], [17, "id4", false]], "process_images() (grag.components.parse_pdf.parsepdf method)": [[17, "grag.components.parse_pdf.ParsePDF.process_images", false]], "process_tables() (grag.components.parse_pdf.parsepdf method)": [[17, "grag.components.parse_pdf.ParsePDF.process_tables", false]], "process_text() (grag.components.parse_pdf.parsepdf method)": [[17, "grag.components.parse_pdf.ParsePDF.process_text", false]], "prompt (class in grag.components.prompt)": [[17, "grag.components.prompt.Prompt", false]], "prompt (grag.components.prompt.prompt attribute)": [[17, "grag.components.prompt.Prompt.prompt", false]], "prompt_matcher() (grag.rag.basic_rag.basicrag method)": [[21, "grag.rag.basic_rag.BasicRAG.prompt_matcher", false]], "quantize_model() (in module grag.quantize.utils)": [[20, "grag.quantize.utils.quantize_model", false]], "refine_call() (grag.rag.basic_rag.basicrag method)": [[21, "grag.rag.basic_rag.BasicRAG.refine_call", false]], "retriever (class in grag.components.multivec_retriever)": [[17, "grag.components.multivec_retriever.Retriever", false]], "retriever (grag.components.multivec_retriever.retriever attribute)": [[17, "grag.components.multivec_retriever.Retriever.retriever", false]], "retriever_kwargs (grag.rag.basic_rag.basicrag attribute)": [[21, "grag.rag.basic_rag.BasicRAG.retriever_kwargs", false]], "save() (grag.components.prompt.prompt method)": [[17, "grag.components.prompt.Prompt.save", false]], "single_text_out (grag.components.parse_pdf.parsepdf attribute)": [[17, "grag.components.parse_pdf.ParsePDF.single_text_out", false]], "source (grag.components.prompt.fewshotprompt attribute)": [[17, "grag.components.prompt.FewShotPrompt.source", false]], "source (grag.components.prompt.prompt attribute)": [[17, "grag.components.prompt.Prompt.source", false], [17, "id12", false]], "split_docs() (grag.components.multivec_retriever.retriever method)": [[17, "grag.components.multivec_retriever.Retriever.split_docs", false]], "splitter (grag.components.multivec_retriever.retriever attribute)": [[17, "grag.components.multivec_retriever.Retriever.splitter", false]], "store (grag.components.multivec_retriever.retriever attribute)": [[17, "grag.components.multivec_retriever.Retriever.store", false]], "store_path (grag.components.multivec_retriever.retriever attribute)": [[17, "grag.components.multivec_retriever.Retriever.store_path", false]], "store_path (grag.components.vectordb.deeplake_client.deeplakeclient attribute)": [[18, "grag.components.vectordb.deeplake_client.DeepLakeClient.store_path", false]], "strategy (grag.components.parse_pdf.parsepdf attribute)": [[17, "grag.components.parse_pdf.ParsePDF.strategy", false]], "stuff_call() (grag.rag.basic_rag.basicrag method)": [[21, "grag.rag.basic_rag.BasicRAG.stuff_call", false]], "stuff_docs() (grag.rag.basic_rag.basicrag static method)": [[21, "grag.rag.basic_rag.BasicRAG.stuff_docs", false]], "stuff_docs() (in module grag.components.utils)": [[17, "grag.components.utils.stuff_docs", false]], "suffix (grag.components.prompt.fewshotprompt attribute)": [[17, "grag.components.prompt.FewShotPrompt.suffix", false], [17, "id5", false]], "task (grag.components.llm.llm attribute)": [[17, "grag.components.llm.LLM.task", false]], "task (grag.components.prompt.fewshotprompt attribute)": [[17, "grag.components.prompt.FewShotPrompt.task", false]], "task (grag.components.prompt.prompt attribute)": [[17, "grag.components.prompt.Prompt.task", false], [17, "id13", false]], "task (grag.rag.basic_rag.basicrag attribute)": [[21, "grag.rag.basic_rag.BasicRAG.task", false]], "task (grag.rag.basic_rag.basicrag property)": [[21, "id2", false]], "temperature (grag.components.llm.llm attribute)": [[17, "grag.components.llm.LLM.temperature", false]], "template (grag.components.prompt.prompt attribute)": [[17, "grag.components.prompt.Prompt.template", false]], "test_connection() (grag.components.vectordb.chroma_client.chromaclient method)": [[18, "grag.components.vectordb.chroma_client.ChromaClient.test_connection", false]], "text_concat() (grag.components.parse_pdf.parsepdf method)": [[17, "grag.components.parse_pdf.ParsePDF.text_concat", false]], "text_splitter (grag.components.text_splitter.textsplitter attribute)": [[17, "grag.components.text_splitter.TextSplitter.text_splitter", false]], "textsplitter (class in grag.components.text_splitter)": [[17, "grag.components.text_splitter.TextSplitter", false]], "top_k (grag.components.multivec_retriever.retriever attribute)": [[17, "grag.components.multivec_retriever.Retriever.top_k", false]], "validate_doc_chain() (grag.components.prompt.prompt class method)": [[17, "grag.components.prompt.Prompt.validate_doc_chain", false]], "validate_examples() (grag.components.prompt.fewshotprompt class method)": [[17, "grag.components.prompt.FewShotPrompt.validate_examples", false]], "validate_input_keys() (grag.components.prompt.prompt class method)": [[17, "grag.components.prompt.Prompt.validate_input_keys", false]], "validate_output_keys() (grag.components.prompt.fewshotprompt class method)": [[17, "grag.components.prompt.FewShotPrompt.validate_output_keys", false]], "validate_task() (grag.components.prompt.prompt class method)": [[17, "grag.components.prompt.Prompt.validate_task", false]], "vectordb (class in grag.components.vectordb.base)": [[18, "grag.components.vectordb.base.VectorDB", false]], "vectordb (grag.components.multivec_retriever.retriever attribute)": [[17, "grag.components.multivec_retriever.Retriever.vectordb", false]]}, "objects": {"": [[16, 0, 0, "-", "grag"]], "grag": [[17, 0, 0, "-", "components"], [19, 0, 0, "-", "prompts"], [20, 0, 0, "-", "quantize"], [21, 0, 0, "-", "rag"]], "grag.components": [[17, 0, 0, "-", "embedding"], [17, 0, 0, "-", "llm"], [17, 0, 0, "-", "multivec_retriever"], [17, 0, 0, "-", "parse_pdf"], [17, 0, 0, "-", "prompt"], [17, 0, 0, "-", "text_splitter"], [17, 0, 0, "-", "utils"], [18, 0, 0, "-", "vectordb"]], "grag.components.embedding": [[17, 1, 1, "", "Embedding"]], "grag.components.embedding.Embedding": [[17, 2, 1, "", "embedding_function"], [17, 2, 1, "", "embedding_model"], [17, 2, 1, "", "embedding_type"]], "grag.components.llm": [[17, 1, 1, "", "LLM"]], "grag.components.llm.LLM": [[17, 2, 1, "", "device_map"], [17, 3, 1, "", "hf_pipeline"], [17, 3, 1, "", "llama_cpp"], [17, 3, 1, "", "load_model"], [17, 2, 1, "", "max_new_tokens"], [17, 4, 1, "id0", "model_name"], [17, 4, 1, "", "model_path"], [17, 2, 1, "", "n_batch"], [17, 2, 1, "", "n_ctx"], [17, 2, 1, "", "n_gpu_layers"], [17, 2, 1, "", "task"], [17, 2, 1, "", "temperature"]], "grag.components.multivec_retriever": [[17, 1, 1, "", "Retriever"]], "grag.components.multivec_retriever.Retriever": [[17, 3, 1, "", "aadd_docs"], [17, 3, 1, "", "add_docs"], [17, 3, 1, "", "aget_chunk"], [17, 3, 1, "", "aget_doc"], [17, 3, 1, "", "aingest"], [17, 3, 1, "", "gen_doc_ids"], [17, 3, 1, "", "get_chunk"], [17, 3, 1, "", "get_doc"], [17, 3, 1, "", "get_docs_from_chunks"], [17, 3, 1, "", "id_gen"], [17, 2, 1, "", "id_key"], [17, 3, 1, "", "ingest"], [17, 2, 1, "", "namespace"], [17, 2, 1, "", "retriever"], [17, 3, 1, "", "split_docs"], [17, 2, 1, "", "splitter"], [17, 2, 1, "", "store"], [17, 2, 1, "", "store_path"], [17, 2, 1, "", "top_k"], [17, 2, 1, "", "vectordb"]], "grag.components.parse_pdf": [[17, 1, 1, "", "ParsePDF"]], "grag.components.parse_pdf.ParsePDF": [[17, 2, 1, "", "add_caption_first"], [17, 2, 1, "", "add_captions_to_blocks"], [17, 2, 1, "", "add_captions_to_text"], [17, 3, 1, "", "classify"], [17, 2, 1, "", "extract_image_block_types"], [17, 2, 1, "", "extract_images"], [17, 2, 1, "", "image_output_dir"], [17, 2, 1, "", "infer_table_structure"], [17, 3, 1, "", "load_file"], [17, 3, 1, "", "partition"], [17, 3, 1, "", "process_images"], [17, 3, 1, "", "process_tables"], [17, 3, 1, "", "process_text"], [17, 2, 1, "", "single_text_out"], [17, 2, 1, "", "strategy"], [17, 3, 1, "", "text_concat"]], "grag.components.prompt": [[17, 1, 1, "", "FewShotPrompt"], [17, 1, 1, "", "Prompt"]], "grag.components.prompt.FewShotPrompt": [[17, 2, 1, "", "doc_chain"], [17, 2, 1, "id2", "example_template"], [17, 2, 1, "id3", "examples"], [17, 2, 1, "", "filepath"], [17, 2, 1, "id1", "input_keys"], [17, 2, 1, "", "language"], [17, 2, 1, "", "llm_type"], [17, 2, 1, "", "model_computed_fields"], [17, 2, 1, "", "model_config"], [17, 2, 1, "", "model_fields"], [17, 2, 1, "", "name"], [17, 2, 1, "", "output_keys"], [17, 2, 1, "id4", "prefix"], [17, 2, 1, "", "source"], [17, 2, 1, "id5", "suffix"], [17, 2, 1, "", "task"], [17, 3, 1, "", "validate_examples"], [17, 3, 1, "", "validate_output_keys"]], "grag.components.prompt.Prompt": [[17, 2, 1, "id6", "doc_chain"], [17, 2, 1, "id7", "filepath"], [17, 3, 1, "", "format"], [17, 2, 1, "id8", "input_keys"], [17, 2, 1, "id9", "language"], [17, 2, 1, "id10", "llm_type"], [17, 3, 1, "", "load"], [17, 2, 1, "", "model_computed_fields"], [17, 2, 1, "", "model_config"], [17, 2, 1, "", "model_fields"], [17, 2, 1, "id11", "name"], [17, 2, 1, "", "prompt"], [17, 3, 1, "", "save"], [17, 2, 1, "id12", "source"], [17, 2, 1, "id13", "task"], [17, 2, 1, "", "template"], [17, 3, 1, "", "validate_doc_chain"], [17, 3, 1, "", "validate_input_keys"], [17, 3, 1, "", "validate_task"]], "grag.components.text_splitter": [[17, 1, 1, "", "TextSplitter"]], "grag.components.text_splitter.TextSplitter": [[17, 2, 1, "", "chunk_overlap"], [17, 2, 1, "", "chunk_size"], [17, 2, 1, "", "text_splitter"]], "grag.components.utils": [[17, 5, 1, "", "find_config_path"], [17, 5, 1, "", "get_config"], [17, 5, 1, "", "stuff_docs"]], "grag.components.vectordb": [[18, 0, 0, "-", "base"], [18, 0, 0, "-", "chroma_client"], [18, 0, 0, "-", "deeplake_client"]], "grag.components.vectordb.base": [[18, 1, 1, "", "VectorDB"]], "grag.components.vectordb.base.VectorDB": [[18, 3, 1, "", "aadd_docs"], [18, 3, 1, "", "add_docs"], [18, 3, 1, "", "aget_chunk"], [18, 3, 1, "", "delete"], [18, 3, 1, "", "get_chunk"]], "grag.components.vectordb.chroma_client": [[18, 1, 1, "", "ChromaClient"]], "grag.components.vectordb.chroma_client.ChromaClient": [[18, 3, 1, "", "aadd_docs"], [18, 3, 1, "", "add_docs"], [18, 3, 1, "", "aget_chunk"], [18, 2, 1, "", "client"], [18, 2, 1, "", "collection"], [18, 2, 1, "", "collection_name"], [18, 3, 1, "", "delete"], [18, 2, 1, "", "embedding_function"], [18, 2, 1, "", "embedding_model"], [18, 2, 1, "", "embedding_type"], [18, 3, 1, "", "get_chunk"], [18, 2, 1, "", "host"], [18, 2, 1, "", "langchain_client"], [18, 2, 1, "", "port"], [18, 3, 1, "", "test_connection"]], "grag.components.vectordb.deeplake_client": [[18, 1, 1, "", "DeepLakeClient"]], "grag.components.vectordb.deeplake_client.DeepLakeClient": [[18, 3, 1, "", "aadd_docs"], [18, 3, 1, "", "add_docs"], [18, 3, 1, "", "aget_chunk"], [18, 2, 1, "", "client"], [18, 2, 1, "", "collection"], [18, 3, 1, "", "delete"], [18, 2, 1, "", "embedding_function"], [18, 2, 1, "", "embedding_model"], [18, 2, 1, "", "embedding_type"], [18, 3, 1, "", "get_chunk"], [18, 2, 1, "", "langchain_client"], [18, 2, 1, "", "store_path"]], "grag.quantize": [[20, 0, 0, "-", "quantize"], [20, 0, 0, "-", "utils"]], "grag.quantize.utils": [[20, 5, 1, "", "building_llamacpp"], [20, 5, 1, "", "fetch_model_repo"], [20, 5, 1, "", "get_llamacpp_repo"], [20, 5, 1, "", "quantize_model"]], "grag.rag": [[21, 0, 0, "-", "basic_rag"]], "grag.rag.basic_rag": [[21, 1, 1, "", "BasicRAG"]], "grag.rag.basic_rag.BasicRAG": [[21, 2, 1, "", "custom_prompt"], [21, 4, 1, "id0", "doc_chain"], [21, 2, 1, "", "llm_kwargs"], [21, 4, 1, "id1", "model_name"], [21, 3, 1, "", "output_parser"], [21, 3, 1, "", "prompt_matcher"], [21, 3, 1, "", "refine_call"], [21, 2, 1, "", "retriever_kwargs"], [21, 3, 1, "", "stuff_call"], [21, 3, 1, "", "stuff_docs"], [21, 4, 1, "id2", "task"]]}, "objnames": {"0": ["py", "module", "Python module"], "1": ["py", "class", "Python class"], "2": ["py", "attribute", "Python attribute"], "3": ["py", "method", "Python method"], "4": ["py", "property", "Python property"], "5": ["py", "function", "Python function"]}, "objtypes": {"0": "py:module", "1": "py:class", "2": "py:attribute", "3": "py:method", "4": "py:property", "5": "py:function"}, "terms": {"": 17, "0": [6, 8, 9, 17, 24], "00": [6, 9, 24], "000": [6, 9], "001": 24, "01": 24, "03": 24, "036": 24, "06": 24, "1": [8, 9, 17], "1024": 17, "12": 24, "13b": 17, "2": [2, 15, 17], "237": 24, "275": 24, "3": [8, 14, 17], "3f": 8, "400": 17, "484": 24, "5": [6, 24], "5000": 17, "6000": 17, "8000": [15, 18], "8c9040b0b5cd4d7cbc2e737da1b24ebf": 17, "935": 24, "A": [8, 17, 18, 20], "By": 15, "For": [12, 14, 15], "If": [14, 15, 17], "It": [17, 22], "OR": 15, "The": [8, 17, 18, 20, 22], "To": [11, 15], "__fields__": 17, "__file__": [2, 15], "__init__": 8, "__main__": [3, 4, 8], "__name__": [3, 4, 8], "_queri": 8, "_top_k": 8, "aadd_doc": [16, 17, 18], "abc": 18, "about": [8, 17], "abov": [14, 17], "abstract": 18, "accuraci": 17, "activ": 8, "add": [17, 18], "add_caption_first": [16, 17], "add_captions_to_block": [16, 17], "add_captions_to_text": [16, 17], "add_doc": [16, 17, 18], "addit": 17, "address": [8, 18], "after": [14, 17], "aget_chunk": [16, 17, 18], "aget_doc": [16, 17], "aingest": [2, 16, 17], "alik": 8, "aliv": 18, "all": [5, 7, 17, 18, 19, 24], "also": [17, 22], "altern": 2, "alwai": 17, "an": [7, 13, 14, 22], "ani": [15, 17, 22], "annot": 17, "answer": [0, 1], "anyth": 8, "api": 18, "app": 8, "appli": 20, "applic": 8, "ar": [12, 14, 15], "arg": 8, "argument": [15, 17, 21], "artifici": 8, "arxiv": 18, "async": [2, 17, 18], "asynchron": [2, 17, 18], "asyncio": 2, "attempt": 20, "attribut": 8, "augment": 22, "auth": 14, "auto": 17, "auto_exampl": [6, 9], "avail": 17, "awar": 17, "backend": 8, "bar": 18, "base": [0, 1, 8, 15, 16, 17, 21], "base_dir": 17, "basemodel": 17, "basi": 21, "basic": [0, 1, 6, 10, 16, 22, 23, 24], "basic_rag": [0, 1, 3, 4, 21], "basicrag": [0, 1, 3, 4, 16, 21, 23], "basicrag_customprompt": [0, 6, 24], "basicrag_fewshotprompt": [1, 6, 24], "basicrag_ingest": [2, 6, 24], "basicrag_refin": [3, 6, 24], "basicrag_stuff": [4, 6, 24], "batch": 17, "befor": 17, "being": 17, "below": [1, 5, 7], "better": 17, "block": 17, "blog": 8, "bool": [17, 18], "both": 15, "build": 20, "building_llamacpp": [16, 20, 23], "bulb": 8, "button": 8, "call": 17, "call_func": 21, "came": 1, "can": [12, 14, 15], "cannot": 17, "capstone_5": [17, 18], "caption": 17, "chain": [5, 6, 17, 21], "chang": [14, 15], "chat": 17, "check": [8, 14], "check_connect": 8, "chroma": [2, 8, 16, 17, 22], "chroma_cli": [2, 18], "chromacli": [2, 17, 18], "chromadb": 18, "chunk": [8, 17, 18], "chunk_overlap": [16, 17], "chunk_siz": [16, 17], "ci_test": 2, "class": [8, 17, 18, 21], "classifi": [16, 17], "classmethod": 17, "classvar": 17, "client": [2, 3, 4, 8, 15, 16, 17], "client_kwarg": 17, "clientserv": 15, "clone": [12, 14, 20], "cmake": 20, "co": 20, "code": [0, 1, 2, 3, 4, 5, 7, 8], "collect": [8, 17, 18], "collection_nam": [2, 3, 4, 8, 17, 18], "combin": 17, "command": 14, "complet": 13, "completedprocess": 20, "compon": [0, 1, 2, 3, 4, 8, 15, 16, 18, 22, 23], "comput": 17, "computedfieldinfo": 17, "concat": 17, "concaten": [17, 21], "config": [12, 14, 15, 17], "configdict": 17, "configpars": 17, "configur": 17, "conform": 17, "connect": [8, 17, 18], "contain": [15, 17, 19, 20], "content": 23, "context": [0, 1, 17], "convolut": 1, "cookbook": [0, 1, 2, 3, 4, 8, 15, 22, 24], "copi": [14, 20], "core": 18, "correspond": [17, 18], "cosin": [17, 18], "could": 8, "count": 8, "cpp": [14, 17, 20], "crucial": 15, "current": [15, 17], "current_path": 17, "custom": [5, 6, 12, 17], "custom_few_shot_prompt": 1, "custom_prompt": [0, 1, 16, 17, 21], "data": [2, 11, 17, 18], "databas": [2, 15, 17, 18], "decor": 21, "deeplak": [15, 16, 17, 22], "deeplake_cli": [2, 3, 4, 18], "deeplakecli": [2, 3, 4, 15, 17, 18], "def": 8, "default": [15, 17, 18, 20, 21], "defin": 17, "delet": [17, 18], "demonstr": [0, 1, 2, 3, 4, 5, 7, 8], "deriv": 18, "detail": [8, 14, 15, 17], "develop": 12, "devic": 17, "device_map": [16, 17], "dict": [17, 21], "dictionari": 17, "differ": 19, "dimension": 15, "dir_path": [2, 15, 17], "directori": [14, 17, 20], "displai": 8, "doc": [8, 17, 18, 21], "doc_chain": [0, 1, 3, 4, 16, 17, 21], "doc_id": 17, "document": [5, 6, 17, 18, 21], "doe": [14, 17], "download": [0, 1, 2, 3, 4, 5, 7, 8, 14, 20], "dry_run": 17, "dure": 17, "e": 12, "each": [17, 18], "easi": 22, "easiest": 14, "either": [14, 15], "element": 17, "elif": 2, "els": [8, 18], "embed": [8, 11, 16, 18, 23], "embedding_funct": [16, 17, 18], "embedding_model": [8, 15, 16, 17, 18], "embedding_modelnam": 18, "embedding_typ": [8, 15, 16, 17, 18], "en": 17, "end": [0, 1, 2, 3, 4, 8, 22], "ensur": 17, "enter": [8, 14], "enumer": 8, "etc": [14, 17], "exampl": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 14, 16, 17, 24], "example_templ": [1, 16, 17], "exclud": 17, "execut": [6, 9, 17, 24], "expand": 8, "explain": [], "explicitli": 15, "extract": 17, "extract_imag": [16, 17], "extract_image_block_typ": [16, 17], "f": 8, "f16": 17, "face": 17, "fals": [8, 17, 18], "fetch_model_repo": [16, 20, 23], "few": [5, 6, 17], "fewshotprompt": [1, 16, 17, 21, 23], "field": 17, "fieldinfo": 17, "figur": 17, "file": [6, 9, 12, 14, 15, 17, 20, 24], "filenotfounderror": 17, "filepath": [16, 17], "final": 14, "find": [8, 14, 17], "find_config_path": [16, 17, 23], "flexibl": 14, "float": [17, 18], "folder": 15, "follow": [0, 1, 14], "form": [8, 14], "form_submit_button": 8, "format": [16, 17, 21], "found": 17, "from": [0, 1, 2, 3, 4, 6, 8, 9, 12, 14, 17, 18, 20, 24], "full": [0, 1, 2, 3, 4, 8], "function": [8, 17, 18, 20], "further": 12, "galleri": [0, 1, 2, 3, 4, 5, 7, 8, 24], "gate": 14, "gen_doc_id": [16, 17], "gener": [0, 1, 2, 3, 4, 5, 7, 8, 15, 17, 22], "get": [14, 17, 22], "get_chunk": [8, 16, 17, 18], "get_config": [16, 17, 23], "get_doc": [16, 17], "get_docs_from_chunk": [16, 17], "get_llamacpp_repo": [16, 20, 23], "get_search_result": 8, "getcwd": 8, "gguf": 14, "git": [12, 20], "given": [0, 1, 17, 20], "glob": 17, "glob_pattern": 17, "go": [0, 1, 2, 3, 4, 8], "gpu": 17, "grag": [0, 1, 2, 3, 4, 8, 14, 17, 18, 20, 21], "green": 8, "gui": [9, 10, 22], "gui_jupyt": 7, "gui_python": 7, "ha": [14, 17], "handl": 17, "has_result": 8, "have": 12, "hexadecim": 17, "hf_pipelin": [16, 17], "hi_r": 17, "high": 15, "hkunlp": 18, "hold": 8, "home": [8, 17, 18], "host": [8, 15, 17, 18], "how": [0, 1, 2, 3, 4], "http": 8, "httpclient": 18, "hug": 17, "huggingfac": [11, 15, 17, 20], "i": [1, 5, 7, 8, 13, 14, 15, 17, 18, 20, 22], "id": [14, 17, 20], "id_gen": [16, 17], "id_kei": [16, 17], "identifi": 17, "imag": 17, "image_output_dir": [16, 17], "implement": [13, 22], "import": [0, 1, 2, 3, 4, 8], "includ": 17, "index": 22, "infer_table_structur": [16, 17], "ingest": [5, 6, 11, 16, 17], "ini": [12, 14, 15, 17], "initi": [8, 17], "input": [3, 4, 14, 17], "input_kei": [0, 1, 16, 17], "insert": 8, "instal": [11, 22], "instanc": [8, 17, 20], "instruct": 14, "instructor": [15, 17, 18], "int": [17, 18], "integ": 18, "integrag": 22, "intellig": 8, "interact": [8, 20], "interfac": 8, "introduc": 1, "io": 8, "ip": 18, "ipynb": [0, 1, 2, 3, 4, 8], "is_loc": 17, "its": 17, "join": [17, 21], "json": 17, "jupit": 1, "jupyt": [0, 1, 2, 3, 4, 5, 7, 8], "just": 14, "k": 8, "kei": 17, "keyword": 21, "kwarg": [17, 21], "langchain": [17, 18], "langchain_cli": [17, 18], "langchain_commun": 18, "langchain_cor": [17, 21], "languag": [16, 17], "larg": 17, "largest": 1, "layer": 17, "lecun": 1, "len": 8, "level": 20, "like": [1, 8, 17, 22], "link": 17, "list": [8, 17, 18, 21], "llama": [14, 17, 20], "llama2": 17, "llama_cpp": [16, 17], "llamacpp": [11, 22], "llm": [11, 16, 19, 21, 22, 23], "llm_kwarg": [16, 21], "llm_type": [16, 17], "load": [16, 17], "load_env": 17, "load_fil": [16, 17], "load_model": [16, 17], "load_prompt": 17, "local": [14, 15, 17, 22], "localfilestor": 17, "localhost": 18, "locat": [17, 20], "look": 8, "lost": 8, "m": 14, "made": 12, "main": 8, "make": [14, 15, 20, 22], "manag": [8, 17], "map": 17, "markdown": 8, "match": 21, "max_new_token": [16, 17], "maximum": 17, "mb": [6, 9, 24], "mem": [6, 9, 24], "metadata": [8, 17], "metadata_toggl": 8, "method": 17, "min_valu": 8, "model": [8, 15, 17, 18, 20, 21], "model_computed_field": [16, 17], "model_config": [16, 17], "model_dir_path": 20, "model_field": [16, 17], "model_nam": [14, 16, 17, 21], "model_path": [16, 17], "model_typ": 17, "modul": [22, 23], "more": [14, 15, 17], "moreov": [], "most": [17, 18], "move": [15, 17], "much": 14, "multi": 17, "multi_vector": 17, "multivec_retriev": [2, 3, 4, 8, 17], "multivectorretriev": 17, "n": [8, 17], "n_batch": [16, 17], "n_ctx": [16, 17], "n_gpu_lay": [16, 17], "name": [1, 8, 14, 16, 17, 18, 21], "namespac": [16, 17], "network": 1, "neural": 1, "new": 17, "new_pap": 2, "nn": [17, 21], "non": 15, "none": [17, 18, 20, 21], "nonetyp": 17, "nosourc": 17, "note": 14, "notebook": [0, 1, 2, 3, 4, 5, 7, 8], "number": [8, 17, 18], "number_input": 8, "o": 8, "object": [17, 21], "offer": [14, 22], "one_to_on": 17, "onlin": 14, "open": 13, "oper": 20, "option": [8, 17, 20], "orchestr": 8, "otherwis": 8, "our": 15, "output": [17, 18, 21], "output_dir": 20, "output_kei": [1, 16, 17], "output_pars": [16, 21], "overlap": 17, "overwrit": 17, "packag": 22, "page": [8, 17, 21, 22], "page_cont": 8, "pagehom": 8, "pair": 17, "paramet": [8, 17, 18, 20, 21], "parent": [2, 8, 15, 17], "pars": [16, 23], "parse_pdf": 17, "parsepdf": [16, 17, 23], "parser": 17, "parser_kwarg": 17, "partit": [16, 17], "pass": 17, "path": [2, 8, 14, 15, 17, 18, 20], "pathlib": [2, 8], "pattern": 17, "pdf": [2, 15, 16, 23], "phase": 12, "pip": 12, "pipelin": 17, "place": 17, "planet": 1, "point": 17, "port": [8, 15, 17, 18], "prefix": [1, 16, 17], "print": 18, "priorit": 17, "process": [15, 17], "process_imag": [16, 17], "process_t": [16, 17], "process_text": [16, 17], "produc": 17, "progress": [17, 18], "project": 20, "prompt": [5, 6, 14, 16, 21, 22, 23], "prompt_match": [16, 21], "prompttempl": 17, "properti": [17, 21], "provid": [13, 14, 15, 17, 18, 19, 21, 22], "publish": 12, "pull": 20, "py": [0, 1, 2, 3, 4, 6, 8, 9, 24], "pydant": 17, "pypi": 12, "python": [0, 1, 2, 3, 4, 5, 7, 8, 14, 22], "q4_k_m": 14, "q5_k_m": [14, 17], "qa": [17, 21], "quantiz": [16, 17, 22, 23], "quantize_model": [16, 20, 23], "queri": [3, 4, 8, 17, 18], "question": [0, 1], "rag": [0, 1, 3, 4, 6, 10, 15, 16, 22, 23, 24], "rag_jupyt": 5, "rag_python": 5, "rais": 17, "random": 18, "reach": 17, "read": 17, "read_onli": 18, "recommend": 14, "recurs": 17, "red": 8, "refer": [15, 17], "refin": [5, 6, 17, 21], "refine_cal": [16, 21], "relvant": 21, "render": 8, "render_search_form": 8, "render_search_result": 8, "render_sidebar": 8, "render_stat": 8, "replac": 17, "repo": 14, "repo_id": 20, "repositori": [12, 14, 20], "repr": 17, "repres": 8, "requir": [14, 17], "respect": 17, "respons": 8, "result": [8, 20], "retriev": [2, 3, 4, 9, 10, 15, 16, 21, 22, 23], "retriever_app": [8, 9], "retriever_kwarg": [16, 21], "retriv": [7, 9], "return": [8, 17, 18, 20, 21], "root": [17, 20], "root_path": 20, "run": [2, 11, 15, 22], "run_chroma": 15, "same": 17, "sampl": 17, "save": [16, 17, 20], "score": [8, 17, 18], "script": [15, 17], "search": [8, 17, 22], "search_form": 8, "self": [8, 17, 18], "semant": 8, "sentenc": [17, 18], "seper": [17, 21], "server": 15, "session_st": 8, "set": [8, 14, 17], "sh": 15, "shot": [5, 6, 17], "should": [14, 17, 18, 20], "show": [8, 17, 18], "sidebar": 8, "similar": [8, 17, 18], "similiar": 8, "simpl": [7, 8, 22], "sinc": [12, 15], "singl": [17, 18], "single_text_out": [16, 17], "size": 17, "slow": 2, "smaller": 17, "so": 17, "solut": 22, "sourc": [0, 1, 2, 3, 4, 5, 7, 8, 13, 15, 16, 17, 18, 20, 21], "specifi": [17, 20], "sphinx": [0, 1, 2, 3, 4, 5, 7, 8], "sphx_glr_auto_examples_basicrag_customprompt": 24, "sphx_glr_auto_examples_basicrag_fewshotprompt": 24, "sphx_glr_auto_examples_basicrag_ingest": 24, "sphx_glr_auto_examples_basicrag_refin": 24, "sphx_glr_auto_examples_basicrag_stuff": 24, "spinner": 8, "split": 17, "split_doc": [16, 17], "splitter": [16, 23], "src": [12, 15], "st": 8, "start": [14, 17, 22], "state": 8, "static": 21, "statist": 8, "statu": 18, "std_out": 17, "step": 8, "storag": 17, "store": [11, 16, 17, 18, 22], "store_path": [16, 17, 18], "str": [8, 17, 18, 20, 21], "strategi": [16, 17], "streamlit": [7, 8], "stremlit": 8, "string": [17, 18, 21], "stuff": [0, 1, 5, 6, 17, 21], "stuff_cal": [16, 21], "stuff_doc": [16, 17, 21, 23], "submit": 8, "submodul": [16, 17, 23], "subprocess": 20, "suffix": [1, 16, 17], "support": [11, 17, 18, 22], "sure": [14, 15], "sy": 8, "sync": 2, "synchron": 2, "system": 8, "tab": 8, "tab1": 8, "tab2": 8, "tabl": 17, "table_as_html": 17, "take": 17, "task": [16, 17, 21], "temperatur": [16, 17], "templat": [0, 16, 17], "test": [2, 3, 4, 18], "test_connect": [8, 17, 18], "text": [16, 23], "text_concat": [16, 17], "text_input": 8, "text_splitt": [16, 17], "textsplitt": [16, 17, 23], "thank": 22, "them": 17, "thi": [0, 1, 2, 3, 4, 8, 14, 15, 17, 18, 21], "time": 17, "titl": 8, "toggl": 8, "token": [14, 17], "top": [8, 17, 18], "top_k": [8, 16, 17, 18], "total": [6, 9, 24], "transform": [17, 18], "travers": 17, "tree": 17, "true": [2, 3, 4, 8, 17, 18], "tupl": 18, "two": 14, "type": [8, 15, 17, 18, 21], "typic": 17, "ubuntu": [17, 18], "ui": 8, "under": 15, "union": 17, "uniqu": 17, "until": 17, "up": [1, 8, 17], "updat": 20, "us": [0, 1, 2, 3, 4, 5, 7, 8, 11, 15, 17, 18, 20, 21], "user": 14, "util": [16, 23], "uuid": 17, "uuid5": 17, "v": 17, "v1": 17, "valid": 17, "validate_doc_chain": [16, 17], "validate_exampl": [16, 17], "validate_input_kei": [16, 17], "validate_output_kei": [16, 17], "validate_task": [16, 17], "valu": [8, 17], "valueerror": 17, "variou": 22, "vector": [2, 11, 17, 18, 22], "vectordb": [2, 3, 4, 8, 15, 16, 23], "vectorstor": [15, 18], "verbos": [17, 18], "volume_2k": [17, 18], "wai": [14, 22], "want": 14, "we": 12, "web": 8, "what": [1, 8], "where": [14, 20], "whether": 17, "which": 17, "while": [3, 4], "who": 1, "with_scor": [8, 17, 18], "wrapper": 18, "write": 8, "xl": [15, 18], "yann": 1, "yet": 12, "you": 14, "your": 8, "your_collection_nam": 2, "zip": [5, 7]}, "titles": ["Custom Prompts", "Custom Few-Shot Prompts", "Document Ingestion", "Refine Chain", "Stuff Chain", "Basic-RAG Cookbooks", "Computation times", "Retriever-GUI Cookbooks", "Retriever GUI", "Computation times", "Cookbooks", "Get Started", "Installation", "GRAG Overview", "LLMs", "Vector Stores", "GRAG", "Components", "VectorDB", "Prompts", "Quantize", "RAG", "Welcome to GRAG\u2019s documentation!", "grag", "Computation times"], "titleterms": {"": 22, "To": 14, "augment": 13, "base": 18, "basic": [5, 21], "chain": [3, 4], "chroma": [15, 18], "client": 18, "compon": 17, "comput": [6, 9, 24], "content": [16, 17, 18, 19, 20, 21, 22], "cookbook": [5, 7, 10], "custom": [0, 1], "data": 15, "deeplak": 18, "document": [2, 22], "embed": [15, 17], "few": 1, "gener": 13, "get": 11, "grag": [13, 16, 22, 23], "gui": [7, 8], "how": 14, "huggingfac": 14, "indic": 22, "ingest": [2, 15], "instal": 12, "llamacpp": 14, "llm": [14, 17], "model": 14, "modul": [16, 17, 18, 19, 20, 21], "overview": 13, "pars": 17, "pdf": 17, "prompt": [0, 1, 17, 19], "quantiz": [14, 20], "rag": [5, 21], "refin": 3, "retriev": [7, 8, 13, 17], "run": 14, "shot": 1, "splitter": 17, "start": 11, "store": 15, "stuff": 4, "submodul": [18, 20, 21], "support": 15, "tabl": 22, "text": 17, "time": [6, 9, 24], "us": 14, "util": [17, 20], "vector": 15, "vectordb": [17, 18], "welcom": 22}})
\ No newline at end of file
+Search.setIndex({"alltitles": {"Base": [[18, "module-grag.components.vectordb.base"]], "Basic RAG": [[21, "module-grag.rag.basic_rag"]], "Basic-RAG Cookbooks": [[5, "basic-rag-cookbooks"]], "Chroma": [[15, "chroma"]], "Chroma Client": [[18, "module-grag.components.vectordb.chroma_client"]], "Components": [[17, "components"]], "Computation times": [[6, "computation-times"], [9, "computation-times"], [24, "computation-times"]], "Contents:": [[22, null]], "Cookbooks": [[10, "cookbooks"]], "Custom Few-Shot Prompts": [[1, "custom-few-shot-prompts"]], "Custom Prompts": [[0, "custom-prompts"]], "Data Ingestion": [[15, "data-ingestion"]], "Deeplake Client": [[18, "module-grag.components.vectordb.deeplake_client"]], "Document Ingestion": [[2, "document-ingestion"]], "Embedding": [[17, "module-grag.components.embedding"]], "Embeddings": [[15, "embeddings"]], "GRAG": [[16, "grag"]], "GRAG Overview": [[13, "grag-overview"]], "Get Started": [[11, "get-started"]], "How to quantize models.": [[14, "how-to-quantize-models"]], "Indices and tables": [[22, "indices-and-tables"]], "Installation": [[12, "installation"]], "LLM": [[17, "module-grag.components.llm"]], "LLMs": [[14, "llms"]], "Module Contents": [[18, "module-grag.components.vectordb"]], "Module contents": [[16, "module-grag"], [17, "module-grag.components"], [19, "module-grag.prompts"], [20, "module-grag.quantize"], [21, "module-grag.rag"]], "Parse PDF": [[17, "module-grag.components.parse_pdf"]], "Prompt": [[17, "module-grag.components.prompt"]], "Prompts": [[19, "prompts"]], "Quantize": [[20, "quantize"], [20, "id1"]], "RAG": [[21, "rag"]], "Refine Chain": [[3, "refine-chain"]], "Retrieval-Augmented Generation": [[13, "retrieval-augmented-generation"]], "Retriever": [[17, "module-grag.components.multivec_retriever"]], "Retriever GUI": [[8, "retriever-gui"]], "Retriever-GUI Cookbooks": [[7, "retriever-gui-cookbooks"]], "Stuff Chain": [[4, "stuff-chain"]], "Submodules": [[18, "submodules"], [20, "submodules"], [21, "submodules"]], "Supported Vector Stores": [[15, "supported-vector-stores"]], "Text Splitter": [[17, "module-grag.components.text_splitter"]], "To run LLMs using HuggingFace": [[14, "to-run-llms-using-huggingface"]], "To run LLMs using LlamaCPP": [[14, "to-run-llms-using-llamacpp"]], "Utils": [[17, "module-grag.components.utils"], [20, "module-grag.quantize.utils"]], "Vector Stores": [[15, "vector-stores"]], "VectorDB": [[17, "vectordb"], [18, "vectordb"]], "Welcome to GRAG\u2019s documentation!": [[22, "welcome-to-grag-s-documentation"]], "grag": [[23, "grag"]]}, "docnames": ["auto_examples/Basic-RAG/BasicRAG_CustomPrompt", "auto_examples/Basic-RAG/BasicRAG_FewShotPrompt", "auto_examples/Basic-RAG/BasicRAG_ingest", "auto_examples/Basic-RAG/BasicRAG_refine", "auto_examples/Basic-RAG/BasicRAG_stuff", "auto_examples/Basic-RAG/index", "auto_examples/Basic-RAG/sg_execution_times", "auto_examples/Retriver-GUI/index", "auto_examples/Retriver-GUI/retriever_app", "auto_examples/Retriver-GUI/sg_execution_times", "auto_examples_index", "get_started", "get_started.installation", "get_started.introduction", "get_started.llms", "get_started.vectordb", "grag", "grag.components", "grag.components.vectordb", "grag.prompts", "grag.quantize", "grag.rag", "index", "modules", "sg_execution_times"], "envversion": {"sphinx": 61, "sphinx.domains.c": 3, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 9, "sphinx.domains.index": 1, "sphinx.domains.javascript": 3, "sphinx.domains.math": 2, "sphinx.domains.python": 4, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "sphinx.ext.todo": 2}, "filenames": ["auto_examples/Basic-RAG/BasicRAG_CustomPrompt.rst", "auto_examples/Basic-RAG/BasicRAG_FewShotPrompt.rst", "auto_examples/Basic-RAG/BasicRAG_ingest.rst", "auto_examples/Basic-RAG/BasicRAG_refine.rst", "auto_examples/Basic-RAG/BasicRAG_stuff.rst", "auto_examples/Basic-RAG/index.rst", "auto_examples/Basic-RAG/sg_execution_times.rst", "auto_examples/Retriver-GUI/index.rst", "auto_examples/Retriver-GUI/retriever_app.rst", "auto_examples/Retriver-GUI/sg_execution_times.rst", "auto_examples_index.rst", "get_started.rst", "get_started.installation.rst", "get_started.introduction.rst", "get_started.llms.rst", "get_started.vectordb.rst", "grag.rst", "grag.components.rst", "grag.components.vectordb.rst", "grag.prompts.rst", "grag.quantize.rst", "grag.rag.rst", "index.rst", "modules.rst", "sg_execution_times.rst"], "indexentries": {"aadd_docs() (grag.components.multivec_retriever.retriever method)": [[17, "grag.components.multivec_retriever.Retriever.aadd_docs", false]], "aadd_docs() (grag.components.vectordb.base.vectordb method)": [[18, "grag.components.vectordb.base.VectorDB.aadd_docs", false]], "aadd_docs() (grag.components.vectordb.chroma_client.chromaclient method)": [[18, "grag.components.vectordb.chroma_client.ChromaClient.aadd_docs", false]], "aadd_docs() (grag.components.vectordb.deeplake_client.deeplakeclient method)": [[18, "grag.components.vectordb.deeplake_client.DeepLakeClient.aadd_docs", false]], "add_caption_first (grag.components.parse_pdf.parsepdf attribute)": [[17, "grag.components.parse_pdf.ParsePDF.add_caption_first", false]], "add_captions_to_blocks (grag.components.parse_pdf.parsepdf attribute)": [[17, "grag.components.parse_pdf.ParsePDF.add_captions_to_blocks", false]], "add_captions_to_text (grag.components.parse_pdf.parsepdf attribute)": [[17, "grag.components.parse_pdf.ParsePDF.add_captions_to_text", false]], "add_docs() (grag.components.multivec_retriever.retriever method)": [[17, "grag.components.multivec_retriever.Retriever.add_docs", false]], "add_docs() (grag.components.vectordb.base.vectordb method)": [[18, "grag.components.vectordb.base.VectorDB.add_docs", false]], "add_docs() (grag.components.vectordb.chroma_client.chromaclient method)": [[18, "grag.components.vectordb.chroma_client.ChromaClient.add_docs", false]], "add_docs() (grag.components.vectordb.deeplake_client.deeplakeclient method)": [[18, "grag.components.vectordb.deeplake_client.DeepLakeClient.add_docs", false]], "aget_chunk() (grag.components.multivec_retriever.retriever method)": [[17, "grag.components.multivec_retriever.Retriever.aget_chunk", false]], "aget_chunk() (grag.components.vectordb.base.vectordb method)": [[18, "grag.components.vectordb.base.VectorDB.aget_chunk", false]], "aget_chunk() (grag.components.vectordb.chroma_client.chromaclient method)": [[18, "grag.components.vectordb.chroma_client.ChromaClient.aget_chunk", false]], "aget_chunk() (grag.components.vectordb.deeplake_client.deeplakeclient method)": [[18, "grag.components.vectordb.deeplake_client.DeepLakeClient.aget_chunk", false]], "aget_doc() (grag.components.multivec_retriever.retriever method)": [[17, "grag.components.multivec_retriever.Retriever.aget_doc", false]], "aingest() (grag.components.multivec_retriever.retriever method)": [[17, "grag.components.multivec_retriever.Retriever.aingest", false]], "basicrag (class in grag.rag.basic_rag)": [[21, "grag.rag.basic_rag.BasicRAG", false]], "building_llamacpp() (in module grag.quantize.utils)": [[20, "grag.quantize.utils.building_llamacpp", false]], "chromaclient (class in grag.components.vectordb.chroma_client)": [[18, "grag.components.vectordb.chroma_client.ChromaClient", false]], "chunk_overlap (grag.components.text_splitter.textsplitter attribute)": [[17, "grag.components.text_splitter.TextSplitter.chunk_overlap", false]], "chunk_size (grag.components.text_splitter.textsplitter attribute)": [[17, "grag.components.text_splitter.TextSplitter.chunk_size", false]], "classify() (grag.components.parse_pdf.parsepdf method)": [[17, "grag.components.parse_pdf.ParsePDF.classify", false]], "client (grag.components.vectordb.chroma_client.chromaclient attribute)": [[18, "grag.components.vectordb.chroma_client.ChromaClient.client", false]], "client (grag.components.vectordb.deeplake_client.deeplakeclient attribute)": [[18, "grag.components.vectordb.deeplake_client.DeepLakeClient.client", false]], "collection (grag.components.vectordb.chroma_client.chromaclient attribute)": [[18, "grag.components.vectordb.chroma_client.ChromaClient.collection", false]], "collection (grag.components.vectordb.deeplake_client.deeplakeclient attribute)": [[18, "grag.components.vectordb.deeplake_client.DeepLakeClient.collection", false]], "collection_name (grag.components.vectordb.chroma_client.chromaclient attribute)": [[18, "grag.components.vectordb.chroma_client.ChromaClient.collection_name", false]], "custom_prompt (grag.rag.basic_rag.basicrag attribute)": [[21, "grag.rag.basic_rag.BasicRAG.custom_prompt", false]], "deeplakeclient (class in grag.components.vectordb.deeplake_client)": [[18, "grag.components.vectordb.deeplake_client.DeepLakeClient", false]], "delete() (grag.components.vectordb.base.vectordb method)": [[18, "grag.components.vectordb.base.VectorDB.delete", false]], "delete() (grag.components.vectordb.chroma_client.chromaclient method)": [[18, "grag.components.vectordb.chroma_client.ChromaClient.delete", false]], "delete() (grag.components.vectordb.deeplake_client.deeplakeclient method)": [[18, "grag.components.vectordb.deeplake_client.DeepLakeClient.delete", false]], "device_map (grag.components.llm.llm attribute)": [[17, "grag.components.llm.LLM.device_map", false]], "doc_chain (grag.components.prompt.fewshotprompt attribute)": [[17, "grag.components.prompt.FewShotPrompt.doc_chain", false]], "doc_chain (grag.components.prompt.prompt attribute)": [[17, "grag.components.prompt.Prompt.doc_chain", false], [17, "id6", false]], "doc_chain (grag.rag.basic_rag.basicrag attribute)": [[21, "grag.rag.basic_rag.BasicRAG.doc_chain", false]], "doc_chain (grag.rag.basic_rag.basicrag property)": [[21, "id0", false]], "embedding (class in grag.components.embedding)": [[17, "grag.components.embedding.Embedding", false]], "embedding_function (grag.components.embedding.embedding attribute)": [[17, "grag.components.embedding.Embedding.embedding_function", false]], "embedding_function (grag.components.vectordb.chroma_client.chromaclient attribute)": [[18, "grag.components.vectordb.chroma_client.ChromaClient.embedding_function", false]], "embedding_function (grag.components.vectordb.deeplake_client.deeplakeclient attribute)": [[18, "grag.components.vectordb.deeplake_client.DeepLakeClient.embedding_function", false]], "embedding_model (grag.components.embedding.embedding attribute)": [[17, "grag.components.embedding.Embedding.embedding_model", false]], "embedding_model (grag.components.vectordb.chroma_client.chromaclient attribute)": [[18, "grag.components.vectordb.chroma_client.ChromaClient.embedding_model", false]], "embedding_model (grag.components.vectordb.deeplake_client.deeplakeclient attribute)": [[18, "grag.components.vectordb.deeplake_client.DeepLakeClient.embedding_model", false]], "embedding_type (grag.components.embedding.embedding attribute)": [[17, "grag.components.embedding.Embedding.embedding_type", false]], "embedding_type (grag.components.vectordb.chroma_client.chromaclient attribute)": [[18, "grag.components.vectordb.chroma_client.ChromaClient.embedding_type", false]], "embedding_type (grag.components.vectordb.deeplake_client.deeplakeclient attribute)": [[18, "grag.components.vectordb.deeplake_client.DeepLakeClient.embedding_type", false]], "example_template (grag.components.prompt.fewshotprompt attribute)": [[17, "grag.components.prompt.FewShotPrompt.example_template", false], [17, "id2", false]], "examples (grag.components.prompt.fewshotprompt attribute)": [[17, "grag.components.prompt.FewShotPrompt.examples", false], [17, "id3", false]], "extract_image_block_types (grag.components.parse_pdf.parsepdf attribute)": [[17, "grag.components.parse_pdf.ParsePDF.extract_image_block_types", false]], "extract_images (grag.components.parse_pdf.parsepdf attribute)": [[17, "grag.components.parse_pdf.ParsePDF.extract_images", false]], "fetch_model_repo() (in module grag.quantize.utils)": [[20, "grag.quantize.utils.fetch_model_repo", false]], "fewshotprompt (class in grag.components.prompt)": [[17, "grag.components.prompt.FewShotPrompt", false]], "filepath (grag.components.prompt.fewshotprompt attribute)": [[17, "grag.components.prompt.FewShotPrompt.filepath", false]], "filepath (grag.components.prompt.prompt attribute)": [[17, "grag.components.prompt.Prompt.filepath", false], [17, "id7", false]], "find_config_path() (in module grag.components.utils)": [[17, "grag.components.utils.find_config_path", false]], "format() (grag.components.prompt.prompt method)": [[17, "grag.components.prompt.Prompt.format", false]], "gen_doc_ids() (grag.components.multivec_retriever.retriever method)": [[17, "grag.components.multivec_retriever.Retriever.gen_doc_ids", false]], "get_chunk() (grag.components.multivec_retriever.retriever method)": [[17, "grag.components.multivec_retriever.Retriever.get_chunk", false]], "get_chunk() (grag.components.vectordb.base.vectordb method)": [[18, "grag.components.vectordb.base.VectorDB.get_chunk", false]], "get_chunk() (grag.components.vectordb.chroma_client.chromaclient method)": [[18, "grag.components.vectordb.chroma_client.ChromaClient.get_chunk", false]], "get_chunk() (grag.components.vectordb.deeplake_client.deeplakeclient method)": [[18, "grag.components.vectordb.deeplake_client.DeepLakeClient.get_chunk", false]], "get_config() (in module grag.components.utils)": [[17, "grag.components.utils.get_config", false]], "get_doc() (grag.components.multivec_retriever.retriever method)": [[17, "grag.components.multivec_retriever.Retriever.get_doc", false]], "get_docs_from_chunks() (grag.components.multivec_retriever.retriever method)": [[17, "grag.components.multivec_retriever.Retriever.get_docs_from_chunks", false]], "get_llamacpp_repo() (in module grag.quantize.utils)": [[20, "grag.quantize.utils.get_llamacpp_repo", false]], "grag": [[16, "module-grag", false]], "grag.components": [[17, "module-grag.components", false]], "grag.components.embedding": [[17, "module-grag.components.embedding", false]], "grag.components.llm": [[17, "module-grag.components.llm", false]], "grag.components.multivec_retriever": [[17, "module-grag.components.multivec_retriever", false]], "grag.components.parse_pdf": [[17, "module-grag.components.parse_pdf", false]], "grag.components.prompt": [[17, "module-grag.components.prompt", false]], "grag.components.text_splitter": [[17, "module-grag.components.text_splitter", false]], "grag.components.utils": [[17, "module-grag.components.utils", false]], "grag.components.vectordb": [[18, "module-grag.components.vectordb", false]], "grag.components.vectordb.base": [[18, "module-grag.components.vectordb.base", false]], "grag.components.vectordb.chroma_client": [[18, "module-grag.components.vectordb.chroma_client", false]], "grag.components.vectordb.deeplake_client": [[18, "module-grag.components.vectordb.deeplake_client", false]], "grag.prompts": [[19, "module-grag.prompts", false]], "grag.quantize": [[20, "module-grag.quantize", false]], "grag.quantize.quantize": [[20, "module-grag.quantize.quantize", false]], "grag.quantize.utils": [[20, "module-grag.quantize.utils", false]], "grag.rag": [[21, "module-grag.rag", false]], "grag.rag.basic_rag": [[21, "module-grag.rag.basic_rag", false]], "hf_pipeline() (grag.components.llm.llm method)": [[17, "grag.components.llm.LLM.hf_pipeline", false]], "host (grag.components.vectordb.chroma_client.chromaclient attribute)": [[18, "grag.components.vectordb.chroma_client.ChromaClient.host", false]], "id_gen() (grag.components.multivec_retriever.retriever method)": [[17, "grag.components.multivec_retriever.Retriever.id_gen", false]], "id_key (grag.components.multivec_retriever.retriever attribute)": [[17, "grag.components.multivec_retriever.Retriever.id_key", false]], "image_output_dir (grag.components.parse_pdf.parsepdf attribute)": [[17, "grag.components.parse_pdf.ParsePDF.image_output_dir", false]], "infer_table_structure (grag.components.parse_pdf.parsepdf attribute)": [[17, "grag.components.parse_pdf.ParsePDF.infer_table_structure", false]], "ingest() (grag.components.multivec_retriever.retriever method)": [[17, "grag.components.multivec_retriever.Retriever.ingest", false]], "input_keys (grag.components.prompt.fewshotprompt attribute)": [[17, "grag.components.prompt.FewShotPrompt.input_keys", false], [17, "id1", false]], "input_keys (grag.components.prompt.prompt attribute)": [[17, "grag.components.prompt.Prompt.input_keys", false], [17, "id8", false]], "langchain_client (grag.components.vectordb.chroma_client.chromaclient attribute)": [[18, "grag.components.vectordb.chroma_client.ChromaClient.langchain_client", false]], "langchain_client (grag.components.vectordb.deeplake_client.deeplakeclient attribute)": [[18, "grag.components.vectordb.deeplake_client.DeepLakeClient.langchain_client", false]], "language (grag.components.prompt.fewshotprompt attribute)": [[17, "grag.components.prompt.FewShotPrompt.language", false]], "language (grag.components.prompt.prompt attribute)": [[17, "grag.components.prompt.Prompt.language", false], [17, "id9", false]], "llama_cpp() (grag.components.llm.llm method)": [[17, "grag.components.llm.LLM.llama_cpp", false]], "llm (class in grag.components.llm)": [[17, "grag.components.llm.LLM", false]], "llm_kwargs (grag.rag.basic_rag.basicrag attribute)": [[21, "grag.rag.basic_rag.BasicRAG.llm_kwargs", false]], "llm_type (grag.components.prompt.fewshotprompt attribute)": [[17, "grag.components.prompt.FewShotPrompt.llm_type", false]], "llm_type (grag.components.prompt.prompt attribute)": [[17, "grag.components.prompt.Prompt.llm_type", false], [17, "id10", false]], "load() (grag.components.prompt.prompt class method)": [[17, "grag.components.prompt.Prompt.load", false]], "load_file() (grag.components.parse_pdf.parsepdf method)": [[17, "grag.components.parse_pdf.ParsePDF.load_file", false]], "load_model() (grag.components.llm.llm method)": [[17, "grag.components.llm.LLM.load_model", false]], "max_new_tokens (grag.components.llm.llm attribute)": [[17, "grag.components.llm.LLM.max_new_tokens", false]], "model_computed_fields (grag.components.prompt.fewshotprompt attribute)": [[17, "grag.components.prompt.FewShotPrompt.model_computed_fields", false]], "model_computed_fields (grag.components.prompt.prompt attribute)": [[17, "grag.components.prompt.Prompt.model_computed_fields", false]], "model_config (grag.components.prompt.fewshotprompt attribute)": [[17, "grag.components.prompt.FewShotPrompt.model_config", false]], "model_config (grag.components.prompt.prompt attribute)": [[17, "grag.components.prompt.Prompt.model_config", false]], "model_fields (grag.components.prompt.fewshotprompt attribute)": [[17, "grag.components.prompt.FewShotPrompt.model_fields", false]], "model_fields (grag.components.prompt.prompt attribute)": [[17, "grag.components.prompt.Prompt.model_fields", false]], "model_name (grag.components.llm.llm attribute)": [[17, "grag.components.llm.LLM.model_name", false]], "model_name (grag.components.llm.llm property)": [[17, "id0", false]], "model_name (grag.rag.basic_rag.basicrag attribute)": [[21, "grag.rag.basic_rag.BasicRAG.model_name", false]], "model_name (grag.rag.basic_rag.basicrag property)": [[21, "id1", false]], "model_path (grag.components.llm.llm property)": [[17, "grag.components.llm.LLM.model_path", false]], "module": [[16, "module-grag", false], [17, "module-grag.components", false], [17, "module-grag.components.embedding", false], [17, "module-grag.components.llm", false], [17, "module-grag.components.multivec_retriever", false], [17, "module-grag.components.parse_pdf", false], [17, "module-grag.components.prompt", false], [17, "module-grag.components.text_splitter", false], [17, "module-grag.components.utils", false], [18, "module-grag.components.vectordb", false], [18, "module-grag.components.vectordb.base", false], [18, "module-grag.components.vectordb.chroma_client", false], [18, "module-grag.components.vectordb.deeplake_client", false], [19, "module-grag.prompts", false], [20, "module-grag.quantize", false], [20, "module-grag.quantize.quantize", false], [20, "module-grag.quantize.utils", false], [21, "module-grag.rag", false], [21, "module-grag.rag.basic_rag", false]], "n_batch (grag.components.llm.llm attribute)": [[17, "grag.components.llm.LLM.n_batch", false]], "n_ctx (grag.components.llm.llm attribute)": [[17, "grag.components.llm.LLM.n_ctx", false]], "n_gpu_layers (grag.components.llm.llm attribute)": [[17, "grag.components.llm.LLM.n_gpu_layers", false]], "name (grag.components.prompt.fewshotprompt attribute)": [[17, "grag.components.prompt.FewShotPrompt.name", false]], "name (grag.components.prompt.prompt attribute)": [[17, "grag.components.prompt.Prompt.name", false], [17, "id11", false]], "namespace (grag.components.multivec_retriever.retriever attribute)": [[17, "grag.components.multivec_retriever.Retriever.namespace", false]], "output_keys (grag.components.prompt.fewshotprompt attribute)": [[17, "grag.components.prompt.FewShotPrompt.output_keys", false]], "output_parser() (grag.rag.basic_rag.basicrag static method)": [[21, "grag.rag.basic_rag.BasicRAG.output_parser", false]], "parsepdf (class in grag.components.parse_pdf)": [[17, "grag.components.parse_pdf.ParsePDF", false]], "partition() (grag.components.parse_pdf.parsepdf method)": [[17, "grag.components.parse_pdf.ParsePDF.partition", false]], "port (grag.components.vectordb.chroma_client.chromaclient attribute)": [[18, "grag.components.vectordb.chroma_client.ChromaClient.port", false]], "prefix (grag.components.prompt.fewshotprompt attribute)": [[17, "grag.components.prompt.FewShotPrompt.prefix", false], [17, "id4", false]], "process_images() (grag.components.parse_pdf.parsepdf method)": [[17, "grag.components.parse_pdf.ParsePDF.process_images", false]], "process_tables() (grag.components.parse_pdf.parsepdf method)": [[17, "grag.components.parse_pdf.ParsePDF.process_tables", false]], "process_text() (grag.components.parse_pdf.parsepdf method)": [[17, "grag.components.parse_pdf.ParsePDF.process_text", false]], "prompt (class in grag.components.prompt)": [[17, "grag.components.prompt.Prompt", false]], "prompt (grag.components.prompt.prompt attribute)": [[17, "grag.components.prompt.Prompt.prompt", false]], "prompt_matcher() (grag.rag.basic_rag.basicrag method)": [[21, "grag.rag.basic_rag.BasicRAG.prompt_matcher", false]], "quantize_model() (in module grag.quantize.utils)": [[20, "grag.quantize.utils.quantize_model", false]], "refine_call() (grag.rag.basic_rag.basicrag method)": [[21, "grag.rag.basic_rag.BasicRAG.refine_call", false]], "retriever (class in grag.components.multivec_retriever)": [[17, "grag.components.multivec_retriever.Retriever", false]], "retriever (grag.components.multivec_retriever.retriever attribute)": [[17, "grag.components.multivec_retriever.Retriever.retriever", false]], "retriever_kwargs (grag.rag.basic_rag.basicrag attribute)": [[21, "grag.rag.basic_rag.BasicRAG.retriever_kwargs", false]], "save() (grag.components.prompt.prompt method)": [[17, "grag.components.prompt.Prompt.save", false]], "single_text_out (grag.components.parse_pdf.parsepdf attribute)": [[17, "grag.components.parse_pdf.ParsePDF.single_text_out", false]], "source (grag.components.prompt.fewshotprompt attribute)": [[17, "grag.components.prompt.FewShotPrompt.source", false]], "source (grag.components.prompt.prompt attribute)": [[17, "grag.components.prompt.Prompt.source", false], [17, "id12", false]], "split_docs() (grag.components.multivec_retriever.retriever method)": [[17, "grag.components.multivec_retriever.Retriever.split_docs", false]], "splitter (grag.components.multivec_retriever.retriever attribute)": [[17, "grag.components.multivec_retriever.Retriever.splitter", false]], "store (grag.components.multivec_retriever.retriever attribute)": [[17, "grag.components.multivec_retriever.Retriever.store", false]], "store_path (grag.components.multivec_retriever.retriever attribute)": [[17, "grag.components.multivec_retriever.Retriever.store_path", false]], "store_path (grag.components.vectordb.deeplake_client.deeplakeclient attribute)": [[18, "grag.components.vectordb.deeplake_client.DeepLakeClient.store_path", false]], "strategy (grag.components.parse_pdf.parsepdf attribute)": [[17, "grag.components.parse_pdf.ParsePDF.strategy", false]], "stuff_call() (grag.rag.basic_rag.basicrag method)": [[21, "grag.rag.basic_rag.BasicRAG.stuff_call", false]], "stuff_docs() (grag.rag.basic_rag.basicrag static method)": [[21, "grag.rag.basic_rag.BasicRAG.stuff_docs", false]], "stuff_docs() (in module grag.components.utils)": [[17, "grag.components.utils.stuff_docs", false]], "suffix (grag.components.prompt.fewshotprompt attribute)": [[17, "grag.components.prompt.FewShotPrompt.suffix", false], [17, "id5", false]], "task (grag.components.llm.llm attribute)": [[17, "grag.components.llm.LLM.task", false]], "task (grag.components.prompt.fewshotprompt attribute)": [[17, "grag.components.prompt.FewShotPrompt.task", false]], "task (grag.components.prompt.prompt attribute)": [[17, "grag.components.prompt.Prompt.task", false], [17, "id13", false]], "task (grag.rag.basic_rag.basicrag attribute)": [[21, "grag.rag.basic_rag.BasicRAG.task", false]], "task (grag.rag.basic_rag.basicrag property)": [[21, "id2", false]], "temperature (grag.components.llm.llm attribute)": [[17, "grag.components.llm.LLM.temperature", false]], "template (grag.components.prompt.prompt attribute)": [[17, "grag.components.prompt.Prompt.template", false]], "test_connection() (grag.components.vectordb.chroma_client.chromaclient method)": [[18, "grag.components.vectordb.chroma_client.ChromaClient.test_connection", false]], "text_concat() (grag.components.parse_pdf.parsepdf method)": [[17, "grag.components.parse_pdf.ParsePDF.text_concat", false]], "text_splitter (grag.components.text_splitter.textsplitter attribute)": [[17, "grag.components.text_splitter.TextSplitter.text_splitter", false]], "textsplitter (class in grag.components.text_splitter)": [[17, "grag.components.text_splitter.TextSplitter", false]], "top_k (grag.components.multivec_retriever.retriever attribute)": [[17, "grag.components.multivec_retriever.Retriever.top_k", false]], "validate_doc_chain() (grag.components.prompt.prompt class method)": [[17, "grag.components.prompt.Prompt.validate_doc_chain", false]], "validate_examples() (grag.components.prompt.fewshotprompt class method)": [[17, "grag.components.prompt.FewShotPrompt.validate_examples", false]], "validate_input_keys() (grag.components.prompt.prompt class method)": [[17, "grag.components.prompt.Prompt.validate_input_keys", false]], "validate_output_keys() (grag.components.prompt.fewshotprompt class method)": [[17, "grag.components.prompt.FewShotPrompt.validate_output_keys", false]], "validate_task() (grag.components.prompt.prompt class method)": [[17, "grag.components.prompt.Prompt.validate_task", false]], "vectordb (class in grag.components.vectordb.base)": [[18, "grag.components.vectordb.base.VectorDB", false]], "vectordb (grag.components.multivec_retriever.retriever attribute)": [[17, "grag.components.multivec_retriever.Retriever.vectordb", false]]}, "objects": {"": [[16, 0, 0, "-", "grag"]], "grag": [[17, 0, 0, "-", "components"], [19, 0, 0, "-", "prompts"], [20, 0, 0, "-", "quantize"], [21, 0, 0, "-", "rag"]], "grag.components": [[17, 0, 0, "-", "embedding"], [17, 0, 0, "-", "llm"], [17, 0, 0, "-", "multivec_retriever"], [17, 0, 0, "-", "parse_pdf"], [17, 0, 0, "-", "prompt"], [17, 0, 0, "-", "text_splitter"], [17, 0, 0, "-", "utils"], [18, 0, 0, "-", "vectordb"]], "grag.components.embedding": [[17, 1, 1, "", "Embedding"]], "grag.components.embedding.Embedding": [[17, 2, 1, "", "embedding_function"], [17, 2, 1, "", "embedding_model"], [17, 2, 1, "", "embedding_type"]], "grag.components.llm": [[17, 1, 1, "", "LLM"]], "grag.components.llm.LLM": [[17, 2, 1, "", "device_map"], [17, 3, 1, "", "hf_pipeline"], [17, 3, 1, "", "llama_cpp"], [17, 3, 1, "", "load_model"], [17, 2, 1, "", "max_new_tokens"], [17, 4, 1, "id0", "model_name"], [17, 4, 1, "", "model_path"], [17, 2, 1, "", "n_batch"], [17, 2, 1, "", "n_ctx"], [17, 2, 1, "", "n_gpu_layers"], [17, 2, 1, "", "task"], [17, 2, 1, "", "temperature"]], "grag.components.multivec_retriever": [[17, 1, 1, "", "Retriever"]], "grag.components.multivec_retriever.Retriever": [[17, 3, 1, "", "aadd_docs"], [17, 3, 1, "", "add_docs"], [17, 3, 1, "", "aget_chunk"], [17, 3, 1, "", "aget_doc"], [17, 3, 1, "", "aingest"], [17, 3, 1, "", "gen_doc_ids"], [17, 3, 1, "", "get_chunk"], [17, 3, 1, "", "get_doc"], [17, 3, 1, "", "get_docs_from_chunks"], [17, 3, 1, "", "id_gen"], [17, 2, 1, "", "id_key"], [17, 3, 1, "", "ingest"], [17, 2, 1, "", "namespace"], [17, 2, 1, "", "retriever"], [17, 3, 1, "", "split_docs"], [17, 2, 1, "", "splitter"], [17, 2, 1, "", "store"], [17, 2, 1, "", "store_path"], [17, 2, 1, "", "top_k"], [17, 2, 1, "", "vectordb"]], "grag.components.parse_pdf": [[17, 1, 1, "", "ParsePDF"]], "grag.components.parse_pdf.ParsePDF": [[17, 2, 1, "", "add_caption_first"], [17, 2, 1, "", "add_captions_to_blocks"], [17, 2, 1, "", "add_captions_to_text"], [17, 3, 1, "", "classify"], [17, 2, 1, "", "extract_image_block_types"], [17, 2, 1, "", "extract_images"], [17, 2, 1, "", "image_output_dir"], [17, 2, 1, "", "infer_table_structure"], [17, 3, 1, "", "load_file"], [17, 3, 1, "", "partition"], [17, 3, 1, "", "process_images"], [17, 3, 1, "", "process_tables"], [17, 3, 1, "", "process_text"], [17, 2, 1, "", "single_text_out"], [17, 2, 1, "", "strategy"], [17, 3, 1, "", "text_concat"]], "grag.components.prompt": [[17, 1, 1, "", "FewShotPrompt"], [17, 1, 1, "", "Prompt"]], "grag.components.prompt.FewShotPrompt": [[17, 2, 1, "", "doc_chain"], [17, 2, 1, "id2", "example_template"], [17, 2, 1, "id3", "examples"], [17, 2, 1, "", "filepath"], [17, 2, 1, "id1", "input_keys"], [17, 2, 1, "", "language"], [17, 2, 1, "", "llm_type"], [17, 2, 1, "", "model_computed_fields"], [17, 2, 1, "", "model_config"], [17, 2, 1, "", "model_fields"], [17, 2, 1, "", "name"], [17, 2, 1, "", "output_keys"], [17, 2, 1, "id4", "prefix"], [17, 2, 1, "", "source"], [17, 2, 1, "id5", "suffix"], [17, 2, 1, "", "task"], [17, 3, 1, "", "validate_examples"], [17, 3, 1, "", "validate_output_keys"]], "grag.components.prompt.Prompt": [[17, 2, 1, "id6", "doc_chain"], [17, 2, 1, "id7", "filepath"], [17, 3, 1, "", "format"], [17, 2, 1, "id8", "input_keys"], [17, 2, 1, "id9", "language"], [17, 2, 1, "id10", "llm_type"], [17, 3, 1, "", "load"], [17, 2, 1, "", "model_computed_fields"], [17, 2, 1, "", "model_config"], [17, 2, 1, "", "model_fields"], [17, 2, 1, "id11", "name"], [17, 2, 1, "", "prompt"], [17, 3, 1, "", "save"], [17, 2, 1, "id12", "source"], [17, 2, 1, "id13", "task"], [17, 2, 1, "", "template"], [17, 3, 1, "", "validate_doc_chain"], [17, 3, 1, "", "validate_input_keys"], [17, 3, 1, "", "validate_task"]], "grag.components.text_splitter": [[17, 1, 1, "", "TextSplitter"]], "grag.components.text_splitter.TextSplitter": [[17, 2, 1, "", "chunk_overlap"], [17, 2, 1, "", "chunk_size"], [17, 2, 1, "", "text_splitter"]], "grag.components.utils": [[17, 5, 1, "", "find_config_path"], [17, 5, 1, "", "get_config"], [17, 5, 1, "", "stuff_docs"]], "grag.components.vectordb": [[18, 0, 0, "-", "base"], [18, 0, 0, "-", "chroma_client"], [18, 0, 0, "-", "deeplake_client"]], "grag.components.vectordb.base": [[18, 1, 1, "", "VectorDB"]], "grag.components.vectordb.base.VectorDB": [[18, 3, 1, "", "aadd_docs"], [18, 3, 1, "", "add_docs"], [18, 3, 1, "", "aget_chunk"], [18, 3, 1, "", "delete"], [18, 3, 1, "", "get_chunk"]], "grag.components.vectordb.chroma_client": [[18, 1, 1, "", "ChromaClient"]], "grag.components.vectordb.chroma_client.ChromaClient": [[18, 3, 1, "", "aadd_docs"], [18, 3, 1, "", "add_docs"], [18, 3, 1, "", "aget_chunk"], [18, 2, 1, "", "client"], [18, 2, 1, "", "collection"], [18, 2, 1, "", "collection_name"], [18, 3, 1, "", "delete"], [18, 2, 1, "", "embedding_function"], [18, 2, 1, "", "embedding_model"], [18, 2, 1, "", "embedding_type"], [18, 3, 1, "", "get_chunk"], [18, 2, 1, "", "host"], [18, 2, 1, "", "langchain_client"], [18, 2, 1, "", "port"], [18, 3, 1, "", "test_connection"]], "grag.components.vectordb.deeplake_client": [[18, 1, 1, "", "DeepLakeClient"]], "grag.components.vectordb.deeplake_client.DeepLakeClient": [[18, 3, 1, "", "aadd_docs"], [18, 3, 1, "", "add_docs"], [18, 3, 1, "", "aget_chunk"], [18, 2, 1, "", "client"], [18, 2, 1, "", "collection"], [18, 3, 1, "", "delete"], [18, 2, 1, "", "embedding_function"], [18, 2, 1, "", "embedding_model"], [18, 2, 1, "", "embedding_type"], [18, 3, 1, "", "get_chunk"], [18, 2, 1, "", "langchain_client"], [18, 2, 1, "", "store_path"]], "grag.quantize": [[20, 0, 0, "-", "quantize"], [20, 0, 0, "-", "utils"]], "grag.quantize.utils": [[20, 5, 1, "", "building_llamacpp"], [20, 5, 1, "", "fetch_model_repo"], [20, 5, 1, "", "get_llamacpp_repo"], [20, 5, 1, "", "quantize_model"]], "grag.rag": [[21, 0, 0, "-", "basic_rag"]], "grag.rag.basic_rag": [[21, 1, 1, "", "BasicRAG"]], "grag.rag.basic_rag.BasicRAG": [[21, 2, 1, "", "custom_prompt"], [21, 4, 1, "id0", "doc_chain"], [21, 2, 1, "", "llm_kwargs"], [21, 4, 1, "id1", "model_name"], [21, 3, 1, "", "output_parser"], [21, 3, 1, "", "prompt_matcher"], [21, 3, 1, "", "refine_call"], [21, 2, 1, "", "retriever_kwargs"], [21, 3, 1, "", "stuff_call"], [21, 3, 1, "", "stuff_docs"], [21, 4, 1, "id2", "task"]]}, "objnames": {"0": ["py", "module", "Python module"], "1": ["py", "class", "Python class"], "2": ["py", "attribute", "Python attribute"], "3": ["py", "method", "Python method"], "4": ["py", "property", "Python property"], "5": ["py", "function", "Python function"]}, "objtypes": {"0": "py:module", "1": "py:class", "2": "py:attribute", "3": "py:method", "4": "py:property", "5": "py:function"}, "terms": {"": 17, "0": [6, 8, 9, 17, 24], "00": [6, 9, 24], "000": [6, 9], "001": 24, "01": 24, "03": 24, "036": 24, "06": 24, "1": [8, 9, 17], "1024": 17, "12": 24, "13b": 17, "2": [2, 15, 17], "237": 24, "275": 24, "3": [8, 14, 17], "3f": 8, "400": [3, 4, 17], "484": 24, "5": [6, 24], "5000": 17, "6000": 17, "8000": [15, 18], "8c9040b0b5cd4d7cbc2e737da1b24ebf": 17, "935": 24, "A": [8, 17, 18, 20], "By": 15, "For": [12, 14, 15], "If": [14, 15, 17], "It": [17, 22], "OR": 15, "The": [8, 17, 18, 20, 22], "To": [11, 15], "__fields__": 17, "__file__": [2, 15], "__init__": 8, "__main__": [3, 4, 8], "__name__": [3, 4, 8], "_queri": 8, "_static": [3, 4], "_top_k": 8, "aadd_doc": [16, 17, 18], "abc": 18, "about": [8, 17], "abov": [14, 17], "abstract": 18, "accuraci": 17, "activ": 8, "add": [17, 18], "add_caption_first": [16, 17], "add_captions_to_block": [16, 17], "add_captions_to_text": [16, 17], "add_doc": [16, 17, 18], "addit": 17, "address": [8, 18], "after": [14, 17], "aget_chunk": [16, 17, 18], "aget_doc": [16, 17], "aingest": [2, 16, 17], "alik": 8, "aliv": 18, "all": [5, 7, 17, 18, 19, 24], "also": [17, 22], "alt": [3, 4], "altern": 2, "alwai": 17, "an": [7, 13, 14, 22], "ani": [15, 17, 22], "annot": 17, "answer": [0, 1], "anyth": 8, "api": 18, "app": 8, "appli": 20, "applic": 8, "ar": [12, 14, 15], "arg": 8, "argument": [15, 17, 21], "artifici": 8, "arxiv": 18, "async": [2, 17, 18], "asynchron": [2, 17, 18], "asyncio": 2, "attempt": 20, "attribut": 8, "augment": 22, "auth": 14, "auto": 17, "auto_exampl": [6, 9], "avail": 17, "awar": 17, "backend": 8, "bar": 18, "base": [0, 1, 8, 15, 16, 17, 21], "base_dir": 17, "basemodel": 17, "basi": 21, "basic": [0, 1, 6, 10, 16, 22, 23, 24], "basic_rag": [0, 1, 3, 4, 21], "basicrag": [0, 1, 3, 4, 16, 21, 23], "basicrag_customprompt": [0, 6, 24], "basicrag_fewshotprompt": [1, 6, 24], "basicrag_ingest": [2, 6, 24], "basicrag_refin": [3, 6, 24], "basicrag_stuff": [4, 6, 24], "batch": 17, "befor": 17, "being": 17, "below": [1, 5, 7], "better": 17, "block": 17, "blog": 8, "bool": [17, 18], "both": 15, "build": 20, "building_llamacpp": [16, 20, 23], "bulb": 8, "button": 8, "call": 17, "call_func": 21, "came": 1, "can": [12, 14, 15], "cannot": 17, "capstone_5": [17, 18], "caption": 17, "chain": [5, 6, 17, 21], "chang": [14, 15], "chat": 17, "check": [8, 14], "check_connect": 8, "chroma": [2, 8, 16, 17, 22], "chroma_cli": [2, 18], "chromacli": [2, 17, 18], "chromadb": 18, "chunk": [8, 17, 18], "chunk_overlap": [16, 17], "chunk_siz": [16, 17], "ci_test": 2, "class": [8, 17, 18, 21], "classifi": [16, 17], "classmethod": 17, "classvar": 17, "client": [2, 3, 4, 8, 15, 16, 17], "client_kwarg": 17, "clientserv": 15, "clone": [12, 14, 20], "cmake": 20, "co": 20, "code": [0, 1, 2, 3, 4, 5, 7, 8], "collect": [8, 17, 18], "collection_nam": [2, 3, 4, 8, 17, 18], "combin": 17, "command": 14, "complet": 13, "completedprocess": 20, "compon": [0, 1, 2, 3, 4, 8, 15, 16, 18, 22, 23], "comput": 17, "computedfieldinfo": 17, "concat": 17, "concaten": [17, 21], "config": [12, 14, 15, 17], "configdict": 17, "configpars": 17, "configur": 17, "conform": 17, "connect": [8, 17, 18], "contain": [15, 17, 19, 20], "content": 23, "context": [0, 1, 17], "convolut": 1, "cookbook": [0, 1, 2, 3, 4, 8, 15, 22, 24], "copi": [14, 20], "core": 18, "correspond": [17, 18], "cosin": [17, 18], "could": 8, "count": 8, "cpp": [14, 17, 20], "crucial": 15, "current": [15, 17], "current_path": 17, "custom": [5, 6, 12, 17], "custom_few_shot_prompt": 1, "custom_prompt": [0, 1, 16, 17, 21], "data": [2, 11, 17, 18], "databas": [2, 15, 17, 18], "decor": 21, "deeplak": [15, 16, 17, 22], "deeplake_cli": [2, 3, 4, 18], "deeplakecli": [2, 3, 4, 15, 17, 18], "def": 8, "default": [15, 17, 18, 20, 21], "defin": 17, "delet": [17, 18], "demonstr": [0, 1, 2, 3, 4, 5, 7, 8], "deriv": 18, "detail": [8, 14, 15, 17], "develop": 12, "devic": 17, "device_map": [16, 17], "dict": [17, 21], "dictionari": 17, "differ": 19, "dimension": 15, "dir_path": [2, 15, 17], "directori": [14, 17, 20], "displai": 8, "doc": [3, 4, 8, 17, 18, 21], "doc_chain": [0, 1, 3, 4, 16, 17, 21], "doc_id": 17, "document": [3, 4, 5, 6, 17, 18, 21], "doe": [14, 17], "download": [0, 1, 2, 3, 4, 5, 7, 8, 14, 20], "dry_run": 17, "dure": 17, "e": 12, "each": [17, 18], "easi": 22, "easiest": 14, "either": [14, 15], "element": 17, "elif": 2, "els": [8, 18], "embed": [8, 11, 16, 18, 23], "embedding_funct": [16, 17, 18], "embedding_model": [8, 15, 16, 17, 18], "embedding_modelnam": 18, "embedding_typ": [8, 15, 16, 17, 18], "en": 17, "end": [0, 1, 2, 3, 4, 8, 22], "ensur": 17, "enter": [8, 14], "enumer": 8, "etc": [14, 17], "exampl": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 14, 16, 17, 24], "example_templ": [1, 16, 17], "exclud": 17, "execut": [6, 9, 17, 24], "expand": 8, "explain": [], "explicitli": 15, "extract": 17, "extract_imag": [16, 17], "extract_image_block_typ": [16, 17], "f": 8, "f16": 17, "face": 17, "fals": [8, 17, 18], "fetch_model_repo": [16, 20, 23], "few": [5, 6, 17], "fewshotprompt": [1, 16, 17, 21, 23], "field": 17, "fieldinfo": 17, "figur": 17, "file": [6, 9, 12, 14, 15, 17, 20, 24], "filenotfounderror": 17, "filepath": [16, 17], "final": 14, "find": [8, 14, 17], "find_config_path": [16, 17, 23], "flexibl": 14, "float": [17, 18], "folder": 15, "follow": [0, 1, 14], "form": [8, 14], "form_submit_button": 8, "format": [16, 17, 21], "found": 17, "from": [0, 1, 2, 3, 4, 6, 8, 9, 12, 14, 17, 18, 20, 24], "full": [0, 1, 2, 3, 4, 8], "function": [8, 17, 18, 20], "further": 12, "galleri": [0, 1, 2, 3, 4, 5, 7, 8, 24], "gate": 14, "gen_doc_id": [16, 17], "gener": [0, 1, 2, 3, 4, 5, 7, 8, 15, 17, 22], "get": [14, 17, 22], "get_chunk": [8, 16, 17, 18], "get_config": [16, 17, 23], "get_doc": [16, 17], "get_docs_from_chunk": [16, 17], "get_llamacpp_repo": [16, 20, 23], "get_search_result": 8, "getcwd": 8, "gguf": 14, "git": [12, 20], "given": [0, 1, 17, 20], "glob": 17, "glob_pattern": 17, "go": [0, 1, 2, 3, 4, 8], "gpu": 17, "grag": [0, 1, 2, 3, 4, 8, 14, 17, 18, 20, 21], "green": 8, "gui": [9, 10, 22], "gui_jupyt": 7, "gui_python": 7, "ha": [14, 17], "handl": 17, "has_result": 8, "have": 12, "hexadecim": 17, "hf_pipelin": [16, 17], "hi_r": 17, "high": 15, "hkunlp": 18, "hold": 8, "home": [8, 17, 18], "host": [8, 15, 17, 18], "how": [0, 1, 2, 3, 4], "http": 8, "httpclient": 18, "hug": 17, "huggingfac": [11, 15, 17, 20], "i": [1, 5, 7, 8, 13, 14, 15, 17, 18, 20, 22], "id": [14, 17, 20], "id_gen": [16, 17], "id_kei": [16, 17], "identifi": 17, "imag": [3, 4, 17], "image_output_dir": [16, 17], "implement": [13, 22], "import": [0, 1, 2, 3, 4, 8], "includ": 17, "index": 22, "infer_table_structur": [16, 17], "ingest": [5, 6, 11, 16, 17], "ini": [12, 14, 15, 17], "initi": [8, 17], "input": [3, 4, 14, 17], "input_kei": [0, 1, 16, 17], "insert": 8, "instal": [11, 22], "instanc": [8, 17, 20], "instruct": 14, "instructor": [15, 17, 18], "int": [17, 18], "integ": 18, "integrag": 22, "intellig": 8, "interact": [8, 20], "interfac": 8, "introduc": 1, "io": 8, "ip": 18, "ipynb": [0, 1, 2, 3, 4, 8], "is_loc": 17, "its": 17, "join": [17, 21], "jpg": [3, 4], "json": 17, "jupit": 1, "jupyt": [0, 1, 2, 3, 4, 5, 7, 8], "just": 14, "k": 8, "kei": 17, "keyword": 21, "kwarg": [17, 21], "langchain": [17, 18], "langchain_cli": [17, 18], "langchain_commun": 18, "langchain_cor": [17, 21], "languag": [16, 17], "larg": 17, "largest": 1, "layer": 17, "lecun": 1, "len": 8, "level": 20, "like": [1, 8, 17, 22], "link": 17, "list": [8, 17, 18, 21], "llama": [14, 17, 20], "llama2": 17, "llama_cpp": [16, 17], "llamacpp": [11, 22], "llm": [11, 16, 19, 21, 22, 23], "llm_kwarg": [16, 21], "llm_type": [16, 17], "load": [16, 17], "load_env": 17, "load_fil": [16, 17], "load_model": [16, 17], "load_prompt": 17, "local": [14, 15, 17, 22], "localfilestor": 17, "localhost": 18, "locat": [17, 20], "look": 8, "lost": 8, "m": 14, "made": 12, "main": 8, "make": [14, 15, 20, 22], "manag": [8, 17], "map": 17, "markdown": 8, "match": 21, "max_new_token": [16, 17], "maximum": 17, "mb": [6, 9, 24], "mem": [6, 9, 24], "metadata": [8, 17], "metadata_toggl": 8, "method": 17, "min_valu": 8, "model": [8, 15, 17, 18, 20, 21], "model_computed_field": [16, 17], "model_config": [16, 17], "model_dir_path": 20, "model_field": [16, 17], "model_nam": [14, 16, 17, 21], "model_path": [16, 17], "model_typ": 17, "modul": [22, 23], "more": [14, 15, 17], "moreov": [], "most": [17, 18], "move": [15, 17], "much": 14, "multi": 17, "multi_vector": 17, "multivec_retriev": [2, 3, 4, 8, 17], "multivectorretriev": 17, "n": [8, 17], "n_batch": [16, 17], "n_ctx": [16, 17], "n_gpu_lay": [16, 17], "name": [1, 8, 14, 16, 17, 18, 21], "namespac": [16, 17], "network": 1, "neural": 1, "new": 17, "new_pap": 2, "nn": [17, 21], "non": 15, "none": [17, 18, 20, 21], "nonetyp": 17, "nosourc": 17, "note": 14, "notebook": [0, 1, 2, 3, 4, 5, 7, 8], "number": [8, 17, 18], "number_input": 8, "o": 8, "object": [17, 21], "offer": [14, 22], "one_to_on": 17, "onlin": 14, "open": 13, "oper": 20, "option": [8, 17, 20], "orchestr": 8, "otherwis": 8, "our": 15, "output": [17, 18, 21], "output_dir": 20, "output_kei": [1, 16, 17], "output_pars": [16, 21], "overlap": 17, "overwrit": 17, "packag": 22, "page": [8, 17, 21, 22], "page_cont": 8, "pagehom": 8, "pair": 17, "paramet": [8, 17, 18, 20, 21], "parent": [2, 8, 15, 17], "pars": [16, 23], "parse_pdf": 17, "parsepdf": [16, 17, 23], "parser": 17, "parser_kwarg": 17, "partit": [16, 17], "pass": 17, "path": [2, 8, 14, 15, 17, 18, 20], "pathlib": [2, 8], "pattern": 17, "pdf": [2, 15, 16, 23], "phase": 12, "pip": 12, "pipelin": 17, "place": 17, "planet": 1, "point": 17, "port": [8, 15, 17, 18], "prefix": [1, 16, 17], "print": 18, "priorit": 17, "process": [3, 4, 15, 17], "process_imag": [16, 17], "process_t": [16, 17], "process_text": [16, 17], "produc": 17, "progress": [17, 18], "project": 20, "prompt": [5, 6, 14, 16, 21, 22, 23], "prompt_match": [16, 21], "prompttempl": 17, "properti": [17, 21], "provid": [13, 14, 15, 17, 18, 19, 21, 22], "publish": 12, "pull": 20, "py": [0, 1, 2, 3, 4, 6, 8, 9, 24], "pydant": 17, "pypi": 12, "python": [0, 1, 2, 3, 4, 5, 7, 8, 14, 22], "q4_k_m": 14, "q5_k_m": [14, 17], "qa": [17, 21], "quantiz": [16, 17, 22, 23], "quantize_model": [16, 20, 23], "queri": [3, 4, 8, 17, 18], "question": [0, 1], "rag": [0, 1, 3, 4, 6, 10, 15, 16, 22, 23, 24], "rag_jupyt": 5, "rag_python": 5, "rais": 17, "random": 18, "reach": 17, "read": 17, "read_onli": 18, "recommend": 14, "recurs": 17, "red": 8, "refer": [15, 17], "refin": [5, 6, 17, 21], "refine_cal": [16, 21], "refine_chain_langchain_illustr": 3, "relvant": 21, "render": 8, "render_search_form": 8, "render_search_result": 8, "render_sidebar": 8, "render_stat": 8, "replac": 17, "repo": 14, "repo_id": 20, "repositori": [12, 14, 20], "repr": 17, "repres": 8, "requir": [14, 17], "respect": 17, "respons": 8, "result": [8, 20], "retriev": [2, 3, 4, 9, 10, 15, 16, 21, 22, 23], "retriever_app": [8, 9], "retriever_kwarg": [16, 21], "retriv": [7, 9], "return": [8, 17, 18, 20, 21], "root": [17, 20], "root_path": 20, "run": [2, 11, 15, 22], "run_chroma": 15, "same": 17, "sampl": 17, "save": [16, 17, 20], "score": [8, 17, 18], "script": [15, 17], "search": [8, 17, 22], "search_form": 8, "self": [8, 17, 18], "semant": 8, "sentenc": [17, 18], "seper": [17, 21], "server": 15, "session_st": 8, "set": [8, 14, 17], "sh": 15, "shot": [5, 6, 17], "should": [14, 17, 18, 20], "show": [8, 17, 18], "sidebar": 8, "similar": [8, 17, 18], "similiar": 8, "simpl": [7, 8, 22], "sinc": [12, 15], "singl": [17, 18], "single_text_out": [16, 17], "size": 17, "slow": 2, "smaller": 17, "so": 17, "solut": 22, "sourc": [0, 1, 2, 3, 4, 5, 7, 8, 13, 15, 16, 17, 18, 20, 21], "specifi": [17, 20], "sphinx": [0, 1, 2, 3, 4, 5, 7, 8], "sphx_glr_auto_examples_basicrag_customprompt": 24, "sphx_glr_auto_examples_basicrag_fewshotprompt": 24, "sphx_glr_auto_examples_basicrag_ingest": 24, "sphx_glr_auto_examples_basicrag_refin": 24, "sphx_glr_auto_examples_basicrag_stuff": 24, "spinner": 8, "split": 17, "split_doc": [16, 17], "splitter": [16, 23], "src": [3, 4, 12, 15], "st": 8, "start": [14, 17, 22], "state": 8, "static": 21, "statist": 8, "statu": 18, "std_out": 17, "step": 8, "storag": 17, "store": [11, 16, 17, 18, 22], "store_path": [16, 17, 18], "str": [8, 17, 18, 20, 21], "strategi": [16, 17], "streamlit": [7, 8], "stremlit": 8, "string": [17, 18, 21], "stuff": [0, 1, 5, 6, 17, 21], "stuff_cal": [16, 21], "stuff_chain_langchain_illustr": 4, "stuff_doc": [16, 17, 21, 23], "submit": 8, "submodul": [16, 17, 23], "subprocess": 20, "suffix": [1, 16, 17], "support": [11, 17, 18, 22], "sure": [14, 15], "sy": 8, "sync": 2, "synchron": 2, "system": 8, "tab": 8, "tab1": 8, "tab2": 8, "tabl": 17, "table_as_html": 17, "take": 17, "task": [16, 17, 21], "temperatur": [16, 17], "templat": [0, 16, 17], "test": [2, 3, 4, 18], "test_connect": [8, 17, 18], "text": [16, 23], "text_concat": [16, 17], "text_input": 8, "text_splitt": [16, 17], "textsplitt": [16, 17, 23], "thank": 22, "them": 17, "thi": [0, 1, 2, 3, 4, 8, 14, 15, 17, 18, 21], "time": 17, "titl": 8, "toggl": 8, "token": [14, 17], "top": [8, 17, 18], "top_k": [8, 16, 17, 18], "total": [6, 9, 24], "transform": [17, 18], "travers": 17, "tree": 17, "true": [2, 3, 4, 8, 17, 18], "tupl": 18, "two": 14, "type": [8, 15, 17, 18, 21], "typic": 17, "ubuntu": [17, 18], "ui": 8, "under": 15, "union": 17, "uniqu": 17, "until": 17, "up": [1, 8, 17], "updat": 20, "us": [0, 1, 2, 3, 4, 5, 7, 8, 11, 15, 17, 18, 20, 21], "user": 14, "util": [16, 23], "uuid": 17, "uuid5": 17, "v": 17, "v1": 17, "valid": 17, "validate_doc_chain": [16, 17], "validate_exampl": [16, 17], "validate_input_kei": [16, 17], "validate_output_kei": [16, 17], "validate_task": [16, 17], "valu": [8, 17], "valueerror": 17, "variou": 22, "vector": [2, 11, 17, 18, 22], "vectordb": [2, 3, 4, 8, 15, 16, 23], "vectorstor": [15, 18], "verbos": [17, 18], "volume_2k": [17, 18], "wai": [14, 22], "want": 14, "we": 12, "web": 8, "what": [1, 8], "where": [14, 20], "whether": 17, "which": 17, "while": [3, 4], "who": 1, "width": [3, 4], "with_scor": [8, 17, 18], "wrapper": 18, "write": 8, "xl": [15, 18], "yann": 1, "yet": 12, "you": 14, "your": 8, "your_collection_nam": 2, "zip": [5, 7]}, "titles": ["Custom Prompts", "Custom Few-Shot Prompts", "Document Ingestion", "Refine Chain", "Stuff Chain", "Basic-RAG Cookbooks", "Computation times", "Retriever-GUI Cookbooks", "Retriever GUI", "Computation times", "Cookbooks", "Get Started", "Installation", "GRAG Overview", "LLMs", "Vector Stores", "GRAG", "Components", "VectorDB", "Prompts", "Quantize", "RAG", "Welcome to GRAG\u2019s documentation!", "grag", "Computation times"], "titleterms": {"": 22, "To": 14, "augment": 13, "base": 18, "basic": [5, 21], "chain": [3, 4], "chroma": [15, 18], "client": 18, "compon": 17, "comput": [6, 9, 24], "content": [16, 17, 18, 19, 20, 21, 22], "cookbook": [5, 7, 10], "custom": [0, 1], "data": 15, "deeplak": 18, "document": [2, 22], "embed": [15, 17], "few": 1, "gener": 13, "get": 11, "grag": [13, 16, 22, 23], "gui": [7, 8], "how": 14, "huggingfac": 14, "indic": 22, "ingest": [2, 15], "instal": 12, "llamacpp": 14, "llm": [14, 17], "model": 14, "modul": [16, 17, 18, 19, 20, 21], "overview": 13, "pars": 17, "pdf": 17, "prompt": [0, 1, 17, 19], "quantiz": [14, 20], "rag": [5, 21], "refin": 3, "retriev": [7, 8, 13, 17], "run": 14, "shot": 1, "splitter": 17, "start": 11, "store": 15, "stuff": 4, "submodul": [18, 20, 21], "support": 15, "tabl": 22, "text": 17, "time": [6, 9, 24], "us": 14, "util": [17, 20], "vector": 15, "vectordb": [17, 18], "welcom": 22}})
\ No newline at end of file
diff --git a/src/docs/_static/refine_chain_langchain_illustration.jpg b/src/docs/_static/refine_chain_langchain_illustration.jpg
new file mode 100644
index 0000000..cdf9b84
Binary files /dev/null and b/src/docs/_static/refine_chain_langchain_illustration.jpg differ
diff --git a/src/docs/_static/stuff_chain_langchain_illustration.jpg b/src/docs/_static/stuff_chain_langchain_illustration.jpg
new file mode 100644
index 0000000..e953dce
Binary files /dev/null and b/src/docs/_static/stuff_chain_langchain_illustration.jpg differ
diff --git a/src/docs/auto_examples/Basic-RAG/Basic-RAG_jupyter.zip b/src/docs/auto_examples/Basic-RAG/Basic-RAG_jupyter.zip
index e251243..ba5a94e 100644
Binary files a/src/docs/auto_examples/Basic-RAG/Basic-RAG_jupyter.zip and b/src/docs/auto_examples/Basic-RAG/Basic-RAG_jupyter.zip differ
diff --git a/src/docs/auto_examples/Basic-RAG/Basic-RAG_python.zip b/src/docs/auto_examples/Basic-RAG/Basic-RAG_python.zip
index da8c9fa..6293a17 100644
Binary files a/src/docs/auto_examples/Basic-RAG/Basic-RAG_python.zip and b/src/docs/auto_examples/Basic-RAG/Basic-RAG_python.zip differ
diff --git a/src/docs/auto_examples/Basic-RAG/BasicRAG_FewShotPrompt_codeobj.pickle b/src/docs/auto_examples/Basic-RAG/BasicRAG_FewShotPrompt_codeobj.pickle
index 41bc3a0..28e6218 100644
Binary files a/src/docs/auto_examples/Basic-RAG/BasicRAG_FewShotPrompt_codeobj.pickle and b/src/docs/auto_examples/Basic-RAG/BasicRAG_FewShotPrompt_codeobj.pickle differ
diff --git a/src/docs/auto_examples/Basic-RAG/BasicRAG_ingest_codeobj.pickle b/src/docs/auto_examples/Basic-RAG/BasicRAG_ingest_codeobj.pickle
index 2acb6c3..d8dfee0 100644
Binary files a/src/docs/auto_examples/Basic-RAG/BasicRAG_ingest_codeobj.pickle and b/src/docs/auto_examples/Basic-RAG/BasicRAG_ingest_codeobj.pickle differ
diff --git a/src/docs/auto_examples/Basic-RAG/BasicRAG_refine.ipynb b/src/docs/auto_examples/Basic-RAG/BasicRAG_refine.ipynb
index 14b62c4..661b354 100644
--- a/src/docs/auto_examples/Basic-RAG/BasicRAG_refine.ipynb
+++ b/src/docs/auto_examples/Basic-RAG/BasicRAG_refine.ipynb
@@ -4,7 +4,7 @@
"cell_type": "markdown",
"metadata": {},
"source": [
- "# Refine Chain\nThis cookbook demonstrates how to use the refine chain for BasicRAG.\n"
+ "# Refine Chain\nThis cookbook demonstrates how to use the refine chain for BasicRAG.\n\n"
]
},
{
diff --git a/src/docs/auto_examples/Basic-RAG/BasicRAG_refine.py b/src/docs/auto_examples/Basic-RAG/BasicRAG_refine.py
index 85b640a..dffe7bd 100644
--- a/src/docs/auto_examples/Basic-RAG/BasicRAG_refine.py
+++ b/src/docs/auto_examples/Basic-RAG/BasicRAG_refine.py
@@ -1,6 +1,9 @@
"""Refine Chain
=======================
This cookbook demonstrates how to use the refine chain for BasicRAG.
+.. image:: src/docs/_static/refine_chain_langchain_illustration.jpg
+ :width: 400
+ :alt: Refine Documents Chain Process
"""
from grag.components.multivec_retriever import Retriever
diff --git a/src/docs/auto_examples/Basic-RAG/BasicRAG_refine.rst b/src/docs/auto_examples/Basic-RAG/BasicRAG_refine.rst
index 5c19462..3d0a0ee 100644
--- a/src/docs/auto_examples/Basic-RAG/BasicRAG_refine.rst
+++ b/src/docs/auto_examples/Basic-RAG/BasicRAG_refine.rst
@@ -20,8 +20,11 @@
Refine Chain
=======================
This cookbook demonstrates how to use the refine chain for BasicRAG.
+.. image:: src/docs/_static/refine_chain_langchain_illustration.jpg
+ :width: 400
+ :alt: Refine Documents Chain Process
-.. GENERATED FROM PYTHON SOURCE LINES 5-18
+.. GENERATED FROM PYTHON SOURCE LINES 8-21
.. code-block:: Python
diff --git a/src/docs/auto_examples/Basic-RAG/BasicRAG_refine_codeobj.pickle b/src/docs/auto_examples/Basic-RAG/BasicRAG_refine_codeobj.pickle
index 580cd4e..dcc3aa2 100644
Binary files a/src/docs/auto_examples/Basic-RAG/BasicRAG_refine_codeobj.pickle and b/src/docs/auto_examples/Basic-RAG/BasicRAG_refine_codeobj.pickle differ
diff --git a/src/docs/auto_examples/Basic-RAG/BasicRAG_stuff.ipynb b/src/docs/auto_examples/Basic-RAG/BasicRAG_stuff.ipynb
index 95f75ce..63895c6 100644
--- a/src/docs/auto_examples/Basic-RAG/BasicRAG_stuff.ipynb
+++ b/src/docs/auto_examples/Basic-RAG/BasicRAG_stuff.ipynb
@@ -4,7 +4,7 @@
"cell_type": "markdown",
"metadata": {},
"source": [
- "# Stuff Chain\nThis cookbook demonstrates how to use the stuff chain for BasicRAG.\n"
+ "# Stuff Chain\nThis cookbook demonstrates how to use the stuff chain for BasicRAG.\n\n"
]
},
{
diff --git a/src/docs/auto_examples/Basic-RAG/BasicRAG_stuff.py b/src/docs/auto_examples/Basic-RAG/BasicRAG_stuff.py
index fa177f5..26d1f2c 100644
--- a/src/docs/auto_examples/Basic-RAG/BasicRAG_stuff.py
+++ b/src/docs/auto_examples/Basic-RAG/BasicRAG_stuff.py
@@ -1,6 +1,9 @@
"""Stuff Chain
=======================
This cookbook demonstrates how to use the stuff chain for BasicRAG.
+.. image:: src/docs/_static/stuff_chain_langchain_illustration.jpg
+ :width: 400
+ :alt: Stuff Documents Chain Process
"""
from grag.components.multivec_retriever import Retriever
diff --git a/src/docs/auto_examples/Basic-RAG/BasicRAG_stuff.rst b/src/docs/auto_examples/Basic-RAG/BasicRAG_stuff.rst
index 02a9d6f..cd49781 100644
--- a/src/docs/auto_examples/Basic-RAG/BasicRAG_stuff.rst
+++ b/src/docs/auto_examples/Basic-RAG/BasicRAG_stuff.rst
@@ -20,8 +20,11 @@
Stuff Chain
=======================
This cookbook demonstrates how to use the stuff chain for BasicRAG.
+.. image:: src/docs/_static/stuff_chain_langchain_illustration.jpg
+ :width: 400
+ :alt: Stuff Documents Chain Process
-.. GENERATED FROM PYTHON SOURCE LINES 5-19
+.. GENERATED FROM PYTHON SOURCE LINES 8-22
.. code-block:: Python
diff --git a/src/docs/auto_examples/Basic-RAG/BasicRAG_stuff_codeobj.pickle b/src/docs/auto_examples/Basic-RAG/BasicRAG_stuff_codeobj.pickle
index 580cd4e..dcc3aa2 100644
Binary files a/src/docs/auto_examples/Basic-RAG/BasicRAG_stuff_codeobj.pickle and b/src/docs/auto_examples/Basic-RAG/BasicRAG_stuff_codeobj.pickle differ
diff --git a/src/docs/auto_examples/Retriver-GUI/Retriver-GUI_jupyter.zip b/src/docs/auto_examples/Retriver-GUI/Retriver-GUI_jupyter.zip
index 76a4b2c..5fd0969 100644
Binary files a/src/docs/auto_examples/Retriver-GUI/Retriver-GUI_jupyter.zip and b/src/docs/auto_examples/Retriver-GUI/Retriver-GUI_jupyter.zip differ
diff --git a/src/docs/auto_examples/Retriver-GUI/Retriver-GUI_python.zip b/src/docs/auto_examples/Retriver-GUI/Retriver-GUI_python.zip
index 18f7665..22bcfd9 100644
Binary files a/src/docs/auto_examples/Retriver-GUI/Retriver-GUI_python.zip and b/src/docs/auto_examples/Retriver-GUI/Retriver-GUI_python.zip differ
diff --git a/src/docs/auto_examples/Retriver-GUI/retriever_app_codeobj.pickle b/src/docs/auto_examples/Retriver-GUI/retriever_app_codeobj.pickle
index 4221d5f..9c7f0ee 100644
Binary files a/src/docs/auto_examples/Retriver-GUI/retriever_app_codeobj.pickle and b/src/docs/auto_examples/Retriver-GUI/retriever_app_codeobj.pickle differ