From 58220cda7270f917d51231e9c2886390abe6e27c Mon Sep 17 00:00:00 2001 From: Eugene Yurtsev Date: Tue, 10 Oct 2023 14:54:09 -0400 Subject: [PATCH 1/4] Remove LLM Bash and related bash utilities (#11619) Deprecate LLMBash and related bash utilities --- libs/langchain/langchain/__init__.py | 12 +- libs/langchain/langchain/chains/__init__.py | 2 - .../langchain/chains/llm_bash/__init__.py | 13 +- .../langchain/chains/llm_bash/base.py | 138 ------------- .../langchain/chains/llm_bash/prompt.py | 64 ------ libs/langchain/langchain/chains/loading.py | 5 +- libs/langchain/langchain/tools/shell/tool.py | 17 +- .../langchain/langchain/utilities/__init__.py | 2 - libs/langchain/langchain/utilities/bash.py | 183 ------------------ .../tests/unit_tests/chains/test_llm_bash.py | 109 ----------- libs/langchain/tests/unit_tests/test_bash.py | 102 ---------- .../unit_tests/tools/shell/test_shell.py | 35 +++- 12 files changed, 63 insertions(+), 619 deletions(-) delete mode 100644 libs/langchain/langchain/chains/llm_bash/base.py delete mode 100644 libs/langchain/langchain/chains/llm_bash/prompt.py delete mode 100644 libs/langchain/langchain/utilities/bash.py delete mode 100644 libs/langchain/tests/unit_tests/chains/test_llm_bash.py delete mode 100644 libs/langchain/tests/unit_tests/test_bash.py diff --git a/libs/langchain/langchain/__init__.py b/libs/langchain/langchain/__init__.py index feef1a7ee8d7d..8879c101b2512 100644 --- a/libs/langchain/langchain/__init__.py +++ b/libs/langchain/langchain/__init__.py @@ -72,11 +72,15 @@ def __getattr__(name: str) -> Any: return ConversationChain elif name == "LLMBashChain": - from langchain.chains import LLMBashChain + raise ImportError( + "This module has been moved to langchain-experimental. " + "For more details: " + "https://github.com/langchain-ai/langchain/discussions/11352." + "To access this code, install it with `pip install langchain-experimental`." + "`from langchain_experimental.llm_bash.base " + "import LLMBashChain`" + ) - _warn_on_import(name) - - return LLMBashChain elif name == "LLMChain": from langchain.chains import LLMChain diff --git a/libs/langchain/langchain/chains/__init__.py b/libs/langchain/langchain/chains/__init__.py index 4bb5242729b93..f03927512fa30 100644 --- a/libs/langchain/langchain/chains/__init__.py +++ b/libs/langchain/langchain/chains/__init__.py @@ -44,7 +44,6 @@ from langchain.chains.graph_qa.sparql import GraphSparqlQAChain from langchain.chains.hyde.base import HypotheticalDocumentEmbedder from langchain.chains.llm import LLMChain -from langchain.chains.llm_bash.base import LLMBashChain from langchain.chains.llm_checker.base import LLMCheckerChain from langchain.chains.llm_math.base import LLMMathChain from langchain.chains.llm_requests import LLMRequestsChain @@ -94,7 +93,6 @@ "HugeGraphQAChain", "HypotheticalDocumentEmbedder", "KuzuQAChain", - "LLMBashChain", "LLMChain", "LLMCheckerChain", "LLMMathChain", diff --git a/libs/langchain/langchain/chains/llm_bash/__init__.py b/libs/langchain/langchain/chains/llm_bash/__init__.py index e1e848a1a8fbf..74f7c29d89f07 100644 --- a/libs/langchain/langchain/chains/llm_bash/__init__.py +++ b/libs/langchain/langchain/chains/llm_bash/__init__.py @@ -1 +1,12 @@ -"""Chain that interprets a prompt and executes bash code to perform bash operations.""" +def raise_on_import() -> None: + """Raise an error on import since is deprecated.""" + raise ImportError( + "This module has been moved to langchain-experimental. " + "For more details: https://github.com/langchain-ai/langchain/discussions/11352." + "To access this code, install it with `pip install langchain-experimental`." + "`from langchain_experimental.llm_bash.base " + "import LLMBashChain`" + ) + + +raise_on_import() diff --git a/libs/langchain/langchain/chains/llm_bash/base.py b/libs/langchain/langchain/chains/llm_bash/base.py deleted file mode 100644 index 0dc4c413cf5bb..0000000000000 --- a/libs/langchain/langchain/chains/llm_bash/base.py +++ /dev/null @@ -1,138 +0,0 @@ -"""Chain that interprets a prompt and executes bash operations.""" -from __future__ import annotations - -import logging -import warnings -from typing import Any, Dict, List, Optional - -from langchain._api import warn_deprecated -from langchain.callbacks.manager import CallbackManagerForChainRun -from langchain.chains.base import Chain -from langchain.chains.llm import LLMChain -from langchain.chains.llm_bash.prompt import PROMPT -from langchain.pydantic_v1 import Extra, Field, root_validator -from langchain.schema import BasePromptTemplate, OutputParserException -from langchain.schema.language_model import BaseLanguageModel -from langchain.utilities.bash import BashProcess - -logger = logging.getLogger(__name__) - - -class LLMBashChain(Chain): - """Chain that interprets a prompt and executes bash operations. - - Warning: - This chain can execute arbitrary code using bash. - This can be dangerous if not properly sandboxed. - - Example: - - .. code-block:: python - - from langchain.chains import LLMBashChain - from langchain.llms import OpenAI - llm_bash = LLMBashChain.from_llm(OpenAI()) - """ - - llm_chain: LLMChain - llm: Optional[BaseLanguageModel] = None - """[Deprecated] LLM wrapper to use.""" - input_key: str = "question" #: :meta private: - output_key: str = "answer" #: :meta private: - prompt: BasePromptTemplate = PROMPT - """[Deprecated]""" - bash_process: BashProcess = Field(default_factory=BashProcess) #: :meta private: - - class Config: - """Configuration for this pydantic object.""" - - extra = Extra.forbid - arbitrary_types_allowed = True - - @root_validator(pre=True) - def raise_deprecation(cls, values: Dict) -> Dict: - if "llm" in values: - warnings.warn( - "Directly instantiating an LLMBashChain with an llm is deprecated. " - "Please instantiate with llm_chain or using the from_llm class method." - ) - if "llm_chain" not in values and values["llm"] is not None: - prompt = values.get("prompt", PROMPT) - values["llm_chain"] = LLMChain(llm=values["llm"], prompt=prompt) - return values - - @root_validator - def validate_prompt(cls, values: Dict) -> Dict: - if values["llm_chain"].prompt.output_parser is None: - raise ValueError( - "The prompt used by llm_chain is expected to have an output_parser." - ) - return values - - @property - def input_keys(self) -> List[str]: - """Expect input key. - - :meta private: - """ - return [self.input_key] - - @property - def output_keys(self) -> List[str]: - """Expect output key. - - :meta private: - """ - return [self.output_key] - - def _call( - self, - inputs: Dict[str, Any], - run_manager: Optional[CallbackManagerForChainRun] = None, - ) -> Dict[str, str]: - warn_deprecated( - since="0.0.308", - message=( - "On 2023-10-12 the LLMBashChain " - "will be moved to langchain-experimental" - ), - pending=True, - ) - _run_manager = run_manager or CallbackManagerForChainRun.get_noop_manager() - _run_manager.on_text(inputs[self.input_key], verbose=self.verbose) - - t = self.llm_chain.predict( - question=inputs[self.input_key], callbacks=_run_manager.get_child() - ) - _run_manager.on_text(t, color="green", verbose=self.verbose) - t = t.strip() - try: - parser = self.llm_chain.prompt.output_parser - command_list = parser.parse(t) # type: ignore[union-attr] - except OutputParserException as e: - _run_manager.on_chain_error(e, verbose=self.verbose) - raise e - - if self.verbose: - _run_manager.on_text("\nCode: ", verbose=self.verbose) - _run_manager.on_text( - str(command_list), color="yellow", verbose=self.verbose - ) - output = self.bash_process.run(command_list) - _run_manager.on_text("\nAnswer: ", verbose=self.verbose) - _run_manager.on_text(output, color="yellow", verbose=self.verbose) - return {self.output_key: output} - - @property - def _chain_type(self) -> str: - return "llm_bash_chain" - - @classmethod - def from_llm( - cls, - llm: BaseLanguageModel, - prompt: BasePromptTemplate = PROMPT, - **kwargs: Any, - ) -> LLMBashChain: - llm_chain = LLMChain(llm=llm, prompt=prompt) - return cls(llm_chain=llm_chain, **kwargs) diff --git a/libs/langchain/langchain/chains/llm_bash/prompt.py b/libs/langchain/langchain/chains/llm_bash/prompt.py deleted file mode 100644 index 72951d2fe9f01..0000000000000 --- a/libs/langchain/langchain/chains/llm_bash/prompt.py +++ /dev/null @@ -1,64 +0,0 @@ -# flake8: noqa -from __future__ import annotations - -import re -from typing import List - -from langchain.prompts.prompt import PromptTemplate -from langchain.schema import BaseOutputParser, OutputParserException - -_PROMPT_TEMPLATE = """If someone asks you to perform a task, your job is to come up with a series of bash commands that will perform the task. There is no need to put "#!/bin/bash" in your answer. Make sure to reason step by step, using this format: - -Question: "copy the files in the directory named 'target' into a new directory at the same level as target called 'myNewDirectory'" - -I need to take the following actions: -- List all files in the directory -- Create a new directory -- Copy the files from the first directory into the second directory -```bash -ls -mkdir myNewDirectory -cp -r target/* myNewDirectory -``` - -That is the format. Begin! - -Question: {question}""" - - -class BashOutputParser(BaseOutputParser): - """Parser for bash output.""" - - def parse(self, text: str) -> List[str]: - if "```bash" in text: - return self.get_code_blocks(text) - else: - raise OutputParserException( - f"Failed to parse bash output. Got: {text}", - ) - - @staticmethod - def get_code_blocks(t: str) -> List[str]: - """Get multiple code blocks from the LLM result.""" - code_blocks: List[str] = [] - # Bash markdown code blocks - pattern = re.compile(r"```bash(.*?)(?:\n\s*)```", re.DOTALL) - for match in pattern.finditer(t): - matched = match.group(1).strip() - if matched: - code_blocks.extend( - [line for line in matched.split("\n") if line.strip()] - ) - - return code_blocks - - @property - def _type(self) -> str: - return "bash" - - -PROMPT = PromptTemplate( - input_variables=["question"], - template=_PROMPT_TEMPLATE, - output_parser=BashOutputParser(), -) diff --git a/libs/langchain/langchain/chains/loading.py b/libs/langchain/langchain/chains/loading.py index f8fe1396c849d..ab8f1c519c8dc 100644 --- a/libs/langchain/langchain/chains/loading.py +++ b/libs/langchain/langchain/chains/loading.py @@ -15,7 +15,6 @@ from langchain.chains.graph_qa.cypher import GraphCypherQAChain from langchain.chains.hyde.base import HypotheticalDocumentEmbedder from langchain.chains.llm import LLMChain -from langchain.chains.llm_bash.base import LLMBashChain from langchain.chains.llm_checker.base import LLMCheckerChain from langchain.chains.llm_math.base import LLMMathChain from langchain.chains.llm_requests import LLMRequestsChain @@ -183,7 +182,9 @@ def _load_reduce_documents_chain(config: dict, **kwargs: Any) -> ReduceDocuments ) -def _load_llm_bash_chain(config: dict, **kwargs: Any) -> LLMBashChain: +def _load_llm_bash_chain(config: dict, **kwargs: Any) -> Any: + from langchain_experimental.llm_bash.base import LLMBashChain + llm_chain = None if "llm_chain" in config: llm_chain_config = config.pop("llm_chain") diff --git a/libs/langchain/langchain/tools/shell/tool.py b/libs/langchain/langchain/tools/shell/tool.py index 3ad4c3ed980dd..89522a66d87cc 100644 --- a/libs/langchain/langchain/tools/shell/tool.py +++ b/libs/langchain/langchain/tools/shell/tool.py @@ -1,7 +1,7 @@ import asyncio import platform import warnings -from typing import List, Optional, Type, Union +from typing import Any, List, Optional, Type, Union from langchain.callbacks.manager import ( AsyncCallbackManagerForToolRun, @@ -9,7 +9,6 @@ ) from langchain.pydantic_v1 import BaseModel, Field, root_validator from langchain.tools.base import BaseTool -from langchain.utilities.bash import BashProcess class ShellInput(BaseModel): @@ -35,8 +34,16 @@ def _validate_commands(cls, values: dict) -> dict: return values -def _get_default_bash_processs() -> BashProcess: - """Get file path from string.""" +def _get_default_bash_process() -> Any: + """Get default bash process.""" + try: + from langchain_experimental.llm_bash.bash import BashProcess + except ImportError: + raise ImportError( + "BashProcess has been moved to langchain experimental." + "To use this tool, install langchain-experimental " + "with `pip install langchain-experimental`." + ) return BashProcess(return_err_output=True) @@ -51,7 +58,7 @@ def _get_platform() -> str: class ShellTool(BaseTool): """Tool to run shell commands.""" - process: BashProcess = Field(default_factory=_get_default_bash_processs) + process: Any = Field(default_factory=_get_default_bash_process) """Bash process to run commands.""" name: str = "terminal" diff --git a/libs/langchain/langchain/utilities/__init__.py b/libs/langchain/langchain/utilities/__init__.py index a091c8d7f4772..21f8568780d15 100644 --- a/libs/langchain/langchain/utilities/__init__.py +++ b/libs/langchain/langchain/utilities/__init__.py @@ -8,7 +8,6 @@ from langchain.utilities.arcee import ArceeWrapper from langchain.utilities.arxiv import ArxivAPIWrapper from langchain.utilities.awslambda import LambdaWrapper -from langchain.utilities.bash import BashProcess from langchain.utilities.bibtex import BibtexparserWrapper from langchain.utilities.bing_search import BingSearchAPIWrapper from langchain.utilities.brave_search import BraveSearchWrapper @@ -44,7 +43,6 @@ "ApifyWrapper", "ArceeWrapper", "ArxivAPIWrapper", - "BashProcess", "BibtexparserWrapper", "BingSearchAPIWrapper", "BraveSearchWrapper", diff --git a/libs/langchain/langchain/utilities/bash.py b/libs/langchain/langchain/utilities/bash.py deleted file mode 100644 index bbca0a7ebba41..0000000000000 --- a/libs/langchain/langchain/utilities/bash.py +++ /dev/null @@ -1,183 +0,0 @@ -"""Wrapper around subprocess to run commands.""" -from __future__ import annotations - -import platform -import re -import subprocess -from typing import TYPE_CHECKING, List, Union -from uuid import uuid4 - -if TYPE_CHECKING: - import pexpect - - -class BashProcess: - """ - Wrapper class for starting subprocesses. - Uses the python built-in subprocesses.run() - Persistent processes are **not** available - on Windows systems, as pexpect makes use of - Unix pseudoterminals (ptys). MacOS and Linux - are okay. - - Example: - .. code-block:: python - - from langchain.utilities.bash import BashProcess - bash = BashProcess( - strip_newlines = False, - return_err_output = False, - persistent = False - ) - bash.run('echo \'hello world\'') - - """ - - strip_newlines: bool = False - """Whether or not to run .strip() on the output""" - return_err_output: bool = False - """Whether or not to return the output of a failed - command, or just the error message and stacktrace""" - persistent: bool = False - """Whether or not to spawn a persistent session - NOTE: Unavailable for Windows environments""" - - def __init__( - self, - strip_newlines: bool = False, - return_err_output: bool = False, - persistent: bool = False, - ): - """ - Initializes with default settings - """ - self.strip_newlines = strip_newlines - self.return_err_output = return_err_output - self.prompt = "" - self.process = None - if persistent: - self.prompt = str(uuid4()) - self.process = self._initialize_persistent_process(self, self.prompt) - - @staticmethod - def _lazy_import_pexpect() -> pexpect: - """Import pexpect only when needed.""" - if platform.system() == "Windows": - raise ValueError( - "Persistent bash processes are not yet supported on Windows." - ) - try: - import pexpect - - except ImportError: - raise ImportError( - "pexpect required for persistent bash processes." - " To install, run `pip install pexpect`." - ) - return pexpect - - @staticmethod - def _initialize_persistent_process(self: BashProcess, prompt: str) -> pexpect.spawn: - # Start bash in a clean environment - # Doesn't work on windows - """ - Initializes a persistent bash setting in a - clean environment. - NOTE: Unavailable on Windows - - Args: - Prompt(str): the bash command to execute - """ # noqa: E501 - pexpect = self._lazy_import_pexpect() - process = pexpect.spawn( - "env", ["-i", "bash", "--norc", "--noprofile"], encoding="utf-8" - ) - # Set the custom prompt - process.sendline("PS1=" + prompt) - - process.expect_exact(prompt, timeout=10) - return process - - def run(self, commands: Union[str, List[str]]) -> str: - """ - Run commands in either an existing persistent - subprocess or on in a new subprocess environment. - - Args: - commands(List[str]): a list of commands to - execute in the session - """ # noqa: E501 - if isinstance(commands, str): - commands = [commands] - commands = ";".join(commands) - if self.process is not None: - return self._run_persistent( - commands, - ) - else: - return self._run(commands) - - def _run(self, command: str) -> str: - """ - Runs a command in a subprocess and returns - the output. - - Args: - command: The command to run - """ # noqa: E501 - try: - output = subprocess.run( - command, - shell=True, - check=True, - stdout=subprocess.PIPE, - stderr=subprocess.STDOUT, - ).stdout.decode() - except subprocess.CalledProcessError as error: - if self.return_err_output: - return error.stdout.decode() - return str(error) - if self.strip_newlines: - output = output.strip() - return output - - def process_output(self, output: str, command: str) -> str: - """ - Uses regex to remove the command from the output - - Args: - output: a process' output string - command: the executed command - """ # noqa: E501 - pattern = re.escape(command) + r"\s*\n" - output = re.sub(pattern, "", output, count=1) - return output.strip() - - def _run_persistent(self, command: str) -> str: - """ - Runs commands in a persistent environment - and returns the output. - - Args: - command: the command to execute - """ # noqa: E501 - pexpect = self._lazy_import_pexpect() - if self.process is None: - raise ValueError("Process not initialized") - self.process.sendline(command) - - # Clear the output with an empty string - self.process.expect(self.prompt, timeout=10) - self.process.sendline("") - - try: - self.process.expect([self.prompt, pexpect.EOF], timeout=10) - except pexpect.TIMEOUT: - return f"Timeout error while executing command {command}" - if self.process.after == pexpect.EOF: - return f"Exited with error status: {self.process.exitstatus}" - output = self.process.before - output = self.process_output(output, command) - if self.strip_newlines: - return output.strip() - return output diff --git a/libs/langchain/tests/unit_tests/chains/test_llm_bash.py b/libs/langchain/tests/unit_tests/chains/test_llm_bash.py deleted file mode 100644 index e6ee11d09f3d6..0000000000000 --- a/libs/langchain/tests/unit_tests/chains/test_llm_bash.py +++ /dev/null @@ -1,109 +0,0 @@ -"""Test LLM Bash functionality.""" -import sys - -import pytest - -from langchain.chains.llm_bash.base import LLMBashChain -from langchain.chains.llm_bash.prompt import _PROMPT_TEMPLATE, BashOutputParser -from langchain.schema import OutputParserException -from tests.unit_tests.llms.fake_llm import FakeLLM - -_SAMPLE_CODE = """ -Unrelated text -```bash -echo hello -``` -Unrelated text -""" - - -_SAMPLE_CODE_2_LINES = """ -Unrelated text -```bash -echo hello - -echo world -``` -Unrelated text -""" - - -@pytest.fixture -def output_parser() -> BashOutputParser: - """Output parser for testing.""" - return BashOutputParser() - - -@pytest.mark.skipif( - sys.platform.startswith("win"), reason="Test not supported on Windows" -) -def test_simple_question() -> None: - """Test simple question that should not need python.""" - question = "Please write a bash script that prints 'Hello World' to the console." - prompt = _PROMPT_TEMPLATE.format(question=question) - queries = {prompt: "```bash\nexpr 1 + 1\n```"} - fake_llm = FakeLLM(queries=queries) - fake_llm_bash_chain = LLMBashChain.from_llm(fake_llm, input_key="q", output_key="a") - output = fake_llm_bash_chain.run(question) - assert output == "2\n" - - -def test_get_code(output_parser: BashOutputParser) -> None: - """Test the parser.""" - code_lines = output_parser.parse(_SAMPLE_CODE) - code = [c for c in code_lines if c.strip()] - assert code == code_lines - assert code == ["echo hello"] - - code_lines = output_parser.parse(_SAMPLE_CODE + _SAMPLE_CODE_2_LINES) - assert code_lines == ["echo hello", "echo hello", "echo world"] - - -def test_parsing_error() -> None: - """Test that LLM Output without a bash block raises an exce""" - question = "Please echo 'hello world' to the terminal." - prompt = _PROMPT_TEMPLATE.format(question=question) - queries = { - prompt: """ -```text -echo 'hello world' -``` -""" - } - fake_llm = FakeLLM(queries=queries) - fake_llm_bash_chain = LLMBashChain.from_llm(fake_llm, input_key="q", output_key="a") - with pytest.raises(OutputParserException): - fake_llm_bash_chain.run(question) - - -def test_get_code_lines_mixed_blocks(output_parser: BashOutputParser) -> None: - text = """ -Unrelated text -```bash -echo hello -ls && pwd && ls -``` - -```python -print("hello") -``` - -```bash -echo goodbye -``` -""" - code_lines = output_parser.parse(text) - assert code_lines == ["echo hello", "ls && pwd && ls", "echo goodbye"] - - -def test_get_code_lines_simple_nested_ticks(output_parser: BashOutputParser) -> None: - """Test that backticks w/o a newline are ignored.""" - text = """ -Unrelated text -```bash -echo hello -echo "```bash is in this string```" -``` -""" - code_lines = output_parser.parse(text) - assert code_lines == ["echo hello", 'echo "```bash is in this string```"'] diff --git a/libs/langchain/tests/unit_tests/test_bash.py b/libs/langchain/tests/unit_tests/test_bash.py deleted file mode 100644 index 2b05dffab8dc0..0000000000000 --- a/libs/langchain/tests/unit_tests/test_bash.py +++ /dev/null @@ -1,102 +0,0 @@ -"""Test the bash utility.""" -import re -import subprocess -import sys -from pathlib import Path - -import pytest - -from langchain.utilities.bash import BashProcess - - -@pytest.mark.skipif( - sys.platform.startswith("win"), reason="Test not supported on Windows" -) -def test_pwd_command() -> None: - """Test correct functionality.""" - session = BashProcess() - commands = ["pwd"] - output = session.run(commands) - - assert output == subprocess.check_output("pwd", shell=True).decode() - - -@pytest.mark.skip(reason="flaky on GHA, TODO to fix") -@pytest.mark.skipif( - sys.platform.startswith("win"), reason="Test not supported on Windows" -) -def test_pwd_command_persistent() -> None: - """Test correct functionality when the bash process is persistent.""" - session = BashProcess(persistent=True, strip_newlines=True) - commands = ["pwd"] - output = session.run(commands) - - assert subprocess.check_output("pwd", shell=True).decode().strip() in output - - session.run(["cd .."]) - new_output = session.run(["pwd"]) - # Assert that the new_output is a parent of the old output - assert Path(output).parent == Path(new_output) - - -@pytest.mark.skipif( - sys.platform.startswith("win"), reason="Test not supported on Windows" -) -def test_incorrect_command() -> None: - """Test handling of incorrect command.""" - session = BashProcess() - output = session.run(["invalid_command"]) - assert output == "Command 'invalid_command' returned non-zero exit status 127." - - -@pytest.mark.skipif( - sys.platform.startswith("win"), reason="Test not supported on Windows" -) -def test_incorrect_command_return_err_output() -> None: - """Test optional returning of shell output on incorrect command.""" - session = BashProcess(return_err_output=True) - output = session.run(["invalid_command"]) - assert re.match( - r"^/bin/sh:.*invalid_command.*(?:not found|Permission denied).*$", output - ) - - -@pytest.mark.skipif( - sys.platform.startswith("win"), reason="Test not supported on Windows" -) -def test_create_directory_and_files(tmp_path: Path) -> None: - """Test creation of a directory and files in a temporary directory.""" - session = BashProcess(strip_newlines=True) - - # create a subdirectory in the temporary directory - temp_dir = tmp_path / "test_dir" - temp_dir.mkdir() - - # run the commands in the temporary directory - commands = [ - f"touch {temp_dir}/file1.txt", - f"touch {temp_dir}/file2.txt", - f"echo 'hello world' > {temp_dir}/file2.txt", - f"cat {temp_dir}/file2.txt", - ] - - output = session.run(commands) - assert output == "hello world" - - # check that the files were created in the temporary directory - output = session.run([f"ls {temp_dir}"]) - assert output == "file1.txt\nfile2.txt" - - -@pytest.mark.skip(reason="flaky on GHA, TODO to fix") -@pytest.mark.skipif( - sys.platform.startswith("win"), reason="Test not supported on Windows" -) -def test_create_bash_persistent() -> None: - """Test the pexpect persistent bash terminal""" - session = BashProcess(persistent=True) - response = session.run("echo hello") - response += session.run("echo world") - - assert "hello" in response - assert "world" in response diff --git a/libs/langchain/tests/unit_tests/tools/shell/test_shell.py b/libs/langchain/tests/unit_tests/tools/shell/test_shell.py index c444203080f51..3d41907b14ec1 100644 --- a/libs/langchain/tests/unit_tests/tools/shell/test_shell.py +++ b/libs/langchain/tests/unit_tests/tools/shell/test_shell.py @@ -1,4 +1,5 @@ import warnings +from typing import List import pytest @@ -22,8 +23,25 @@ def test_shell_input_validation() -> None: ) +class PlaceholderProcess: + def __init__(self, output: str = "") -> None: + self._commands: List[str] = [] + self.output = output + + def _run(self, commands: List[str]) -> str: + self._commands = commands + return self.output + + def run(self, commands: List[str]) -> str: + return self._run(commands) + + async def arun(self, commands: List[str]) -> str: + return self._run(commands) + + def test_shell_tool_init() -> None: - shell_tool = ShellTool() + placeholder = PlaceholderProcess() + shell_tool = ShellTool(process=placeholder) assert shell_tool.name == "terminal" assert isinstance(shell_tool.description, str) assert shell_tool.args_schema == ShellInput @@ -31,19 +49,22 @@ def test_shell_tool_init() -> None: def test_shell_tool_run() -> None: - shell_tool = ShellTool() + placeholder = PlaceholderProcess(output="hello") + shell_tool = ShellTool(process=placeholder) result = shell_tool._run(commands=test_commands) - assert result.strip() == "Hello, World!\nAnother command" + assert result.strip() == "hello" @pytest.mark.asyncio async def test_shell_tool_arun() -> None: - shell_tool = ShellTool() + placeholder = PlaceholderProcess(output="hello") + shell_tool = ShellTool(process=placeholder) result = await shell_tool._arun(commands=test_commands) - assert result.strip() == "Hello, World!\nAnother command" + assert result.strip() == "hello" def test_shell_tool_run_str() -> None: - shell_tool = ShellTool() + placeholder = PlaceholderProcess(output="hello") + shell_tool = ShellTool(process=placeholder) result = shell_tool._run(commands="echo 'Hello, World!'") - assert result.strip() == "Hello, World!" + assert result.strip() == "hello" From 7232e082dea2d7d295349abd9942958dcb65645f Mon Sep 17 00:00:00 2001 From: Bagatur <22008038+baskaryan@users.noreply.github.com> Date: Tue, 10 Oct 2023 12:34:49 -0700 Subject: [PATCH 2/4] bump 312 (#11621) --- libs/experimental/pyproject.toml | 2 +- libs/langchain/pyproject.toml | 2 +- 2 files changed, 2 insertions(+), 2 deletions(-) diff --git a/libs/experimental/pyproject.toml b/libs/experimental/pyproject.toml index 8c6c6e7ecc119..0be91c683e391 100644 --- a/libs/experimental/pyproject.toml +++ b/libs/experimental/pyproject.toml @@ -1,6 +1,6 @@ [tool.poetry] name = "langchain-experimental" -version = "0.0.27" +version = "0.0.28" description = "Building applications with LLMs through composability" authors = [] license = "MIT" diff --git a/libs/langchain/pyproject.toml b/libs/langchain/pyproject.toml index 75503f96dfbe0..4aa3728bbeec2 100644 --- a/libs/langchain/pyproject.toml +++ b/libs/langchain/pyproject.toml @@ -1,6 +1,6 @@ [tool.poetry] name = "langchain" -version = "0.0.311" +version = "0.0.312" description = "Building applications with LLMs through composability" authors = [] license = "MIT" From eedfddac2d47d61cc5fad9dbc60b4ba3c083748f Mon Sep 17 00:00:00 2001 From: Bagatur <22008038+baskaryan@users.noreply.github.com> Date: Tue, 10 Oct 2023 12:55:19 -0700 Subject: [PATCH 3/4] Restructure docs (#11620) --- .github/workflows/doc_lint.yml | 2 +- .gitignore | 6 +-- .gitmodules | 4 -- Makefile | 2 +- docs/.local_build.sh | 10 ++--- docs/{docs_skeleton => }/README.md | 0 docs/{docs_skeleton => }/babel.config.js | 0 docs/{docs_skeleton => }/code-block-loader.js | 0 docs/{docs_skeleton => docs}/.gitignore | 0 .../docs/_static/ApifyActors.png | Bin .../docs/_static/ChaindeskDashboard.png | Bin .../docs/_static/HeliconeDashboard.png | Bin .../docs/_static/HeliconeKeys.png | Bin .../docs/_static/MetalDash.png | Bin .../docs/_static/android-chrome-192x192.png | Bin .../docs/_static/android-chrome-512x512.png | Bin .../docs/_static/apple-touch-icon.png | Bin .../docs/_static/css/custom.css | 0 .../docs/_static/favicon-16x16.png | Bin .../docs/_static/favicon-32x32.png | Bin .../docs/_static/favicon.ico | Bin .../docs/_static/js/mendablesearch.js | 0 .../docs/_static/lc_modules.jpg | Bin .../docs/_static/parrot-chainlink-icon.png | Bin .../docs/_static/parrot-icon.png | Bin .../docs/_templates/integration.mdx | 0 .../docs/additional_resources/dependents.mdx | 0 .../docs/additional_resources/tutorials.mdx | 0 .../docs/additional_resources/youtube.mdx | 0 docs/{docs_skeleton => }/docs/community.md | 0 .../expression_language/cookbook/agent.ipynb | 0 .../cookbook/code_writing.ipynb | 0 .../expression_language/cookbook/index.mdx | 0 .../expression_language/cookbook/memory.ipynb | 0 .../cookbook/moderation.ipynb | 0 .../cookbook/multiple_chains.ipynb | 0 .../cookbook/prompt_llm_parser.ipynb | 0 .../cookbook/retrieval.ipynb | 0 .../expression_language/cookbook/sql_db.ipynb | 0 .../expression_language/cookbook/tools.ipynb | 0 .../expression_language/how_to/binding.ipynb | 0 .../how_to/fallbacks.ipynb | 0 .../how_to/functions.ipynb | 0 .../docs/expression_language/how_to/index.mdx | 0 .../docs/expression_language/how_to/map.ipynb | 0 .../expression_language/how_to/routing.ipynb | 0 .../docs/expression_language/index.mdx | 0 .../docs/expression_language/interface.ipynb | 0 .../docs/get_started/installation.mdx | 0 .../docs/get_started/introduction.mdx | 0 .../docs/get_started/quickstart.mdx | 0 .../docs/guides/adapters/_category_.yml | 0 .../docs/guides/adapters/openai.ipynb | 0 .../docs/guides/debugging.md | 0 .../docs/guides/deployments/index.mdx | 0 .../guides/deployments/template_repos.mdx | 0 .../guides/evaluation/comparison/custom.ipynb | 2 +- .../guides/evaluation/comparison/index.mdx | 0 .../pairwise_embedding_distance.ipynb | 2 +- .../comparison/pairwise_string.ipynb | 2 +- .../evaluation/examples/comparisons.ipynb | 2 +- .../docs/guides/evaluation/examples/index.mdx | 0 .../docs/guides/evaluation/index.mdx | 0 .../string/criteria_eval_chain.ipynb | 2 +- .../guides/evaluation/string/custom.ipynb | 2 +- .../string/embedding_distance.ipynb | 2 +- .../evaluation/string/exact_match.ipynb | 2 +- .../docs/guides/evaluation/string/index.mdx | 0 .../evaluation/string/regex_match.ipynb | 2 +- .../string/scoring_eval_chain.ipynb | 0 .../evaluation/string/string_distance.ipynb | 2 +- .../guides/evaluation/trajectory/custom.ipynb | 2 +- .../guides/evaluation/trajectory/index.mdx | 0 .../trajectory/trajectory_eval.ipynb | 2 +- .../docs/guides/fallbacks.ipynb | 0 .../docs/guides/langsmith/img/log_traces.png | Bin .../guides/langsmith/img/test_results.png | Bin .../docs/guides/langsmith/index.md | 0 .../docs/guides/langsmith/walkthrough.ipynb | 2 +- .../docs/guides/local_llms.ipynb | 0 .../docs/guides/model_laboratory.ipynb | 0 .../docs/guides/privacy/_category_.yml | 0 .../presidio_data_anonymization/index.ipynb | 2 +- .../multi_language.ipynb | 2 +- .../reversible.ipynb | 2 +- .../docs/guides/pydantic_compatibility.md | 0 .../docs/guides/safety/_category_.yml | 0 .../safety/amazon_comprehend_chain.ipynb | 0 .../guides/safety/constitutional_chain.mdx | 0 .../hugging_face_prompt_injection.ipynb | 0 .../docs/guides/safety/index.mdx | 0 .../guides/safety/logical_fallacy_chain.mdx | 0 .../docs/guides/safety/moderation.mdx | 0 .../docs/integrations/callbacks/argilla.ipynb | 0 .../integrations/callbacks/confident.ipynb | 0 .../docs/integrations/callbacks/context.ipynb | 0 .../docs/integrations/callbacks/infino.ipynb | 0 .../integrations/callbacks/labelstudio.ipynb | 0 .../docs/integrations/callbacks/llmonitor.md | 0 .../integrations/callbacks/promptlayer.ipynb | 0 .../callbacks/sagemaker_tracking.ipynb | 0 .../docs/integrations/callbacks/streamlit.md | 0 .../integrations/callbacks/trubrics.ipynb | 0 .../docs/integrations/chat/anthropic.ipynb | 0 .../chat/anthropic_functions.ipynb | 0 .../docs/integrations/chat/anyscale.ipynb | 0 .../integrations/chat/azure_chat_openai.ipynb | 0 .../chat/azureml_chat_endpoint.ipynb | 0 .../chat/baidu_qianfan_endpoint.ipynb | 0 .../docs/integrations/chat/bedrock.ipynb | 0 .../docs/integrations/chat/cohere.ipynb | 0 .../docs/integrations/chat/ernie.ipynb | 0 .../docs/integrations/chat/fireworks.ipynb | 0 .../chat/google_vertex_ai_palm.ipynb | 0 .../docs/integrations/chat/index.mdx | 0 .../docs/integrations/chat/jinachat.ipynb | 0 .../docs/integrations/chat/konko.ipynb | 0 .../docs/integrations/chat/litellm.ipynb | 0 .../docs/integrations/chat/llama_api.ipynb | 0 .../docs/integrations/chat/minimax.ipynb | 0 .../docs/integrations/chat/ollama.ipynb | 0 .../docs/integrations/chat/openai.ipynb | 0 .../chat/promptlayer_chatopenai.ipynb | 0 .../docs/integrations/chat/vllm.ipynb | 0 .../integrations/chat_loaders/discord.ipynb | 0 ...itter-scraper_2023-08-23_22-13-19-740.json | 0 .../example_data/langsmith_chat_dataset.json | 0 .../integrations/chat_loaders/facebook.ipynb | 0 .../integrations/chat_loaders/gmail.ipynb | 0 .../integrations/chat_loaders/imessage.ipynb | 0 .../chat_loaders/langsmith_dataset.ipynb | 2 +- .../chat_loaders/langsmith_llm_runs.ipynb | 0 .../integrations/chat_loaders/slack.ipynb | 0 .../integrations/chat_loaders/telegram.ipynb | 0 .../integrations/chat_loaders/twitter.ipynb | 0 .../integrations/chat_loaders/wechat.ipynb | 0 .../integrations/chat_loaders/whatsapp.ipynb | 0 .../document_loaders/acreom.ipynb | 0 .../document_loaders/airbyte_cdk.ipynb | 0 .../document_loaders/airbyte_gong.ipynb | 0 .../document_loaders/airbyte_hubspot.ipynb | 0 .../document_loaders/airbyte_json.ipynb | 0 .../document_loaders/airbyte_salesforce.ipynb | 0 .../document_loaders/airbyte_shopify.ipynb | 0 .../document_loaders/airbyte_stripe.ipynb | 0 .../document_loaders/airbyte_typeform.ipynb | 0 .../airbyte_zendesk_support.ipynb | 0 .../document_loaders/airtable.ipynb | 0 .../alibaba_cloud_maxcompute.ipynb | 0 .../document_loaders/apify_dataset.ipynb | 0 .../document_loaders/arcgis.ipynb | 0 .../integrations/document_loaders/arxiv.ipynb | 0 .../document_loaders/assemblyai.ipynb | 0 .../document_loaders/async_chromium.ipynb | 0 .../document_loaders/async_html.ipynb | 0 .../document_loaders/aws_s3_directory.ipynb | 0 .../document_loaders/aws_s3_file.ipynb | 0 .../document_loaders/azlyrics.ipynb | 0 .../azure_blob_storage_container.ipynb | 0 .../azure_blob_storage_file.ipynb | 0 .../azure_document_intelligence.ipynb | 0 .../document_loaders/bibtex.ipynb | 0 .../document_loaders/bilibili.ipynb | 0 .../document_loaders/blackboard.ipynb | 0 .../document_loaders/blockchain.ipynb | 0 .../document_loaders/brave_search.ipynb | 0 .../document_loaders/browserless.ipynb | 0 .../document_loaders/chatgpt_loader.ipynb | 0 .../college_confidential.ipynb | 0 .../document_loaders/concurrent.ipynb | 0 .../document_loaders/confluence.ipynb | 0 .../document_loaders/conll-u.ipynb | 0 .../document_loaders/copypaste.ipynb | 0 .../integrations/document_loaders/csv.ipynb | 0 .../document_loaders/cube_semantic.ipynb | 0 .../document_loaders/datadog_logs.ipynb | 0 .../document_loaders/diffbot.ipynb | 0 .../document_loaders/discord.ipynb | 0 .../document_loaders/docugami.ipynb | 0 .../document_loaders/dropbox.ipynb | 0 .../document_loaders/duckdb.ipynb | 0 .../integrations/document_loaders/email.ipynb | 0 .../document_loaders/embaas.ipynb | 0 .../integrations/document_loaders/epub.ipynb | 0 .../document_loaders/etherscan.ipynb | 0 .../document_loaders/evernote.ipynb | 0 .../document_loaders/example_data/README.org | 0 .../document_loaders/example_data/README.rst | 0 .../example_data/conllu.conllu | 0 .../example_data/facebook_chat.json | 0 .../example_data/facebook_chat_messages.jsonl | 0 .../example_data/factbook.xml | 0 .../example_data/fake-content.html | 0 .../example_data/fake-email-attachment.eml | 0 .../example_data/fake-email.eml | 0 .../example_data/fake-email.msg | Bin .../example_data/fake-power-point.pptx | Bin .../document_loaders/example_data/fake.docx | Bin .../document_loaders/example_data/fake.odt | Bin .../example_data/fake_conversations.json | 0 .../example_data/fake_discord_data/output.txt | 0 .../messages/c105765859191975936/messages.csv | 0 .../messages/c278566343836565505/messages.csv | 0 .../messages/c279692806442844161/messages.csv | 0 .../messages/c280973436971515906/messages.csv | 0 .../example_data/fake_rule.toml | 0 .../example_data/layout-parser-paper.pdf | Bin .../example_data/mlb_teams_2012.csv | 0 .../document_loaders/example_data/notebook.md | 0 .../example_data/sample_rss_feeds.opml | 0 .../document_loaders/example_data/sitemap.xml | 0 .../example_data/source_code/example.js | 0 .../example_data/source_code/example.py | 0 .../example_data/stanley-cups.tsv | 0 .../example_data/stanley-cups.xlsx | Bin .../example_data/telegram.json | 0 .../example_data/testing.enex | 0 .../example_data/testmw_pages_current.xml | 0 .../example_data/whatsapp_chat.txt | 0 .../integrations/document_loaders/excel.ipynb | 0 .../document_loaders/facebook_chat.ipynb | 0 .../integrations/document_loaders/fauna.ipynb | 0 .../integrations/document_loaders/figma.ipynb | 0 .../document_loaders/geopandas.ipynb | 0 .../integrations/document_loaders/git.ipynb | 0 .../document_loaders/gitbook.ipynb | 0 .../document_loaders/github.ipynb | 0 .../document_loaders/google_bigquery.ipynb | 0 .../google_cloud_storage_directory.ipynb | 0 .../google_cloud_storage_file.ipynb | 0 .../document_loaders/google_drive.ipynb | 0 .../document_loaders/grobid.ipynb | 2 +- .../document_loaders/gutenberg.ipynb | 0 .../document_loaders/hacker_news.ipynb | 0 .../huawei_obs_directory.ipynb | 0 .../document_loaders/huawei_obs_file.ipynb | 0 .../hugging_face_dataset.ipynb | 0 .../document_loaders/ifixit.ipynb | 0 .../integrations/document_loaders/image.ipynb | 0 .../document_loaders/image_captions.ipynb | 0 .../integrations/document_loaders/imsdb.ipynb | 0 .../integrations/document_loaders/iugu.ipynb | 0 .../document_loaders/joplin.ipynb | 0 .../document_loaders/jupyter_notebook.ipynb | 0 .../document_loaders/larksuite.ipynb | 0 .../document_loaders/mastodon.ipynb | 0 .../document_loaders/mediawikidump.ipynb | 0 .../document_loaders/merge_doc.ipynb | 0 .../integrations/document_loaders/mhtml.ipynb | 0 .../document_loaders/microsoft_onedrive.ipynb | 0 .../microsoft_powerpoint.ipynb | 0 .../microsoft_sharepoint.ipynb | 0 .../document_loaders/microsoft_word.ipynb | 0 .../document_loaders/modern_treasury.ipynb | 0 .../document_loaders/mongodb.ipynb | 0 .../integrations/document_loaders/news.ipynb | 0 .../document_loaders/notion.ipynb | 0 .../document_loaders/notiondb.ipynb | 0 .../document_loaders/nuclia.ipynb | 0 .../document_loaders/obsidian.ipynb | 0 .../integrations/document_loaders/odt.ipynb | 0 .../document_loaders/open_city_data.ipynb | 0 .../document_loaders/org_mode.ipynb | 0 .../document_loaders/pandas_dataframe.ipynb | 0 .../pdf-amazonTextractPDFLoader.ipynb | 0 .../document_loaders/polars_dataframe.ipynb | 0 .../document_loaders/psychic.ipynb | 0 .../document_loaders/pubmed.ipynb | 0 .../document_loaders/pyspark_dataframe.ipynb | 0 .../readthedocs_documentation.ipynb | 0 .../document_loaders/recursive_url.ipynb | 0 .../document_loaders/reddit.ipynb | 0 .../integrations/document_loaders/roam.ipynb | 0 .../document_loaders/rockset.ipynb | 0 .../integrations/document_loaders/rss.ipynb | 0 .../integrations/document_loaders/rst.ipynb | 0 .../document_loaders/sitemap.ipynb | 0 .../integrations/document_loaders/slack.ipynb | 0 .../document_loaders/snowflake.ipynb | 0 .../document_loaders/source_code.ipynb | 0 .../document_loaders/spreedly.ipynb | 0 .../document_loaders/stripe.ipynb | 0 .../document_loaders/subtitle.ipynb | 0 .../document_loaders/telegram.ipynb | 0 .../tencent_cos_directory.ipynb | 0 .../document_loaders/tencent_cos_file.ipynb | 0 .../tensorflow_datasets.ipynb | 0 .../document_loaders/tomarkdown.ipynb | 0 .../integrations/document_loaders/toml.ipynb | 0 .../document_loaders/trello.ipynb | 0 .../integrations/document_loaders/tsv.ipynb | 0 .../document_loaders/twitter.ipynb | 0 .../document_loaders/unstructured_file.ipynb | 0 .../integrations/document_loaders/url.ipynb | 0 .../document_loaders/weather.ipynb | 0 .../document_loaders/web_base.ipynb | 0 .../document_loaders/whatsapp_chat.ipynb | 0 .../document_loaders/wikipedia.ipynb | 0 .../integrations/document_loaders/xml.ipynb | 0 .../document_loaders/xorbits.ipynb | 0 .../document_loaders/youtube_audio.ipynb | 0 .../document_loaders/youtube_transcript.ipynb | 0 .../beautiful_soup.ipynb | 0 .../document_transformers/docai.ipynb | 0 .../doctran_extract_properties.ipynb | 0 .../doctran_interrogate_document.ipynb | 0 .../doctran_translate_document.ipynb | 0 .../document_transformers/html2text.ipynb | 0 .../nuclia_transformer.ipynb | 0 .../openai_metadata_tagger.ipynb | 0 .../docs/integrations/llms/ai21.ipynb | 0 .../docs/integrations/llms/aleph_alpha.ipynb | 0 .../llms/amazon_api_gateway.ipynb | 0 .../docs/integrations/llms/anyscale.ipynb | 0 .../docs/integrations/llms/arcee.ipynb | 0 .../docs/integrations/llms/azure_ml.ipynb | 0 .../docs/integrations/llms/azure_openai.ipynb | 0 .../llms/baidu_qianfan_endpoint.ipynb | 0 .../docs/integrations/llms/banana.ipynb | 0 .../docs/integrations/llms/baseten.ipynb | 0 .../docs/integrations/llms/beam.ipynb | 0 .../docs/integrations/llms/bedrock.ipynb | 0 .../docs/integrations/llms/bittensor.ipynb | 0 .../docs/integrations/llms/cerebriumai.ipynb | 0 .../docs/integrations/llms/chatglm.ipynb | 0 .../docs/integrations/llms/clarifai.ipynb | 0 .../docs/integrations/llms/cohere.ipynb | 0 .../integrations/llms/ctransformers.ipynb | 0 .../docs/integrations/llms/ctranslate2.ipynb | 0 .../docs/integrations/llms/databricks.ipynb | 0 .../docs/integrations/llms/deepinfra.ipynb | 0 .../docs/integrations/llms/deepsparse.ipynb | 0 .../docs/integrations/llms/edenai.ipynb | 0 .../docs/integrations/llms/fireworks.ipynb | 0 .../docs/integrations/llms/forefrontai.ipynb | 0 .../llms/google_vertex_ai_palm.ipynb | 0 .../docs/integrations/llms/gooseai.ipynb | 0 .../docs/integrations/llms/gpt4all.ipynb | 0 .../docs/integrations/llms/gradient.ipynb | 0 .../integrations/llms/huggingface_hub.ipynb | 0 .../llms/huggingface_pipelines.ipynb | 0 .../llms/huggingface_textgen_inference.ipynb | 0 .../docs/integrations/llms/index.mdx | 0 .../docs/integrations/llms/javelin.ipynb | 0 .../llms/jsonformer_experimental.ipynb | 0 .../docs/integrations/llms/koboldai.ipynb | 0 .../docs/integrations/llms/llamacpp.ipynb | 0 .../docs/integrations/llms/llm_caching.ipynb | 0 .../docs/integrations/llms/manifest.ipynb | 0 .../docs/integrations/llms/minimax.ipynb | 0 .../docs/integrations/llms/modal.ipynb | 0 .../docs/integrations/llms/mosaicml.ipynb | 0 .../docs/integrations/llms/nlpcloud.ipynb | 0 .../docs/integrations/llms/octoai.ipynb | 0 .../docs/integrations/llms/ollama.ipynb | 0 .../integrations/llms/opaqueprompts.ipynb | 0 .../docs/integrations/llms/openai.ipynb | 0 .../docs/integrations/llms/openllm.ipynb | 0 .../docs/integrations/llms/openlm.ipynb | 0 .../docs/integrations/llms/petals.ipynb | 0 .../docs/integrations/llms/pipelineai.ipynb | 0 .../docs/integrations/llms/predibase.ipynb | 0 .../integrations/llms/predictionguard.ipynb | 0 .../llms/promptlayer_openai.ipynb | 0 .../llms/rellm_experimental.ipynb | 0 .../docs/integrations/llms/replicate.ipynb | 0 .../docs/integrations/llms/runhouse.ipynb | 0 .../docs/integrations/llms/sagemaker.ipynb | 0 .../docs/integrations/llms/stochasticai.ipynb | 0 .../integrations/llms/symblai_nebula.ipynb | 0 .../docs/integrations/llms/textgen.ipynb | 0 .../integrations/llms/titan_takeoff.ipynb | 0 .../docs/integrations/llms/tongyi.ipynb | 0 .../docs/integrations/llms/vllm.ipynb | 0 .../docs/integrations/llms/writer.ipynb | 0 .../docs/integrations/llms/xinference.ipynb | 0 .../integrations/memory/aws_dynamodb.ipynb | 0 .../cassandra_chat_message_history.ipynb | 0 .../memory/momento_chat_message_history.ipynb | 0 .../memory/mongodb_chat_message_history.ipynb | 0 .../memory/motorhead_memory.ipynb | 0 .../postgres_chat_message_history.ipynb | 0 .../memory/redis_chat_message_history.ipynb | 0 .../docs/integrations/memory/remembrall.md | 0 .../memory/rockset_chat_message_history.ipynb | 0 .../memory/sql_chat_message_history.ipynb | 0 .../docs/integrations/memory/sqlite.ipynb | 0 .../streamlit_chat_message_history.ipynb | 0 .../memory/xata_chat_message_history.ipynb | 0 .../docs/integrations/memory/zep_memory.ipynb | 0 .../docs/integrations/platforms/anthropic.mdx | 0 .../docs/integrations/platforms/aws.mdx | 0 .../docs/integrations/platforms/google.mdx | 0 .../docs/integrations/platforms/microsoft.mdx | 0 .../docs/integrations/platforms/openai.mdx | 0 .../providers/activeloop_deeplake.mdx | 0 .../docs/integrations/providers/ai21.mdx | 0 .../integrations/providers/aim_tracking.ipynb | 0 .../docs/integrations/providers/ainetwork.mdx | 0 .../docs/integrations/providers/airbyte.mdx | 0 .../docs/integrations/providers/airtable.md | 0 .../integrations/providers/aleph_alpha.mdx | 0 .../providers/alibabacloud_opensearch.md | 0 .../integrations/providers/analyticdb.mdx | 0 .../docs/integrations/providers/annoy.mdx | 0 .../docs/integrations/providers/anyscale.mdx | 0 .../docs/integrations/providers/apify.mdx | 0 .../docs/integrations/providers/arangodb.mdx | 0 .../docs/integrations/providers/argilla.mdx | 0 .../providers/arthur_tracking.ipynb | 0 .../docs/integrations/providers/arxiv.mdx | 0 .../docs/integrations/providers/atlas.mdx | 0 .../docs/integrations/providers/awadb.md | 0 .../integrations/providers/aws_dynamodb.mdx | 0 .../docs/integrations/providers/azlyrics.mdx | 0 .../docs/integrations/providers/bageldb.mdx | 0 .../docs/integrations/providers/bananadev.mdx | 0 .../docs/integrations/providers/baseten.md | 0 .../docs/integrations/providers/beam.mdx | 0 .../integrations/providers/beautiful_soup.mdx | 0 .../docs/integrations/providers/bilibili.mdx | 0 .../docs/integrations/providers/bittensor.mdx | 0 .../integrations/providers/blackboard.mdx | 0 .../integrations/providers/brave_search.mdx | 0 .../docs/integrations/providers/cassandra.mdx | 0 .../integrations/providers/cerebriumai.mdx | 0 .../docs/integrations/providers/chaindesk.mdx | 0 .../docs/integrations/providers/chroma.mdx | 0 .../docs/integrations/providers/clarifai.mdx | 0 .../providers/clearml_tracking.ipynb | 2 +- .../integrations/providers/clickhouse.mdx | 0 .../docs/integrations/providers/cnosdb.mdx | 0 .../docs/integrations/providers/cohere.mdx | 0 .../providers/college_confidential.mdx | 0 .../providers/comet_tracking.ipynb | 0 .../docs/integrations/providers/confident.mdx | 0 .../integrations/providers/confluence.mdx | 0 .../integrations/providers/ctransformers.mdx | 0 .../integrations/providers/dashvector.mdx | 0 .../docs/integrations/providers/databricks.md | 0 .../docs/integrations/providers/datadog.mdx | 0 .../integrations/providers/datadog_logs.mdx | 0 .../integrations/providers/dataforseo.mdx | 0 .../docs/integrations/providers/deepinfra.mdx | 0 .../integrations/providers/deepsparse.mdx | 0 .../docs/integrations/providers/diffbot.mdx | 0 .../docs/integrations/providers/dingo.mdx | 0 .../docs/integrations/providers/discord.mdx | 0 .../docs/integrations/providers/docarray.mdx | 0 .../docs/integrations/providers/doctran.mdx | 0 .../docs/integrations/providers/docugami.mdx | 0 .../docs/integrations/providers/duckdb.mdx | 0 .../integrations/providers/elasticsearch.mdx | 0 .../docs/integrations/providers/epsilla.mdx | 0 .../docs/integrations/providers/evernote.mdx | 0 .../integrations/providers/facebook_chat.mdx | 0 .../integrations/providers/facebook_faiss.mdx | 0 .../docs/integrations/providers/figma.mdx | 0 .../docs/integrations/providers/fireworks.md | 0 .../docs/integrations/providers/flyte.mdx | 0 .../integrations/providers/forefrontai.mdx | 0 .../docs/integrations/providers/git.mdx | 0 .../docs/integrations/providers/gitbook.mdx | 0 .../docs/integrations/providers/golden.mdx | 0 .../providers/google_document_ai.mdx | 0 .../integrations/providers/google_serper.mdx | 0 .../docs/integrations/providers/gooseai.mdx | 0 .../docs/integrations/providers/gpt4all.mdx | 0 .../integrations/providers/graphsignal.mdx | 0 .../docs/integrations/providers/grobid.mdx | 0 .../docs/integrations/providers/gutenberg.mdx | 0 .../integrations/providers/hacker_news.mdx | 0 .../integrations/providers/hazy_research.mdx | 0 .../docs/integrations/providers/helicone.mdx | 0 .../docs/integrations/providers/hologres.mdx | 0 .../docs/integrations/providers/html2text.mdx | 0 .../integrations/providers/huggingface.mdx | 0 .../docs/integrations/providers/ifixit.mdx | 0 .../docs/integrations/providers/imsdb.mdx | 0 .../docs/integrations/providers/infino.mdx | 0 .../providers/javelin_ai_gateway.mdx | 0 .../docs/integrations/providers/jina.mdx | 0 .../docs/integrations/providers/konko.mdx | 0 .../docs/integrations/providers/lancedb.mdx | 0 .../providers/langchain_decorators.mdx | 0 .../docs/integrations/providers/llamacpp.mdx | 0 .../docs/integrations/providers/log10.mdx | 0 .../docs/integrations/providers/marqo.md | 0 .../integrations/providers/mediawikidump.mdx | 0 .../integrations/providers/meilisearch.mdx | 0 .../docs/integrations/providers/metal.mdx | 0 .../docs/integrations/providers/milvus.mdx | 0 .../docs/integrations/providers/minimax.mdx | 0 .../providers/mlflow_ai_gateway.mdx | 0 .../providers/mlflow_tracking.ipynb | 0 .../docs/integrations/providers/modal.mdx | 0 .../integrations/providers/modelscope.mdx | 0 .../providers/modern_treasury.mdx | 0 .../docs/integrations/providers/momento.mdx | 0 .../integrations/providers/mongodb_atlas.mdx | 0 .../integrations/providers/motherduck.mdx | 0 .../docs/integrations/providers/motorhead.mdx | 0 .../docs/integrations/providers/myscale.mdx | 0 .../docs/integrations/providers/neo4j.mdx | 0 .../docs/integrations/providers/nlpcloud.mdx | 0 .../docs/integrations/providers/notion.mdx | 0 .../docs/integrations/providers/nuclia.mdx | 0 .../docs/integrations/providers/obsidian.mdx | 0 .../docs/integrations/providers/openllm.mdx | 0 .../integrations/providers/opensearch.mdx | 0 .../integrations/providers/openweathermap.mdx | 0 .../docs/integrations/providers/petals.mdx | 0 .../integrations/providers/pg_embedding.mdx | 0 .../docs/integrations/providers/pgvector.mdx | 0 .../docs/integrations/providers/pinecone.mdx | 0 .../integrations/providers/pipelineai.mdx | 0 .../integrations/providers/portkey/index.md | 0 .../portkey/logging_tracing_portkey.ipynb | 0 .../docs/integrations/providers/predibase.md | 0 .../providers/predictionguard.mdx | 0 .../integrations/providers/promptlayer.mdx | 0 .../docs/integrations/providers/psychic.mdx | 0 .../docs/integrations/providers/pubmed.md | 0 .../docs/integrations/providers/qdrant.mdx | 0 .../integrations/providers/ray_serve.ipynb | 0 .../docs/integrations/providers/rebuff.ipynb | 0 .../docs/integrations/providers/reddit.mdx | 0 .../docs/integrations/providers/redis.mdx | 0 .../docs/integrations/providers/replicate.mdx | 0 .../docs/integrations/providers/roam.mdx | 0 .../docs/integrations/providers/rockset.mdx | 0 .../docs/integrations/providers/runhouse.mdx | 0 .../docs/integrations/providers/rwkv.mdx | 0 .../docs/integrations/providers/scann.mdx | 0 .../docs/integrations/providers/searchapi.mdx | 0 .../docs/integrations/providers/searx.mdx | 0 .../docs/integrations/providers/serpapi.mdx | 0 .../integrations/providers/shaleprotocol.md | 0 .../integrations/providers/singlestoredb.mdx | 0 .../docs/integrations/providers/sklearn.mdx | 0 .../docs/integrations/providers/slack.mdx | 0 .../docs/integrations/providers/spacy.mdx | 0 .../docs/integrations/providers/spreedly.mdx | 0 .../docs/integrations/providers/starrocks.mdx | 0 .../integrations/providers/stochasticai.mdx | 0 .../docs/integrations/providers/stripe.mdx | 0 .../docs/integrations/providers/supabase.mdx | 0 .../integrations/providers/symblai_nebula.mdx | 0 .../docs/integrations/providers/tair.mdx | 0 .../docs/integrations/providers/telegram.mdx | 0 .../providers/tencentvectordb.mdx | 0 .../providers/tensorflow_datasets.mdx | 0 .../docs/integrations/providers/tigris.mdx | 0 .../integrations/providers/tomarkdown.mdx | 0 .../docs/integrations/providers/trello.mdx | 0 .../docs/integrations/providers/trulens.mdx | 0 .../docs/integrations/providers/twitter.mdx | 0 .../docs/integrations/providers/typesense.mdx | 0 .../integrations/providers/unstructured.mdx | 0 .../docs/integrations/providers/usearch.mdx | 0 .../docs/integrations/providers/vearch.md | 0 .../integrations/providers/vectara/index.mdx | 0 .../providers/vectara/vectara_chat.ipynb | 0 .../vectara/vectara_text_generation.ipynb | 0 .../docs/integrations/providers/vespa.mdx | 0 .../providers/wandb_tracing.ipynb | 0 .../providers/wandb_tracking.ipynb | 0 .../docs/integrations/providers/weather.mdx | 0 .../docs/integrations/providers/weaviate.mdx | 0 .../docs/integrations/providers/whatsapp.mdx | 0 .../providers/whylabs_profiling.ipynb | 0 .../docs/integrations/providers/wikipedia.mdx | 0 .../integrations/providers/wolfram_alpha.mdx | 0 .../docs/integrations/providers/writer.mdx | 0 .../docs/integrations/providers/xata.mdx | 0 .../integrations/providers/xinference.mdx | 0 .../docs/integrations/providers/yeagerai.mdx | 0 .../docs/integrations/providers/youtube.mdx | 0 .../docs/integrations/providers/zep.mdx | 0 .../docs/integrations/providers/zilliz.mdx | 0 .../retrievers/amazon_kendra_retriever.ipynb | 0 .../docs/integrations/retrievers/arcee.ipynb | 0 .../docs/integrations/retrievers/arxiv.ipynb | 0 .../retrievers/azure_cognitive_search.ipynb | 0 .../docs/integrations/retrievers/bm25.ipynb | 0 .../integrations/retrievers/chaindesk.ipynb | 0 .../retrievers/chatgpt-plugin.ipynb | 0 .../retrievers/cohere-reranker.ipynb | 0 .../retrievers/docarray_retriever.ipynb | 0 .../retrievers/elastic_search_bm25.ipynb | 0 .../google_cloud_enterprise_search.ipynb | 0 .../retrievers/google_drive.ipynb | 0 .../retrievers/google_vertex_ai_search.ipynb | 0 .../docs/integrations/retrievers/kay.ipynb | 0 .../docs/integrations/retrievers/knn.ipynb | 0 .../retrievers/merger_retriever.ipynb | 0 .../docs/integrations/retrievers/metal.ipynb | 0 .../retrievers/pinecone_hybrid_search.ipynb | 0 .../docs/integrations/retrievers/pubmed.ipynb | 0 .../integrations/retrievers/re_phrase.ipynb | 0 .../integrations/retrievers/sec_filings.ipynb | 0 .../docs/integrations/retrievers/svm.ipynb | 0 .../docs/integrations/retrievers/tavily.ipynb | 0 .../docs/integrations/retrievers/tf_idf.ipynb | 0 .../docs/integrations/retrievers/vespa.ipynb | 0 .../retrievers/weaviate-hybrid.ipynb | 0 .../integrations/retrievers/wikipedia.ipynb | 0 .../retrievers/you-retriever.ipynb | 0 .../retrievers/zep_memorystore.ipynb | 0 .../text_embedding/aleph_alpha.ipynb | 0 .../integrations/text_embedding/awadb.ipynb | 0 .../text_embedding/azureopenai.ipynb | 0 .../baidu_qianfan_endpoint.ipynb | 0 .../integrations/text_embedding/bedrock.ipynb | 0 .../text_embedding/bge_huggingface.ipynb | 0 .../text_embedding/clarifai.ipynb | 0 .../integrations/text_embedding/cohere.ipynb | 0 .../text_embedding/dashscope.ipynb | 0 .../text_embedding/deepinfra.ipynb | 0 .../integrations/text_embedding/edenai.ipynb | 0 .../text_embedding/elasticsearch.ipynb | 0 .../integrations/text_embedding/embaas.ipynb | 0 .../integrations/text_embedding/ernie.ipynb | 0 .../integrations/text_embedding/fake.ipynb | 0 .../google_vertex_ai_palm.ipynb | 0 .../integrations/text_embedding/gpt4all.ipynb | 0 .../text_embedding/gradient.ipynb | 0 .../text_embedding/huggingfacehub.ipynb | 0 .../text_embedding/instruct_embeddings.ipynb | 0 .../integrations/text_embedding/jina.ipynb | 0 .../text_embedding/llamacpp.ipynb | 0 .../text_embedding/llm_rails.ipynb | 0 .../integrations/text_embedding/localai.ipynb | 0 .../integrations/text_embedding/minimax.ipynb | 0 .../text_embedding/modelscope_hub.ipynb | 0 .../text_embedding/mosaicml.ipynb | 0 .../text_embedding/nlp_cloud.ipynb | 0 .../integrations/text_embedding/ollama.ipynb | 0 .../integrations/text_embedding/openai.ipynb | 0 .../text_embedding/sagemaker-endpoint.ipynb | 0 .../text_embedding/self-hosted.ipynb | 0 .../sentence_transformers.ipynb | 0 .../text_embedding/spacy_embedding.ipynb | 0 .../text_embedding/tensorflowhub.ipynb | 0 .../text_embedding/xinference.ipynb | 0 .../integrations/toolkits/ainetwork.ipynb | 0 .../toolkits/airbyte_structured_qa.ipynb | 0 .../docs/integrations/toolkits/amadeus.ipynb | 0 .../toolkits/azure_cognitive_services.ipynb | 0 .../docs/integrations/toolkits/clickup.ipynb | 0 .../docs/integrations/toolkits/csv.ipynb | 0 .../document_comparison_toolkit.ipynb | 0 .../docs/integrations/toolkits/github.ipynb | 0 .../docs/integrations/toolkits/gitlab.ipynb | 0 .../docs/integrations/toolkits/gmail.ipynb | 0 .../integrations/toolkits/google_drive.ipynb | 0 .../docs/integrations/toolkits/jira.ipynb | 0 .../docs/integrations/toolkits/json.ipynb | 0 .../docs/integrations/toolkits/multion.ipynb | 0 .../integrations/toolkits/office365.ipynb | 0 .../docs/integrations/toolkits/openapi.ipynb | 0 .../integrations/toolkits/openapi_nla.ipynb | 0 .../docs/integrations/toolkits/pandas.ipynb | 0 .../integrations/toolkits/playwright.ipynb | 0 .../docs/integrations/toolkits/powerbi.ipynb | 0 .../docs/integrations/toolkits/python.ipynb | 0 .../docs/integrations/toolkits/spark.ipynb | 0 .../integrations/toolkits/spark_sql.ipynb | 0 .../integrations/toolkits/sql_database.ipynb | 0 .../integrations/toolkits/vectorstore.ipynb | 0 .../docs/integrations/toolkits/xorbits.ipynb | 0 .../tools/_gradio_tools_files/output_7_0.png | Bin .../integrations/tools/alpha_vantage.ipynb | 0 .../docs/integrations/tools/apify.ipynb | 0 .../docs/integrations/tools/arxiv.ipynb | 0 .../docs/integrations/tools/awslambda.ipynb | 0 .../docs/integrations/tools/bash.ipynb | 0 .../docs/integrations/tools/bing_search.ipynb | 0 .../integrations/tools/brave_search.ipynb | 0 .../integrations/tools/chatgpt_plugins.ipynb | 0 .../tools/dalle_image_generator.ipynb | 0 .../docs/integrations/tools/dataforseo.ipynb | 0 .../docs/integrations/tools/ddg.ipynb | 0 .../integrations/tools/edenai_tools.ipynb | 0 .../integrations/tools/eleven_labs_tts.ipynb | 0 .../docs/integrations/tools/filesystem.ipynb | 0 .../integrations/tools/golden_query.ipynb | 0 .../integrations/tools/google_drive.ipynb | 0 .../integrations/tools/google_places.ipynb | 0 .../integrations/tools/google_search.ipynb | 0 .../integrations/tools/google_serper.ipynb | 0 .../integrations/tools/gradio_tools.ipynb | 0 .../docs/integrations/tools/graphql.ipynb | 0 .../tools/huggingface_tools.ipynb | 0 .../docs/integrations/tools/human_tools.ipynb | 0 .../docs/integrations/tools/ifttt.ipynb | 0 .../docs/integrations/tools/lemonai.ipynb | 0 .../integrations/tools/metaphor_search.ipynb | 0 .../docs/integrations/tools/nuclia.ipynb | 0 .../integrations/tools/openweathermap.ipynb | 0 .../docs/integrations/tools/pubmed.ipynb | 0 .../docs/integrations/tools/python.ipynb | 0 .../docs/integrations/tools/requests.ipynb | 0 .../docs/integrations/tools/sceneXplain.ipynb | 0 .../integrations/tools/search_tools.ipynb | 0 .../docs/integrations/tools/searchapi.ipynb | 0 .../integrations/tools/searx_search.ipynb | 0 .../docs/integrations/tools/serpapi.ipynb | 0 .../docs/integrations/tools/twilio.ipynb | 0 .../docs/integrations/tools/wikipedia.ipynb | 0 .../integrations/tools/wolfram_alpha.ipynb | 0 .../tools/yahoo_finance_news.ipynb | 0 .../docs/integrations/tools/youtube.ipynb | 0 .../docs/integrations/tools/zapier.ipynb | 0 .../vectorstores/activeloop_deeplake.ipynb | 0 .../alibabacloud_opensearch.ipynb | 0 .../vectorstores/analyticdb.ipynb | 0 .../integrations/vectorstores/annoy.ipynb | 0 .../integrations/vectorstores/atlas.ipynb | 0 .../integrations/vectorstores/awadb.ipynb | 0 .../vectorstores/azuresearch.ipynb | 0 .../integrations/vectorstores/bageldb.ipynb | 0 .../integrations/vectorstores/cassandra.ipynb | 0 .../integrations/vectorstores/chroma.ipynb | 0 .../integrations/vectorstores/clarifai.ipynb | 0 .../vectorstores/clickhouse.ipynb | 0 .../vectorstores/dashvector.ipynb | 0 .../integrations/vectorstores/dingo.ipynb | 0 .../vectorstores/docarray_hnsw.ipynb | 0 .../vectorstores/docarray_in_memory.ipynb | 0 .../vectorstores/elasticsearch.ipynb | 0 .../integrations/vectorstores/epsilla.ipynb | 0 .../integrations/vectorstores/faiss.ipynb | 0 .../vectorstores/faiss_index/index.faiss | Bin .../integrations/vectorstores/hologres.ipynb | 0 .../integrations/vectorstores/lancedb.ipynb | 0 .../integrations/vectorstores/llm_rails.ipynb | 0 .../integrations/vectorstores/marqo.ipynb | 0 .../vectorstores/matchingengine.ipynb | 0 .../vectorstores/meilisearch.ipynb | 0 .../integrations/vectorstores/milvus.ipynb | 0 .../vectorstores/momento_vector_index.ipynb | 0 .../vectorstores/mongodb_atlas.ipynb | 0 .../integrations/vectorstores/myscale.ipynb | 0 .../vectorstores/neo4jvector.ipynb | 0 .../integrations/vectorstores/nucliadb.ipynb | 0 .../vectorstores/opensearch.ipynb | 0 .../vectorstores/pgembedding.ipynb | 0 .../integrations/vectorstores/pgvector.ipynb | 0 .../integrations/vectorstores/pinecone.ipynb | 0 .../integrations/vectorstores/qdrant.ipynb | 0 .../integrations/vectorstores/redis.ipynb | 0 .../integrations/vectorstores/rockset.ipynb | 0 .../integrations/vectorstores/scann.ipynb | 0 .../vectorstores/singlestoredb.ipynb | 0 .../integrations/vectorstores/sklearn.ipynb | 0 .../integrations/vectorstores/sqlitevss.ipynb | 0 .../integrations/vectorstores/starrocks.ipynb | 0 .../integrations/vectorstores/supabase.ipynb | 0 .../docs/integrations/vectorstores/tair.ipynb | 0 .../vectorstores/tencentvectordb.ipynb | 0 .../integrations/vectorstores/tigris.ipynb | 0 .../vectorstores/timescalevector.ipynb | 38 +++++++++--------- .../integrations/vectorstores/typesense.ipynb | 0 .../integrations/vectorstores/usearch.ipynb | 0 .../docs/integrations/vectorstores/vald.ipynb | 0 .../integrations/vectorstores/vearch.ipynb | 0 .../integrations/vectorstores/vectara.ipynb | 0 .../integrations/vectorstores/vespa.ipynb | 0 .../integrations/vectorstores/weaviate.ipynb | 0 .../docs/integrations/vectorstores/xata.ipynb | 0 .../docs/integrations/vectorstores/zep.ipynb | 0 .../integrations/vectorstores/zilliz.ipynb | 0 .../agent_types/chat_conversation_agent.ipynb | 0 .../docs/modules/agents/agent_types/index.mdx | 0 .../agent_types/openai_functions_agent.ipynb | 0 .../openai_multi_functions_agent.ipynb | 0 .../modules/agents/agent_types/react.ipynb | 0 .../agents/agent_types/react_docstore.ipynb | 0 .../agent_types/self_ask_with_search.ipynb | 0 .../agents/agent_types/structured_chat.ipynb | 0 .../agents/agent_types/xml_agent.ipynb | 0 .../docs/modules/agents/how_to/_category_.yml | 0 .../how_to/add_memory_openai_functions.ipynb | 0 .../modules/agents/how_to/agent_iter.ipynb | 0 .../agents/how_to/agent_structured.ipynb | 0 .../agents/how_to/agent_vectorstore.ipynb | 0 .../modules/agents/how_to/async_agent.ipynb | 0 .../modules/agents/how_to/chatgpt_clone.ipynb | 0 ...unctions-with-openai-functions-agent.ipynb | 0 .../modules/agents/how_to/custom_agent.ipynb | 0 .../custom_agent_with_tool_retrieval.ipynb | 0 .../agents/how_to/custom_llm_agent.mdx | 0 .../agents/how_to/custom_llm_chat_agent.mdx | 0 .../agents/how_to/custom_mrkl_agent.ipynb | 0 .../how_to/custom_multi_action_agent.ipynb | 0 .../agents/how_to/handle_parsing_errors.ipynb | 0 .../agents/how_to/intermediate_steps.ipynb | 0 .../agents/how_to/max_iterations.ipynb | 0 .../agents/how_to/max_time_limit.ipynb | 0 .../docs/modules/agents/how_to/mrkl.mdx | 0 .../how_to/sharedmemory_for_tools.ipynb | 0 .../how_to/streaming_stdout_final_only.ipynb | 0 .../use_toolkits_with_openai_functions.ipynb | 0 .../docs/modules/agents/index.mdx | 0 .../docs/modules/agents/toolkits/index.mdx | 0 .../modules/agents/tools/custom_tools.ipynb | 0 .../modules/agents/tools/human_approval.ipynb | 0 .../docs/modules/agents/tools/index.mdx | 0 .../agents/tools/multi_input_tool.ipynb | 0 .../agents/tools/tool_input_validation.ipynb | 0 .../tools/tools_as_openai_functions.ipynb | 0 .../modules/callbacks/async_callbacks.ipynb | 0 .../modules/callbacks/custom_callbacks.ipynb | 0 .../docs/modules/callbacks/custom_chain.mdx | 0 .../callbacks/filecallbackhandler.ipynb | 0 .../docs/modules/callbacks/index.mdx | 0 .../callbacks/multiple_callbacks.ipynb | 0 .../docs/modules/callbacks/tags.mdx | 0 .../modules/callbacks/token_counting.ipynb | 0 .../docs/modules/chains/document/index.mdx | 0 .../modules/chains/document/map_reduce.mdx | 0 .../modules/chains/document/map_rerank.mdx | 0 .../docs/modules/chains/document/refine.mdx | 0 .../docs/modules/chains/document/stuff.mdx | 0 .../modules/chains/foundational/index.mdx | 0 .../modules/chains/foundational/llm_chain.mdx | 0 .../modules/chains/foundational/router.ipynb | 0 .../chains/foundational/sequential_chains.mdx | 0 .../chains/foundational/transformation.ipynb | 0 .../modules/chains/how_to/async_chain.ipynb | 0 .../modules/chains/how_to/call_methods.ipynb | 0 .../modules/chains/how_to/custom_chain.ipynb | 0 .../docs/modules/chains/how_to/debugging.mdx | 0 .../docs/modules/chains/how_to/from_hub.ipynb | 0 .../docs/modules/chains/how_to/index.mdx | 0 .../docs/modules/chains/how_to/llm.json | 0 .../docs/modules/chains/how_to/llm_chain.json | 0 .../chains/how_to/llm_chain_separate.json | 0 .../docs/modules/chains/how_to/memory.mdx | 0 .../chains/how_to/openai_functions.ipynb | 0 .../docs/modules/chains/how_to/prompt.json | 0 .../modules/chains/how_to/serialization.ipynb | 0 .../docs/modules/chains/index.mdx | 0 .../data_connection/document_loaders/csv.mdx | 0 .../document_loaders/file_directory.mdx | 0 .../data_connection/document_loaders/html.mdx | 0 .../document_loaders/index.mdx | 0 .../data_connection/document_loaders/json.mdx | 0 .../document_loaders/markdown.mdx | 0 .../data_connection/document_loaders/pdf.mdx | 0 .../document_transformers/index.mdx | 0 .../post_retrieval/_category_.yml | 0 .../post_retrieval/long_context_reorder.ipynb | 0 .../text_splitters/HTML_header_metadata.ipynb | 0 .../text_splitters/_category_.yml | 0 .../character_text_splitter.mdx | 0 .../text_splitters/code_splitter.mdx | 0 .../markdown_header_metadata.ipynb | 0 .../recursive_text_splitter.mdx | 0 .../text_splitters/split_by_token.ipynb | 0 .../docs/modules/data_connection/index.mdx | 0 .../modules/data_connection/indexing.ipynb | 0 .../retrievers/MultiQueryRetriever.ipynb | 0 .../contextual_compression/index.mdx | 0 .../data_connection/retrievers/ensemble.ipynb | 0 .../data_connection/retrievers/index.mdx | 0 .../retrievers/multi_vector.ipynb | 0 .../parent_document_retriever.ipynb | 0 .../activeloop_deeplake_self_query.ipynb | 0 .../self_query/chroma_self_query.ipynb | 0 .../retrievers/self_query/dashvector.ipynb | 0 .../self_query/elasticsearch_self_query.ipynb | 0 .../retrievers/self_query/index.mdx | 0 .../self_query/milvus_self_query.ipynb | 0 .../self_query/myscale_self_query.ipynb | 0 .../self_query/opensearch_self_query.ipynb | 0 .../retrievers/self_query/pinecone.ipynb | 0 .../self_query/qdrant_self_query.ipynb | 0 .../self_query/redis_self_query.ipynb | 0 .../self_query/supabase_self_query.ipynb | 0 .../timescalevector_self_query.ipynb | 0 .../self_query/vectara_self_query.ipynb | 0 .../self_query/weaviate_self_query.ipynb | 0 .../retrievers/time_weighted_vectorstore.mdx | 0 .../retrievers/vectorstore.mdx | 0 .../retrievers/web_research.ipynb | 0 .../text_embedding/caching_embeddings.ipynb | 0 .../data_connection/text_embedding/index.mdx | 0 .../data_connection/vectorstores/index.mdx | 0 .../docs/modules/index.mdx | 0 .../docs/modules/memory/adding_memory.ipynb | 0 .../adding_memory_chain_multiple_inputs.ipynb | 0 .../modules/memory/agent_with_memory.ipynb | 0 .../memory/agent_with_memory_in_db.ipynb | 0 .../modules/memory/chat_messages/index.mdx | 0 .../memory/conversational_customization.ipynb | 0 .../docs/modules/memory/custom_memory.ipynb | 0 .../docs/modules/memory/index.mdx | 0 .../docs/modules/memory/multiple_memory.ipynb | 0 .../docs/modules/memory/types/buffer.mdx | 0 .../modules/memory/types/buffer_window.mdx | 0 .../memory/types/entity_summary_memory.mdx | 0 .../docs/modules/memory/types/index.mdx | 0 .../docs/modules/memory/types/kg.ipynb | 0 .../docs/modules/memory/types/summary.mdx | 0 .../modules/memory/types/summary_buffer.ipynb | 0 .../modules/memory/types/token_buffer.ipynb | 0 .../types/vectorstore_retriever_memory.mdx | 0 .../docs/modules/model_io/index.mdx | 0 .../models/chat/chat_model_caching.mdx | 0 .../models/chat/human_input_chat_model.ipynb | 0 .../modules/model_io/models/chat/index.mdx | 0 .../model_io/models/chat/llm_chain.mdx | 0 .../modules/model_io/models/chat/prompts.mdx | 0 .../model_io/models/chat/streaming.mdx | 0 .../docs/modules/model_io/models/index.mdx | 0 .../model_io/models/llms/async_llm.ipynb | 0 .../model_io/models/llms/custom_llm.ipynb | 0 .../model_io/models/llms/fake_llm.ipynb | 0 .../models/llms/human_input_llm.ipynb | 0 .../modules/model_io/models/llms/index.mdx | 0 .../modules/model_io/models/llms/llm.json | 0 .../modules/model_io/models/llms/llm.yaml | 0 .../model_io/models/llms/llm_caching.mdx | 0 .../models/llms/llm_serialization.ipynb | 0 .../model_io/models/llms/streaming_llm.mdx | 0 .../models/llms/token_usage_tracking.ipynb | 0 .../output_parsers/comma_separated.mdx | 0 .../model_io/output_parsers/datetime.ipynb | 0 .../model_io/output_parsers/enum.ipynb | 0 .../modules/model_io/output_parsers/index.mdx | 0 .../output_parsers/output_fixing_parser.mdx | 0 .../model_io/output_parsers/pydantic.ipynb | 0 .../model_io/output_parsers/retry.ipynb | 0 .../model_io/output_parsers/structured.mdx | 0 .../modules/model_io/output_parsers/xml.ipynb | 0 .../custom_example_selector.md | 0 .../prompts/example_selectors/index.mdx | 0 .../example_selectors/length_based.mdx | 0 .../prompts/example_selectors/mmr.ipynb | 0 .../example_selectors/ngram_overlap.ipynb | 0 .../prompts/example_selectors/similarity.mdx | 0 .../docs/modules/model_io/prompts/index.mdx | 0 .../connecting_to_a_feature_store.ipynb | 0 .../custom_prompt_template.ipynb | 0 .../prompt_templates/example_prompt.json | 0 .../prompts/prompt_templates/examples.json | 0 .../prompts/prompt_templates/examples.yaml | 0 .../prompt_templates/few_shot_examples.mdx | 0 .../few_shot_examples_chat.ipynb | 0 .../prompt_templates/format_output.mdx | 0 .../prompts/prompt_templates/formats.mdx | 0 .../prompts/prompt_templates/index.mdx | 0 .../prompt_templates/msg_prompt_templates.mdx | 0 .../prompts/prompt_templates/partial.mdx | 0 .../prompt_templates/prompt_composition.mdx | 0 .../prompt_serialization.ipynb | 0 .../prompt_with_output_parser.json | 0 .../prompt_templates/prompts_pipelining.ipynb | 0 .../prompt_templates/simple_prompt.json | 0 .../prompt_templates/simple_prompt.yaml | 0 .../simple_prompt_with_template_file.json | 0 .../prompt_templates/simple_template.txt | 0 .../prompts/prompt_templates/validate.mdx | 0 .../docs/modules/paul_graham_essay.txt | 0 .../docs/modules/state_of_the_union.txt | 0 .../docs/use_cases/apis.ipynb | 2 +- .../docs/use_cases/chatbots.ipynb | 2 +- .../docs/use_cases/code_understanding.ipynb | 8 ++-- .../docs/use_cases/extraction.ipynb | 2 +- .../docs/use_cases/more/_category_.yml | 0 .../camel_role_playing.ipynb | 0 .../agents/agent_simulations/characters.ipynb | 0 .../agents/agent_simulations/gymnasium.ipynb | 0 .../more/agents/agent_simulations/index.mdx | 0 .../agent_simulations/multi_player_dnd.ipynb | 0 .../multiagent_authoritarian.ipynb | 0 .../multiagent_bidding.ipynb | 0 .../agent_simulations/petting_zoo.ipynb | 0 .../two_agent_debate_tools.ipynb | 0 .../agent_simulations/two_player_dnd.ipynb | 0 .../docs/use_cases/more/agents/agents.ipynb | 2 +- .../agents/agents/camel_role_playing.ipynb | 0 .../custom_agent_with_plugin_retrieval.ipynb | 0 ...ith_plugin_retrieval_using_plugnplai.ipynb | 0 .../use_cases/more/agents/agents/index.mdx | 0 .../agents/sales_agent_with_context.ipynb | 0 .../more/agents/agents/wikibase_agent.ipynb | 0 .../agents/autonomous_agents/autogpt.ipynb | 0 .../agents/autonomous_agents/baby_agi.ipynb | 0 .../baby_agi_with_agent.ipynb | 0 .../agents/autonomous_agents/hugginggpt.ipynb | 0 .../more/agents/autonomous_agents/index.mdx | 0 .../autonomous_agents/marathon_times.ipynb | 0 .../autonomous_agents/meta_prompt.ipynb | 0 .../autonomous_agents/plan_and_execute.mdx | 0 .../more/agents/multi_modal/_category_.yml | 0 .../multi_modal_output_agent.ipynb | 0 .../use_cases/more/code_writing/cpal.ipynb | 0 .../use_cases/more/code_writing/index.mdx | 0 .../more/code_writing/llm_bash.ipynb | 0 .../more/code_writing/llm_math.ipynb | 0 .../more/code_writing/llm_symbolic_math.ipynb | 0 .../use_cases/more/code_writing/pal.ipynb | 0 .../docs/use_cases/more/data_generation.ipynb | 2 +- .../more/graph/diffbot_graphtransformer.ipynb | 2 +- .../more/graph/graph_arangodb_qa.ipynb | 0 .../more/graph/graph_cypher_qa.ipynb | 0 .../more/graph/graph_falkordb_qa.ipynb | 0 .../more/graph/graph_hugegraph_qa.ipynb | 0 .../use_cases/more/graph/graph_kuzu_qa.ipynb | 0 .../more/graph/graph_memgraph_qa.ipynb | 0 .../more/graph/graph_nebula_qa.ipynb | 0 .../docs/use_cases/more/graph/graph_qa.ipynb | 0 .../more/graph/graph_sparql_qa.ipynb | 0 .../docs/use_cases/more/graph/index.mdx | 0 .../more/graph/neptune_cypher_qa.ipynb | 0 .../docs/use_cases/more/graph/tot.ipynb | 0 .../more/learned_prompt_optimization.ipynb | 0 .../docs/use_cases/more/self_check/index.mdx | 0 .../more/self_check/llm_checker.ipynb | 0 .../llm_summarization_checker.ipynb | 0 .../use_cases/more/self_check/smart_llm.ipynb | 0 .../use_cases/qa_structured/_category_.yml | 0 .../qa_structured/integrations/_category_.yml | 0 .../integrations/databricks.ipynb | 0 .../integrations/elasticsearch.ipynb | 2 +- .../integrations/myscale_vector_sql.ipynb | 0 .../qa_structured/integrations/sqlite.mdx | 0 .../docs/use_cases/qa_structured/sql.ipynb | 2 +- .../question_answering/_category_.yml | 0 .../question_answering/how_to/_category_.yml | 0 .../how_to/analyze_document.mdx | 0 .../how_to/chat_vector_db.mdx | 0 .../how_to/code/code-analysis-deeplake.ipynb | 0 .../question_answering/how_to/code/index.mdx | 0 ...tter-the-algorithm-analysis-deeplake.ipynb | 0 .../conversational_retrieval_agents.ipynb | 4 +- .../how_to/document-context-aware-QA.ipynb | 0 .../question_answering/how_to/flare.ipynb | 0 .../question_answering/how_to/hyde.ipynb | 0 .../how_to/local_retrieval_qa.ipynb | 0 .../how_to/multi_retrieval_qa_router.mdx | 0 .../how_to/multiple_retrieval.ipynb | 0 .../how_to/qa_citations.ipynb | 0 .../how_to/question_answering.mdx | 0 .../how_to/vector_db_qa.mdx | 0 .../how_to/vector_db_text_generation.ipynb | 0 .../integrations/_category_.yml | 0 .../openai_functions_retrieval_qa.ipynb | 0 .../semantic-search-over-chat.ipynb | 0 .../question_answering.ipynb | 2 +- .../docs/use_cases/summarization.ipynb | 2 +- .../docs/use_cases/tagging.ipynb | 2 +- .../docs/use_cases/web_scraping.ipynb | 2 +- docs/docs_skeleton/ignore_build.sh | 14 ------- docs/{docs_skeleton => }/docusaurus.config.js | 8 +--- docs/extras/guides/langsmith/README.md | 2 +- docs/{docs_skeleton => }/package-lock.json | 0 docs/{docs_skeleton => }/package.json | 0 docs/scripts/generate_api_reference_links.py | 2 +- docs/scripts/model_feat_table.py | 1 - docs/{docs_skeleton => }/settings.ini | 0 docs/{docs_skeleton => }/sidebars.js | 0 .../document_loaders/get_started.mdx | 2 +- docs/{docs_skeleton => }/src/css/custom.css | 0 docs/{docs_skeleton => }/src/pages/index.js | 0 .../src/theme/CodeBlock/index.js | 0 .../src/theme/SearchBar.js | 0 docs/{docs_skeleton => }/static/.nojekyll | 0 .../static/img/ApifyActors.png | Bin .../static/img/HeliconeDashboard.png | Bin .../static/img/HeliconeKeys.png | Bin .../static/img/MetalDash.png | Bin .../static/img/OSS_LLM_overview.png | Bin docs/{docs_skeleton => }/static/img/ReAct.png | Bin .../static/img/RemembrallDashboard.png | Bin .../static/img/SQLDatabaseToolkit.png | Bin .../static/img/agents_use_case_1.png | Bin .../static/img/agents_use_case_trace_1.png | Bin .../static/img/agents_use_case_trace_2.png | Bin .../static/img/agents_vs_chains.png | Bin .../static/img/api_chain.png | Bin .../static/img/api_chain_response.png | Bin .../static/img/api_function_call.png | Bin .../static/img/api_use_case.png | Bin .../static/img/apple-touch-icon.png | Bin .../static/img/chat_use_case.png | Bin .../static/img/chat_use_case_2.png | Bin .../static/img/code_retrieval.png | Bin .../static/img/code_understanding.png | Bin .../static/img/contextual_compression.jpg | Bin .../static/img/cpal_diagram.png | Bin .../static/img/create_sql_query_chain.png | Bin .../static/img/data_connection.jpg | Bin .../static/img/extraction.png | Bin .../static/img/extraction_trace_function.png | Bin .../img/extraction_trace_function_2.png | Bin .../static/img/extraction_trace_joke.png | Bin .../static/img/favicon-16x16.png | Bin .../static/img/favicon-32x32.png | Bin .../static/img/favicon.ico | Bin .../static/img/llama-memory-weights.png | Bin .../static/img/llama_t_put.png | Bin .../static/img/map_reduce.jpg | Bin .../static/img/map_rerank.jpg | Bin .../static/img/memory_diagram.png | Bin .../static/img/model_io.jpg | Bin .../static/img/multi_vector.png | Bin .../static/img/oai_function_agent.png | Bin .../static/img/parrot-chainlink-icon.png | Bin .../static/img/parrot-icon.png | Bin .../static/img/portkey-dashboard.gif | Bin .../static/img/portkey-tracing.png | Bin .../static/img/qa_data_load.png | Bin .../static/img/qa_flow.jpeg | Bin .../static/img/qa_intro.png | Bin .../{docs_skeleton => }/static/img/refine.jpg | Bin .../static/img/run_details.png | Bin .../static/img/self_querying.jpg | Bin .../static/img/sql_usecase.png | Bin .../static/img/sqldbchain_trace.png | Bin docs/{docs_skeleton => }/static/img/stuff.jpg | Bin .../static/img/summarization_use_case_1.png | Bin .../static/img/summarization_use_case_2.png | Bin .../static/img/summarization_use_case_3.png | Bin .../static/img/summary_chains.png | Bin .../static/img/tagging.png | Bin .../static/img/tagging_trace.png | Bin .../static/img/vector_stores.jpg | Bin .../static/img/web_research.png | Bin .../static/img/web_scraping.png | Bin .../static/img/wsj_page.png | Bin .../static/js/google_analytics.js | 0 docs/{docs_skeleton => }/vercel.json | 0 docs/{docs_skeleton => }/vercel_build.sh | 6 +-- 1137 files changed, 72 insertions(+), 99 deletions(-) delete mode 100644 .gitmodules rename docs/{docs_skeleton => }/README.md (100%) rename docs/{docs_skeleton => }/babel.config.js (100%) rename docs/{docs_skeleton => }/code-block-loader.js (100%) rename docs/{docs_skeleton => docs}/.gitignore (100%) rename docs/{docs_skeleton => }/docs/_static/ApifyActors.png (100%) rename docs/{docs_skeleton => }/docs/_static/ChaindeskDashboard.png (100%) rename docs/{docs_skeleton => }/docs/_static/HeliconeDashboard.png (100%) rename docs/{docs_skeleton => }/docs/_static/HeliconeKeys.png (100%) rename docs/{docs_skeleton => }/docs/_static/MetalDash.png (100%) rename docs/{docs_skeleton => }/docs/_static/android-chrome-192x192.png (100%) rename docs/{docs_skeleton => }/docs/_static/android-chrome-512x512.png (100%) rename docs/{docs_skeleton => }/docs/_static/apple-touch-icon.png (100%) rename docs/{docs_skeleton => }/docs/_static/css/custom.css (100%) rename docs/{docs_skeleton => }/docs/_static/favicon-16x16.png (100%) rename docs/{docs_skeleton => }/docs/_static/favicon-32x32.png (100%) rename docs/{docs_skeleton => }/docs/_static/favicon.ico (100%) rename docs/{docs_skeleton => }/docs/_static/js/mendablesearch.js (100%) rename docs/{docs_skeleton => }/docs/_static/lc_modules.jpg (100%) rename docs/{docs_skeleton => }/docs/_static/parrot-chainlink-icon.png (100%) rename docs/{docs_skeleton => }/docs/_static/parrot-icon.png (100%) rename docs/{docs_skeleton => }/docs/_templates/integration.mdx (100%) rename docs/{docs_skeleton => }/docs/additional_resources/dependents.mdx (100%) rename docs/{docs_skeleton => }/docs/additional_resources/tutorials.mdx (100%) rename docs/{docs_skeleton => }/docs/additional_resources/youtube.mdx (100%) rename docs/{docs_skeleton => }/docs/community.md (100%) rename docs/{docs_skeleton => }/docs/expression_language/cookbook/agent.ipynb (100%) rename docs/{docs_skeleton => }/docs/expression_language/cookbook/code_writing.ipynb (100%) rename docs/{docs_skeleton => }/docs/expression_language/cookbook/index.mdx (100%) rename docs/{docs_skeleton => }/docs/expression_language/cookbook/memory.ipynb (100%) rename docs/{docs_skeleton => }/docs/expression_language/cookbook/moderation.ipynb (100%) rename docs/{docs_skeleton => }/docs/expression_language/cookbook/multiple_chains.ipynb (100%) rename docs/{docs_skeleton => }/docs/expression_language/cookbook/prompt_llm_parser.ipynb (100%) rename docs/{docs_skeleton => }/docs/expression_language/cookbook/retrieval.ipynb (100%) rename docs/{docs_skeleton => }/docs/expression_language/cookbook/sql_db.ipynb (100%) rename docs/{docs_skeleton => }/docs/expression_language/cookbook/tools.ipynb (100%) rename docs/{docs_skeleton => }/docs/expression_language/how_to/binding.ipynb (100%) rename docs/{docs_skeleton => }/docs/expression_language/how_to/fallbacks.ipynb (100%) rename docs/{docs_skeleton => }/docs/expression_language/how_to/functions.ipynb (100%) rename docs/{docs_skeleton => }/docs/expression_language/how_to/index.mdx (100%) rename docs/{docs_skeleton => }/docs/expression_language/how_to/map.ipynb (100%) rename docs/{docs_skeleton => }/docs/expression_language/how_to/routing.ipynb (100%) rename docs/{docs_skeleton => }/docs/expression_language/index.mdx (100%) rename docs/{docs_skeleton => }/docs/expression_language/interface.ipynb (100%) rename docs/{docs_skeleton => }/docs/get_started/installation.mdx (100%) rename docs/{docs_skeleton => }/docs/get_started/introduction.mdx (100%) rename docs/{docs_skeleton => }/docs/get_started/quickstart.mdx (100%) rename docs/{docs_skeleton => }/docs/guides/adapters/_category_.yml (100%) rename docs/{docs_skeleton => }/docs/guides/adapters/openai.ipynb (100%) rename docs/{docs_skeleton => }/docs/guides/debugging.md (100%) rename docs/{docs_skeleton => }/docs/guides/deployments/index.mdx (100%) rename docs/{docs_skeleton => }/docs/guides/deployments/template_repos.mdx (100%) rename docs/{docs_skeleton => }/docs/guides/evaluation/comparison/custom.ipynb (99%) rename docs/{docs_skeleton => }/docs/guides/evaluation/comparison/index.mdx (100%) rename docs/{docs_skeleton => }/docs/guides/evaluation/comparison/pairwise_embedding_distance.ipynb (98%) rename docs/{docs_skeleton => }/docs/guides/evaluation/comparison/pairwise_string.ipynb (99%) rename docs/{docs_skeleton => }/docs/guides/evaluation/examples/comparisons.ipynb (99%) rename docs/{docs_skeleton => }/docs/guides/evaluation/examples/index.mdx (100%) rename docs/{docs_skeleton => }/docs/guides/evaluation/index.mdx (100%) rename docs/{docs_skeleton => }/docs/guides/evaluation/string/criteria_eval_chain.ipynb (99%) rename docs/{docs_skeleton => }/docs/guides/evaluation/string/custom.ipynb (98%) rename docs/{docs_skeleton => }/docs/guides/evaluation/string/embedding_distance.ipynb (98%) rename docs/{docs_skeleton => }/docs/guides/evaluation/string/exact_match.ipynb (97%) rename docs/{docs_skeleton => }/docs/guides/evaluation/string/index.mdx (100%) rename docs/{docs_skeleton => }/docs/guides/evaluation/string/regex_match.ipynb (98%) rename docs/{docs_skeleton => }/docs/guides/evaluation/string/scoring_eval_chain.ipynb (100%) rename docs/{docs_skeleton => }/docs/guides/evaluation/string/string_distance.ipynb (98%) rename docs/{docs_skeleton => }/docs/guides/evaluation/trajectory/custom.ipynb (98%) rename docs/{docs_skeleton => }/docs/guides/evaluation/trajectory/index.mdx (100%) rename docs/{docs_skeleton => }/docs/guides/evaluation/trajectory/trajectory_eval.ipynb (99%) rename docs/{docs_skeleton => }/docs/guides/fallbacks.ipynb (100%) rename docs/{docs_skeleton => }/docs/guides/langsmith/img/log_traces.png (100%) rename docs/{docs_skeleton => }/docs/guides/langsmith/img/test_results.png (100%) rename docs/{docs_skeleton => }/docs/guides/langsmith/index.md (100%) rename docs/{docs_skeleton => }/docs/guides/langsmith/walkthrough.ipynb (99%) rename docs/{docs_skeleton => }/docs/guides/local_llms.ipynb (100%) rename docs/{docs_skeleton => }/docs/guides/model_laboratory.ipynb (100%) rename docs/{docs_skeleton => }/docs/guides/privacy/_category_.yml (100%) rename docs/{docs_skeleton => }/docs/guides/privacy/presidio_data_anonymization/index.ipynb (99%) rename docs/{docs_skeleton => }/docs/guides/privacy/presidio_data_anonymization/multi_language.ipynb (99%) rename docs/{docs_skeleton => }/docs/guides/privacy/presidio_data_anonymization/reversible.ipynb (99%) rename docs/{docs_skeleton => }/docs/guides/pydantic_compatibility.md (100%) rename docs/{docs_skeleton => }/docs/guides/safety/_category_.yml (100%) rename docs/{docs_skeleton => }/docs/guides/safety/amazon_comprehend_chain.ipynb (100%) rename docs/{docs_skeleton => }/docs/guides/safety/constitutional_chain.mdx (100%) rename docs/{docs_skeleton => }/docs/guides/safety/hugging_face_prompt_injection.ipynb (100%) rename docs/{docs_skeleton => }/docs/guides/safety/index.mdx (100%) rename docs/{docs_skeleton => }/docs/guides/safety/logical_fallacy_chain.mdx (100%) rename docs/{docs_skeleton => }/docs/guides/safety/moderation.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/callbacks/argilla.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/callbacks/confident.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/callbacks/context.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/callbacks/infino.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/callbacks/labelstudio.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/callbacks/llmonitor.md (100%) rename docs/{docs_skeleton => }/docs/integrations/callbacks/promptlayer.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/callbacks/sagemaker_tracking.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/callbacks/streamlit.md (100%) rename docs/{docs_skeleton => }/docs/integrations/callbacks/trubrics.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/chat/anthropic.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/chat/anthropic_functions.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/chat/anyscale.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/chat/azure_chat_openai.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/chat/azureml_chat_endpoint.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/chat/baidu_qianfan_endpoint.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/chat/bedrock.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/chat/cohere.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/chat/ernie.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/chat/fireworks.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/chat/google_vertex_ai_palm.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/chat/index.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/chat/jinachat.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/chat/konko.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/chat/litellm.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/chat/llama_api.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/chat/minimax.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/chat/ollama.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/chat/openai.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/chat/promptlayer_chatopenai.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/chat/vllm.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/chat_loaders/discord.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/chat_loaders/example_data/dataset_twitter-scraper_2023-08-23_22-13-19-740.json (100%) rename docs/{docs_skeleton => }/docs/integrations/chat_loaders/example_data/langsmith_chat_dataset.json (100%) rename docs/{docs_skeleton => }/docs/integrations/chat_loaders/facebook.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/chat_loaders/gmail.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/chat_loaders/imessage.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/chat_loaders/langsmith_dataset.ipynb (98%) rename docs/{docs_skeleton => }/docs/integrations/chat_loaders/langsmith_llm_runs.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/chat_loaders/slack.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/chat_loaders/telegram.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/chat_loaders/twitter.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/chat_loaders/wechat.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/chat_loaders/whatsapp.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/acreom.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/airbyte_cdk.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/airbyte_gong.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/airbyte_hubspot.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/airbyte_json.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/airbyte_salesforce.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/airbyte_shopify.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/airbyte_stripe.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/airbyte_typeform.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/airbyte_zendesk_support.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/airtable.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/alibaba_cloud_maxcompute.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/apify_dataset.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/arcgis.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/arxiv.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/assemblyai.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/async_chromium.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/async_html.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/aws_s3_directory.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/aws_s3_file.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/azlyrics.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/azure_blob_storage_container.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/azure_blob_storage_file.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/azure_document_intelligence.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/bibtex.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/bilibili.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/blackboard.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/blockchain.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/brave_search.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/browserless.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/chatgpt_loader.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/college_confidential.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/concurrent.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/confluence.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/conll-u.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/copypaste.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/csv.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/cube_semantic.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/datadog_logs.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/diffbot.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/discord.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/docugami.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/dropbox.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/duckdb.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/email.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/embaas.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/epub.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/etherscan.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/evernote.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/example_data/README.org (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/example_data/README.rst (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/example_data/conllu.conllu (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/example_data/facebook_chat.json (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/example_data/facebook_chat_messages.jsonl (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/example_data/factbook.xml (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/example_data/fake-content.html (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/example_data/fake-email-attachment.eml (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/example_data/fake-email.eml (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/example_data/fake-email.msg (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/example_data/fake-power-point.pptx (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/example_data/fake.docx (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/example_data/fake.odt (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/example_data/fake_conversations.json (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/example_data/fake_discord_data/output.txt (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/example_data/fake_discord_data/package/messages/c105765859191975936/messages.csv (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/example_data/fake_discord_data/package/messages/c278566343836565505/messages.csv (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/example_data/fake_discord_data/package/messages/c279692806442844161/messages.csv (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/example_data/fake_discord_data/package/messages/c280973436971515906/messages.csv (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/example_data/fake_rule.toml (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/example_data/layout-parser-paper.pdf (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/example_data/mlb_teams_2012.csv (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/example_data/notebook.md (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/example_data/sample_rss_feeds.opml (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/example_data/sitemap.xml (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/example_data/source_code/example.js (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/example_data/source_code/example.py (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/example_data/stanley-cups.tsv (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/example_data/stanley-cups.xlsx (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/example_data/telegram.json (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/example_data/testing.enex (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/example_data/testmw_pages_current.xml (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/example_data/whatsapp_chat.txt (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/excel.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/facebook_chat.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/fauna.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/figma.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/geopandas.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/git.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/gitbook.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/github.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/google_bigquery.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/google_cloud_storage_directory.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/google_cloud_storage_file.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/google_drive.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/grobid.ipynb (98%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/gutenberg.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/hacker_news.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/huawei_obs_directory.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/huawei_obs_file.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/hugging_face_dataset.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/ifixit.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/image.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/image_captions.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/imsdb.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/iugu.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/joplin.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/jupyter_notebook.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/larksuite.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/mastodon.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/mediawikidump.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/merge_doc.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/mhtml.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/microsoft_onedrive.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/microsoft_powerpoint.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/microsoft_sharepoint.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/microsoft_word.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/modern_treasury.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/mongodb.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/news.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/notion.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/notiondb.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/nuclia.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/obsidian.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/odt.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/open_city_data.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/org_mode.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/pandas_dataframe.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/pdf-amazonTextractPDFLoader.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/polars_dataframe.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/psychic.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/pubmed.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/pyspark_dataframe.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/readthedocs_documentation.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/recursive_url.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/reddit.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/roam.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/rockset.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/rss.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/rst.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/sitemap.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/slack.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/snowflake.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/source_code.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/spreedly.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/stripe.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/subtitle.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/telegram.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/tencent_cos_directory.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/tencent_cos_file.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/tensorflow_datasets.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/tomarkdown.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/toml.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/trello.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/tsv.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/twitter.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/unstructured_file.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/url.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/weather.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/web_base.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/whatsapp_chat.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/wikipedia.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/xml.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/xorbits.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/youtube_audio.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_loaders/youtube_transcript.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_transformers/beautiful_soup.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_transformers/docai.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_transformers/doctran_extract_properties.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_transformers/doctran_interrogate_document.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_transformers/doctran_translate_document.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_transformers/html2text.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_transformers/nuclia_transformer.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/document_transformers/openai_metadata_tagger.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/ai21.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/aleph_alpha.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/amazon_api_gateway.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/anyscale.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/arcee.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/azure_ml.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/azure_openai.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/baidu_qianfan_endpoint.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/banana.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/baseten.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/beam.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/bedrock.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/bittensor.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/cerebriumai.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/chatglm.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/clarifai.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/cohere.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/ctransformers.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/ctranslate2.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/databricks.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/deepinfra.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/deepsparse.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/edenai.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/fireworks.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/forefrontai.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/google_vertex_ai_palm.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/gooseai.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/gpt4all.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/gradient.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/huggingface_hub.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/huggingface_pipelines.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/huggingface_textgen_inference.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/index.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/javelin.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/jsonformer_experimental.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/koboldai.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/llamacpp.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/llm_caching.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/manifest.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/minimax.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/modal.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/mosaicml.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/nlpcloud.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/octoai.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/ollama.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/opaqueprompts.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/openai.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/openllm.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/openlm.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/petals.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/pipelineai.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/predibase.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/predictionguard.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/promptlayer_openai.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/rellm_experimental.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/replicate.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/runhouse.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/sagemaker.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/stochasticai.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/symblai_nebula.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/textgen.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/titan_takeoff.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/tongyi.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/vllm.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/writer.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/llms/xinference.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/memory/aws_dynamodb.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/memory/cassandra_chat_message_history.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/memory/momento_chat_message_history.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/memory/mongodb_chat_message_history.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/memory/motorhead_memory.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/memory/postgres_chat_message_history.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/memory/redis_chat_message_history.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/memory/remembrall.md (100%) rename docs/{docs_skeleton => }/docs/integrations/memory/rockset_chat_message_history.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/memory/sql_chat_message_history.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/memory/sqlite.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/memory/streamlit_chat_message_history.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/memory/xata_chat_message_history.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/memory/zep_memory.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/platforms/anthropic.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/platforms/aws.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/platforms/google.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/platforms/microsoft.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/platforms/openai.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/activeloop_deeplake.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/ai21.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/aim_tracking.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/ainetwork.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/airbyte.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/airtable.md (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/aleph_alpha.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/alibabacloud_opensearch.md (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/analyticdb.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/annoy.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/anyscale.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/apify.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/arangodb.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/argilla.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/arthur_tracking.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/arxiv.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/atlas.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/awadb.md (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/aws_dynamodb.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/azlyrics.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/bageldb.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/bananadev.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/baseten.md (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/beam.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/beautiful_soup.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/bilibili.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/bittensor.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/blackboard.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/brave_search.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/cassandra.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/cerebriumai.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/chaindesk.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/chroma.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/clarifai.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/clearml_tracking.ipynb (99%) rename docs/{docs_skeleton => }/docs/integrations/providers/clickhouse.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/cnosdb.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/cohere.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/college_confidential.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/comet_tracking.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/confident.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/confluence.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/ctransformers.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/dashvector.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/databricks.md (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/datadog.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/datadog_logs.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/dataforseo.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/deepinfra.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/deepsparse.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/diffbot.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/dingo.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/discord.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/docarray.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/doctran.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/docugami.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/duckdb.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/elasticsearch.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/epsilla.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/evernote.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/facebook_chat.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/facebook_faiss.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/figma.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/fireworks.md (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/flyte.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/forefrontai.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/git.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/gitbook.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/golden.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/google_document_ai.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/google_serper.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/gooseai.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/gpt4all.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/graphsignal.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/grobid.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/gutenberg.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/hacker_news.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/hazy_research.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/helicone.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/hologres.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/html2text.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/huggingface.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/ifixit.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/imsdb.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/infino.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/javelin_ai_gateway.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/jina.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/konko.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/lancedb.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/langchain_decorators.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/llamacpp.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/log10.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/marqo.md (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/mediawikidump.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/meilisearch.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/metal.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/milvus.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/minimax.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/mlflow_ai_gateway.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/mlflow_tracking.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/modal.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/modelscope.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/modern_treasury.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/momento.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/mongodb_atlas.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/motherduck.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/motorhead.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/myscale.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/neo4j.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/nlpcloud.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/notion.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/nuclia.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/obsidian.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/openllm.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/opensearch.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/openweathermap.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/petals.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/pg_embedding.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/pgvector.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/pinecone.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/pipelineai.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/portkey/index.md (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/portkey/logging_tracing_portkey.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/predibase.md (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/predictionguard.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/promptlayer.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/psychic.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/pubmed.md (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/qdrant.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/ray_serve.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/rebuff.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/reddit.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/redis.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/replicate.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/roam.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/rockset.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/runhouse.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/rwkv.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/scann.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/searchapi.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/searx.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/serpapi.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/shaleprotocol.md (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/singlestoredb.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/sklearn.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/slack.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/spacy.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/spreedly.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/starrocks.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/stochasticai.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/stripe.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/supabase.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/symblai_nebula.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/tair.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/telegram.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/tencentvectordb.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/tensorflow_datasets.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/tigris.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/tomarkdown.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/trello.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/trulens.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/twitter.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/typesense.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/unstructured.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/usearch.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/vearch.md (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/vectara/index.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/vectara/vectara_chat.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/vectara/vectara_text_generation.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/vespa.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/wandb_tracing.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/wandb_tracking.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/weather.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/weaviate.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/whatsapp.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/whylabs_profiling.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/wikipedia.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/wolfram_alpha.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/writer.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/xata.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/xinference.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/yeagerai.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/youtube.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/zep.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/providers/zilliz.mdx (100%) rename docs/{docs_skeleton => }/docs/integrations/retrievers/amazon_kendra_retriever.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/retrievers/arcee.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/retrievers/arxiv.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/retrievers/azure_cognitive_search.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/retrievers/bm25.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/retrievers/chaindesk.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/retrievers/chatgpt-plugin.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/retrievers/cohere-reranker.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/retrievers/docarray_retriever.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/retrievers/elastic_search_bm25.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/retrievers/google_cloud_enterprise_search.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/retrievers/google_drive.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/retrievers/google_vertex_ai_search.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/retrievers/kay.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/retrievers/knn.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/retrievers/merger_retriever.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/retrievers/metal.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/retrievers/pinecone_hybrid_search.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/retrievers/pubmed.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/retrievers/re_phrase.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/retrievers/sec_filings.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/retrievers/svm.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/retrievers/tavily.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/retrievers/tf_idf.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/retrievers/vespa.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/retrievers/weaviate-hybrid.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/retrievers/wikipedia.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/retrievers/you-retriever.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/retrievers/zep_memorystore.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/text_embedding/aleph_alpha.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/text_embedding/awadb.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/text_embedding/azureopenai.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/text_embedding/baidu_qianfan_endpoint.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/text_embedding/bedrock.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/text_embedding/bge_huggingface.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/text_embedding/clarifai.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/text_embedding/cohere.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/text_embedding/dashscope.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/text_embedding/deepinfra.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/text_embedding/edenai.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/text_embedding/elasticsearch.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/text_embedding/embaas.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/text_embedding/ernie.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/text_embedding/fake.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/text_embedding/google_vertex_ai_palm.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/text_embedding/gpt4all.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/text_embedding/gradient.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/text_embedding/huggingfacehub.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/text_embedding/instruct_embeddings.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/text_embedding/jina.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/text_embedding/llamacpp.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/text_embedding/llm_rails.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/text_embedding/localai.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/text_embedding/minimax.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/text_embedding/modelscope_hub.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/text_embedding/mosaicml.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/text_embedding/nlp_cloud.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/text_embedding/ollama.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/text_embedding/openai.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/text_embedding/sagemaker-endpoint.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/text_embedding/self-hosted.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/text_embedding/sentence_transformers.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/text_embedding/spacy_embedding.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/text_embedding/tensorflowhub.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/text_embedding/xinference.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/toolkits/ainetwork.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/toolkits/airbyte_structured_qa.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/toolkits/amadeus.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/toolkits/azure_cognitive_services.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/toolkits/clickup.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/toolkits/csv.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/toolkits/document_comparison_toolkit.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/toolkits/github.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/toolkits/gitlab.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/toolkits/gmail.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/toolkits/google_drive.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/toolkits/jira.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/toolkits/json.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/toolkits/multion.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/toolkits/office365.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/toolkits/openapi.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/toolkits/openapi_nla.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/toolkits/pandas.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/toolkits/playwright.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/toolkits/powerbi.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/toolkits/python.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/toolkits/spark.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/toolkits/spark_sql.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/toolkits/sql_database.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/toolkits/vectorstore.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/toolkits/xorbits.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/_gradio_tools_files/output_7_0.png (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/alpha_vantage.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/apify.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/arxiv.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/awslambda.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/bash.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/bing_search.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/brave_search.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/chatgpt_plugins.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/dalle_image_generator.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/dataforseo.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/ddg.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/edenai_tools.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/eleven_labs_tts.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/filesystem.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/golden_query.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/google_drive.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/google_places.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/google_search.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/google_serper.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/gradio_tools.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/graphql.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/huggingface_tools.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/human_tools.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/ifttt.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/lemonai.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/metaphor_search.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/nuclia.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/openweathermap.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/pubmed.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/python.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/requests.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/sceneXplain.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/search_tools.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/searchapi.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/searx_search.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/serpapi.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/twilio.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/wikipedia.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/wolfram_alpha.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/yahoo_finance_news.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/youtube.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/tools/zapier.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/activeloop_deeplake.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/alibabacloud_opensearch.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/analyticdb.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/annoy.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/atlas.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/awadb.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/azuresearch.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/bageldb.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/cassandra.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/chroma.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/clarifai.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/clickhouse.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/dashvector.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/dingo.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/docarray_hnsw.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/docarray_in_memory.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/elasticsearch.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/epsilla.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/faiss.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/faiss_index/index.faiss (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/hologres.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/lancedb.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/llm_rails.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/marqo.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/matchingengine.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/meilisearch.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/milvus.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/momento_vector_index.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/mongodb_atlas.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/myscale.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/neo4jvector.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/nucliadb.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/opensearch.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/pgembedding.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/pgvector.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/pinecone.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/qdrant.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/redis.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/rockset.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/scann.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/singlestoredb.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/sklearn.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/sqlitevss.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/starrocks.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/supabase.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/tair.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/tencentvectordb.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/tigris.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/timescalevector.ipynb (95%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/typesense.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/usearch.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/vald.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/vearch.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/vectara.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/vespa.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/weaviate.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/xata.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/zep.ipynb (100%) rename docs/{docs_skeleton => }/docs/integrations/vectorstores/zilliz.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/agents/agent_types/chat_conversation_agent.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/agents/agent_types/index.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/agents/agent_types/openai_functions_agent.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/agents/agent_types/openai_multi_functions_agent.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/agents/agent_types/react.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/agents/agent_types/react_docstore.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/agents/agent_types/self_ask_with_search.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/agents/agent_types/structured_chat.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/agents/agent_types/xml_agent.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/agents/how_to/_category_.yml (100%) rename docs/{docs_skeleton => }/docs/modules/agents/how_to/add_memory_openai_functions.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/agents/how_to/agent_iter.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/agents/how_to/agent_structured.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/agents/how_to/agent_vectorstore.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/agents/how_to/async_agent.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/agents/how_to/chatgpt_clone.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/agents/how_to/custom-functions-with-openai-functions-agent.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/agents/how_to/custom_agent.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/agents/how_to/custom_agent_with_tool_retrieval.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/agents/how_to/custom_llm_agent.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/agents/how_to/custom_llm_chat_agent.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/agents/how_to/custom_mrkl_agent.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/agents/how_to/custom_multi_action_agent.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/agents/how_to/handle_parsing_errors.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/agents/how_to/intermediate_steps.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/agents/how_to/max_iterations.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/agents/how_to/max_time_limit.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/agents/how_to/mrkl.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/agents/how_to/sharedmemory_for_tools.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/agents/how_to/streaming_stdout_final_only.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/agents/how_to/use_toolkits_with_openai_functions.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/agents/index.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/agents/toolkits/index.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/agents/tools/custom_tools.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/agents/tools/human_approval.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/agents/tools/index.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/agents/tools/multi_input_tool.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/agents/tools/tool_input_validation.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/agents/tools/tools_as_openai_functions.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/callbacks/async_callbacks.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/callbacks/custom_callbacks.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/callbacks/custom_chain.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/callbacks/filecallbackhandler.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/callbacks/index.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/callbacks/multiple_callbacks.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/callbacks/tags.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/callbacks/token_counting.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/chains/document/index.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/chains/document/map_reduce.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/chains/document/map_rerank.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/chains/document/refine.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/chains/document/stuff.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/chains/foundational/index.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/chains/foundational/llm_chain.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/chains/foundational/router.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/chains/foundational/sequential_chains.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/chains/foundational/transformation.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/chains/how_to/async_chain.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/chains/how_to/call_methods.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/chains/how_to/custom_chain.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/chains/how_to/debugging.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/chains/how_to/from_hub.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/chains/how_to/index.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/chains/how_to/llm.json (100%) rename docs/{docs_skeleton => }/docs/modules/chains/how_to/llm_chain.json (100%) rename docs/{docs_skeleton => }/docs/modules/chains/how_to/llm_chain_separate.json (100%) rename docs/{docs_skeleton => }/docs/modules/chains/how_to/memory.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/chains/how_to/openai_functions.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/chains/how_to/prompt.json (100%) rename docs/{docs_skeleton => }/docs/modules/chains/how_to/serialization.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/chains/index.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/document_loaders/csv.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/document_loaders/file_directory.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/document_loaders/html.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/document_loaders/index.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/document_loaders/json.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/document_loaders/markdown.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/document_loaders/pdf.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/document_transformers/index.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/document_transformers/post_retrieval/_category_.yml (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/document_transformers/post_retrieval/long_context_reorder.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/document_transformers/text_splitters/HTML_header_metadata.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/document_transformers/text_splitters/_category_.yml (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/document_transformers/text_splitters/character_text_splitter.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/document_transformers/text_splitters/code_splitter.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/document_transformers/text_splitters/markdown_header_metadata.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/document_transformers/text_splitters/recursive_text_splitter.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/document_transformers/text_splitters/split_by_token.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/index.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/indexing.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/retrievers/MultiQueryRetriever.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/retrievers/contextual_compression/index.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/retrievers/ensemble.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/retrievers/index.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/retrievers/multi_vector.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/retrievers/parent_document_retriever.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/retrievers/self_query/activeloop_deeplake_self_query.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/retrievers/self_query/chroma_self_query.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/retrievers/self_query/dashvector.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/retrievers/self_query/elasticsearch_self_query.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/retrievers/self_query/index.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/retrievers/self_query/milvus_self_query.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/retrievers/self_query/myscale_self_query.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/retrievers/self_query/opensearch_self_query.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/retrievers/self_query/pinecone.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/retrievers/self_query/qdrant_self_query.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/retrievers/self_query/redis_self_query.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/retrievers/self_query/supabase_self_query.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/retrievers/self_query/timescalevector_self_query.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/retrievers/self_query/vectara_self_query.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/retrievers/self_query/weaviate_self_query.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/retrievers/time_weighted_vectorstore.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/retrievers/vectorstore.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/retrievers/web_research.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/text_embedding/caching_embeddings.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/text_embedding/index.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/data_connection/vectorstores/index.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/index.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/memory/adding_memory.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/memory/adding_memory_chain_multiple_inputs.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/memory/agent_with_memory.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/memory/agent_with_memory_in_db.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/memory/chat_messages/index.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/memory/conversational_customization.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/memory/custom_memory.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/memory/index.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/memory/multiple_memory.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/memory/types/buffer.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/memory/types/buffer_window.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/memory/types/entity_summary_memory.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/memory/types/index.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/memory/types/kg.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/memory/types/summary.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/memory/types/summary_buffer.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/memory/types/token_buffer.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/memory/types/vectorstore_retriever_memory.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/index.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/models/chat/chat_model_caching.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/models/chat/human_input_chat_model.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/models/chat/index.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/models/chat/llm_chain.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/models/chat/prompts.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/models/chat/streaming.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/models/index.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/models/llms/async_llm.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/models/llms/custom_llm.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/models/llms/fake_llm.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/models/llms/human_input_llm.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/models/llms/index.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/models/llms/llm.json (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/models/llms/llm.yaml (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/models/llms/llm_caching.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/models/llms/llm_serialization.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/models/llms/streaming_llm.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/models/llms/token_usage_tracking.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/output_parsers/comma_separated.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/output_parsers/datetime.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/output_parsers/enum.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/output_parsers/index.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/output_parsers/output_fixing_parser.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/output_parsers/pydantic.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/output_parsers/retry.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/output_parsers/structured.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/output_parsers/xml.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/prompts/example_selectors/custom_example_selector.md (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/prompts/example_selectors/index.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/prompts/example_selectors/length_based.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/prompts/example_selectors/mmr.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/prompts/example_selectors/ngram_overlap.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/prompts/example_selectors/similarity.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/prompts/index.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/prompts/prompt_templates/connecting_to_a_feature_store.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/prompts/prompt_templates/custom_prompt_template.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/prompts/prompt_templates/example_prompt.json (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/prompts/prompt_templates/examples.json (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/prompts/prompt_templates/examples.yaml (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/prompts/prompt_templates/few_shot_examples.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/prompts/prompt_templates/few_shot_examples_chat.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/prompts/prompt_templates/format_output.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/prompts/prompt_templates/formats.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/prompts/prompt_templates/index.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/prompts/prompt_templates/msg_prompt_templates.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/prompts/prompt_templates/partial.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/prompts/prompt_templates/prompt_composition.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/prompts/prompt_templates/prompt_serialization.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/prompts/prompt_templates/prompt_with_output_parser.json (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/prompts/prompt_templates/prompts_pipelining.ipynb (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/prompts/prompt_templates/simple_prompt.json (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/prompts/prompt_templates/simple_prompt.yaml (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/prompts/prompt_templates/simple_prompt_with_template_file.json (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/prompts/prompt_templates/simple_template.txt (100%) rename docs/{docs_skeleton => }/docs/modules/model_io/prompts/prompt_templates/validate.mdx (100%) rename docs/{docs_skeleton => }/docs/modules/paul_graham_essay.txt (100%) rename docs/{docs_skeleton => }/docs/modules/state_of_the_union.txt (100%) rename docs/{docs_skeleton => }/docs/use_cases/apis.ipynb (99%) rename docs/{docs_skeleton => }/docs/use_cases/chatbots.ipynb (99%) rename docs/{docs_skeleton => }/docs/use_cases/code_understanding.ipynb (99%) rename docs/{docs_skeleton => }/docs/use_cases/extraction.ipynb (99%) rename docs/{docs_skeleton => }/docs/use_cases/more/_category_.yml (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/agents/agent_simulations/camel_role_playing.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/agents/agent_simulations/characters.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/agents/agent_simulations/gymnasium.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/agents/agent_simulations/index.mdx (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/agents/agent_simulations/multi_player_dnd.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/agents/agent_simulations/multiagent_authoritarian.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/agents/agent_simulations/multiagent_bidding.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/agents/agent_simulations/petting_zoo.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/agents/agent_simulations/two_agent_debate_tools.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/agents/agent_simulations/two_player_dnd.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/agents/agents.ipynb (99%) rename docs/{docs_skeleton => }/docs/use_cases/more/agents/agents/camel_role_playing.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/agents/agents/custom_agent_with_plugin_retrieval.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/agents/agents/custom_agent_with_plugin_retrieval_using_plugnplai.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/agents/agents/index.mdx (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/agents/agents/sales_agent_with_context.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/agents/agents/wikibase_agent.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/agents/autonomous_agents/autogpt.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/agents/autonomous_agents/baby_agi.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/agents/autonomous_agents/baby_agi_with_agent.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/agents/autonomous_agents/hugginggpt.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/agents/autonomous_agents/index.mdx (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/agents/autonomous_agents/marathon_times.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/agents/autonomous_agents/meta_prompt.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/agents/autonomous_agents/plan_and_execute.mdx (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/agents/multi_modal/_category_.yml (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/agents/multi_modal/multi_modal_output_agent.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/code_writing/cpal.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/code_writing/index.mdx (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/code_writing/llm_bash.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/code_writing/llm_math.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/code_writing/llm_symbolic_math.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/code_writing/pal.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/data_generation.ipynb (99%) rename docs/{docs_skeleton => }/docs/use_cases/more/graph/diffbot_graphtransformer.ipynb (98%) rename docs/{docs_skeleton => }/docs/use_cases/more/graph/graph_arangodb_qa.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/graph/graph_cypher_qa.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/graph/graph_falkordb_qa.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/graph/graph_hugegraph_qa.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/graph/graph_kuzu_qa.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/graph/graph_memgraph_qa.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/graph/graph_nebula_qa.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/graph/graph_qa.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/graph/graph_sparql_qa.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/graph/index.mdx (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/graph/neptune_cypher_qa.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/graph/tot.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/learned_prompt_optimization.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/self_check/index.mdx (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/self_check/llm_checker.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/self_check/llm_summarization_checker.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/more/self_check/smart_llm.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/qa_structured/_category_.yml (100%) rename docs/{docs_skeleton => }/docs/use_cases/qa_structured/integrations/_category_.yml (100%) rename docs/{docs_skeleton => }/docs/use_cases/qa_structured/integrations/databricks.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/qa_structured/integrations/elasticsearch.ipynb (97%) rename docs/{docs_skeleton => }/docs/use_cases/qa_structured/integrations/myscale_vector_sql.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/qa_structured/integrations/sqlite.mdx (100%) rename docs/{docs_skeleton => }/docs/use_cases/qa_structured/sql.ipynb (99%) rename docs/{docs_skeleton => }/docs/use_cases/question_answering/_category_.yml (100%) rename docs/{docs_skeleton => }/docs/use_cases/question_answering/how_to/_category_.yml (100%) rename docs/{docs_skeleton => }/docs/use_cases/question_answering/how_to/analyze_document.mdx (100%) rename docs/{docs_skeleton => }/docs/use_cases/question_answering/how_to/chat_vector_db.mdx (100%) rename docs/{docs_skeleton => }/docs/use_cases/question_answering/how_to/code/code-analysis-deeplake.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/question_answering/how_to/code/index.mdx (100%) rename docs/{docs_skeleton => }/docs/use_cases/question_answering/how_to/code/twitter-the-algorithm-analysis-deeplake.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/question_answering/how_to/conversational_retrieval_agents.ipynb (79%) rename docs/{docs_skeleton => }/docs/use_cases/question_answering/how_to/document-context-aware-QA.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/question_answering/how_to/flare.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/question_answering/how_to/hyde.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/question_answering/how_to/local_retrieval_qa.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/question_answering/how_to/multi_retrieval_qa_router.mdx (100%) rename docs/{docs_skeleton => }/docs/use_cases/question_answering/how_to/multiple_retrieval.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/question_answering/how_to/qa_citations.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/question_answering/how_to/question_answering.mdx (100%) rename docs/{docs_skeleton => }/docs/use_cases/question_answering/how_to/vector_db_qa.mdx (100%) rename docs/{docs_skeleton => }/docs/use_cases/question_answering/how_to/vector_db_text_generation.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/question_answering/integrations/_category_.yml (100%) rename docs/{docs_skeleton => }/docs/use_cases/question_answering/integrations/openai_functions_retrieval_qa.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/question_answering/integrations/semantic-search-over-chat.ipynb (100%) rename docs/{docs_skeleton => }/docs/use_cases/question_answering/question_answering.ipynb (99%) rename docs/{docs_skeleton => }/docs/use_cases/summarization.ipynb (99%) rename docs/{docs_skeleton => }/docs/use_cases/tagging.ipynb (99%) rename docs/{docs_skeleton => }/docs/use_cases/web_scraping.ipynb (99%) delete mode 100755 docs/docs_skeleton/ignore_build.sh rename docs/{docs_skeleton => }/docusaurus.config.js (95%) rename docs/{docs_skeleton => }/package-lock.json (100%) rename docs/{docs_skeleton => }/package.json (100%) rename docs/{docs_skeleton => }/settings.ini (100%) rename docs/{docs_skeleton => }/sidebars.js (100%) rename docs/{docs_skeleton => }/src/css/custom.css (100%) rename docs/{docs_skeleton => }/src/pages/index.js (100%) rename docs/{docs_skeleton => }/src/theme/CodeBlock/index.js (100%) rename docs/{docs_skeleton => }/src/theme/SearchBar.js (100%) rename docs/{docs_skeleton => }/static/.nojekyll (100%) rename docs/{docs_skeleton => }/static/img/ApifyActors.png (100%) rename docs/{docs_skeleton => }/static/img/HeliconeDashboard.png (100%) rename docs/{docs_skeleton => }/static/img/HeliconeKeys.png (100%) rename docs/{docs_skeleton => }/static/img/MetalDash.png (100%) rename docs/{docs_skeleton => }/static/img/OSS_LLM_overview.png (100%) rename docs/{docs_skeleton => }/static/img/ReAct.png (100%) rename docs/{docs_skeleton => }/static/img/RemembrallDashboard.png (100%) rename docs/{docs_skeleton => }/static/img/SQLDatabaseToolkit.png (100%) rename docs/{docs_skeleton => }/static/img/agents_use_case_1.png (100%) rename docs/{docs_skeleton => }/static/img/agents_use_case_trace_1.png (100%) rename docs/{docs_skeleton => }/static/img/agents_use_case_trace_2.png (100%) rename docs/{docs_skeleton => }/static/img/agents_vs_chains.png (100%) rename docs/{docs_skeleton => }/static/img/api_chain.png (100%) rename docs/{docs_skeleton => }/static/img/api_chain_response.png (100%) rename docs/{docs_skeleton => }/static/img/api_function_call.png (100%) rename docs/{docs_skeleton => }/static/img/api_use_case.png (100%) rename docs/{docs_skeleton => }/static/img/apple-touch-icon.png (100%) rename docs/{docs_skeleton => }/static/img/chat_use_case.png (100%) rename docs/{docs_skeleton => }/static/img/chat_use_case_2.png (100%) rename docs/{docs_skeleton => }/static/img/code_retrieval.png (100%) rename docs/{docs_skeleton => }/static/img/code_understanding.png (100%) rename docs/{docs_skeleton => }/static/img/contextual_compression.jpg (100%) rename docs/{docs_skeleton => }/static/img/cpal_diagram.png (100%) rename docs/{docs_skeleton => }/static/img/create_sql_query_chain.png (100%) rename docs/{docs_skeleton => }/static/img/data_connection.jpg (100%) rename docs/{docs_skeleton => }/static/img/extraction.png (100%) rename docs/{docs_skeleton => }/static/img/extraction_trace_function.png (100%) rename docs/{docs_skeleton => }/static/img/extraction_trace_function_2.png (100%) rename docs/{docs_skeleton => }/static/img/extraction_trace_joke.png (100%) rename docs/{docs_skeleton => }/static/img/favicon-16x16.png (100%) rename docs/{docs_skeleton => }/static/img/favicon-32x32.png (100%) rename docs/{docs_skeleton => }/static/img/favicon.ico (100%) rename docs/{docs_skeleton => }/static/img/llama-memory-weights.png (100%) rename docs/{docs_skeleton => }/static/img/llama_t_put.png (100%) rename docs/{docs_skeleton => }/static/img/map_reduce.jpg (100%) rename docs/{docs_skeleton => }/static/img/map_rerank.jpg (100%) rename docs/{docs_skeleton => }/static/img/memory_diagram.png (100%) rename docs/{docs_skeleton => }/static/img/model_io.jpg (100%) rename docs/{docs_skeleton => }/static/img/multi_vector.png (100%) rename docs/{docs_skeleton => }/static/img/oai_function_agent.png (100%) rename docs/{docs_skeleton => }/static/img/parrot-chainlink-icon.png (100%) rename docs/{docs_skeleton => }/static/img/parrot-icon.png (100%) rename docs/{docs_skeleton => }/static/img/portkey-dashboard.gif (100%) rename docs/{docs_skeleton => }/static/img/portkey-tracing.png (100%) rename docs/{docs_skeleton => }/static/img/qa_data_load.png (100%) rename docs/{docs_skeleton => }/static/img/qa_flow.jpeg (100%) rename docs/{docs_skeleton => }/static/img/qa_intro.png (100%) rename docs/{docs_skeleton => }/static/img/refine.jpg (100%) rename docs/{docs_skeleton => }/static/img/run_details.png (100%) rename docs/{docs_skeleton => }/static/img/self_querying.jpg (100%) rename docs/{docs_skeleton => }/static/img/sql_usecase.png (100%) rename docs/{docs_skeleton => }/static/img/sqldbchain_trace.png (100%) rename docs/{docs_skeleton => }/static/img/stuff.jpg (100%) rename docs/{docs_skeleton => }/static/img/summarization_use_case_1.png (100%) rename docs/{docs_skeleton => }/static/img/summarization_use_case_2.png (100%) rename docs/{docs_skeleton => }/static/img/summarization_use_case_3.png (100%) rename docs/{docs_skeleton => }/static/img/summary_chains.png (100%) rename docs/{docs_skeleton => }/static/img/tagging.png (100%) rename docs/{docs_skeleton => }/static/img/tagging_trace.png (100%) rename docs/{docs_skeleton => }/static/img/vector_stores.jpg (100%) rename docs/{docs_skeleton => }/static/img/web_research.png (100%) rename docs/{docs_skeleton => }/static/img/web_scraping.png (100%) rename docs/{docs_skeleton => }/static/img/wsj_page.png (100%) rename docs/{docs_skeleton => }/static/js/google_analytics.js (100%) rename docs/{docs_skeleton => }/vercel.json (100%) rename docs/{docs_skeleton => }/vercel_build.sh (94%) diff --git a/.github/workflows/doc_lint.yml b/.github/workflows/doc_lint.yml index b2734b28e6614..8529ed2a56f40 100644 --- a/.github/workflows/doc_lint.yml +++ b/.github/workflows/doc_lint.yml @@ -19,4 +19,4 @@ jobs: run: | # We should not encourage imports directly from main init file # Expect for hub - git grep 'from langchain import' docs/{extras,docs_skeleton,snippets} | grep -vE 'from langchain import (hub)' && exit 1 || exit 0 + git grep 'from langchain import' docs/{docs,snippets} | grep -vE 'from langchain import (hub)' && exit 1 || exit 0 diff --git a/.gitignore b/.gitignore index ce3179e4eaeb5..c8107f88c1799 100644 --- a/.gitignore +++ b/.gitignore @@ -174,6 +174,6 @@ docs/api_reference/*/ !docs/api_reference/_static/ !docs/api_reference/templates/ !docs/api_reference/themes/ -docs/docs_skeleton/build -docs/docs_skeleton/node_modules -docs/docs_skeleton/yarn.lock +docs/docs/build +docs/docs/node_modules +docs/docs/yarn.lock diff --git a/.gitmodules b/.gitmodules deleted file mode 100644 index 855d367568f1c..0000000000000 --- a/.gitmodules +++ /dev/null @@ -1,4 +0,0 @@ -[submodule "docs/_docs_skeleton"] - path = docs/_docs_skeleton - url = https://github.com/langchain-ai/langchain-shared-docs - branch = main diff --git a/Makefile b/Makefile index c3fd07616bf11..314578d319f77 100644 --- a/Makefile +++ b/Makefile @@ -18,7 +18,7 @@ docs_clean: rm -r docs/_dist docs_linkcheck: - poetry run linkchecker docs/_dist/docs_skeleton/ --ignore-url node_modules + poetry run linkchecker docs/_dist/docs/ --ignore-url node_modules api_docs_build: poetry run python docs/api_reference/create_api_rst.py diff --git a/docs/.local_build.sh b/docs/.local_build.sh index e3d0b6c6978c8..c8a6e1a60d752 100755 --- a/docs/.local_build.sh +++ b/docs/.local_build.sh @@ -8,10 +8,10 @@ set -o xtrace SCRIPT_DIR="$(cd "$(dirname "$0")"; pwd)" cd "${SCRIPT_DIR}" -mkdir -p _dist/docs_skeleton -cp -r {docs_skeleton,snippets} _dist -cd _dist/docs_skeleton -poetry run nbdoc_build -poetry run python generate_api_reference_links.py +mkdir -p ../_dist +cp -r . ../_dist +cd ../_dist +poetry run nbdoc_build --srcdir docs +poetry run python scripts/generate_api_reference_links.py yarn install yarn start diff --git a/docs/docs_skeleton/README.md b/docs/README.md similarity index 100% rename from docs/docs_skeleton/README.md rename to docs/README.md diff --git a/docs/docs_skeleton/babel.config.js b/docs/babel.config.js similarity index 100% rename from docs/docs_skeleton/babel.config.js rename to docs/babel.config.js diff --git a/docs/docs_skeleton/code-block-loader.js b/docs/code-block-loader.js similarity index 100% rename from docs/docs_skeleton/code-block-loader.js rename to docs/code-block-loader.js diff --git a/docs/docs_skeleton/.gitignore b/docs/docs/.gitignore similarity index 100% rename from docs/docs_skeleton/.gitignore rename to docs/docs/.gitignore diff --git a/docs/docs_skeleton/docs/_static/ApifyActors.png b/docs/docs/_static/ApifyActors.png similarity index 100% rename from docs/docs_skeleton/docs/_static/ApifyActors.png rename to docs/docs/_static/ApifyActors.png diff --git a/docs/docs_skeleton/docs/_static/ChaindeskDashboard.png b/docs/docs/_static/ChaindeskDashboard.png similarity index 100% rename from docs/docs_skeleton/docs/_static/ChaindeskDashboard.png rename to docs/docs/_static/ChaindeskDashboard.png diff --git a/docs/docs_skeleton/docs/_static/HeliconeDashboard.png b/docs/docs/_static/HeliconeDashboard.png similarity index 100% rename from docs/docs_skeleton/docs/_static/HeliconeDashboard.png rename to docs/docs/_static/HeliconeDashboard.png diff --git a/docs/docs_skeleton/docs/_static/HeliconeKeys.png b/docs/docs/_static/HeliconeKeys.png similarity index 100% rename from docs/docs_skeleton/docs/_static/HeliconeKeys.png rename to docs/docs/_static/HeliconeKeys.png diff --git a/docs/docs_skeleton/docs/_static/MetalDash.png b/docs/docs/_static/MetalDash.png similarity index 100% rename from docs/docs_skeleton/docs/_static/MetalDash.png rename to docs/docs/_static/MetalDash.png diff --git a/docs/docs_skeleton/docs/_static/android-chrome-192x192.png b/docs/docs/_static/android-chrome-192x192.png similarity index 100% rename from docs/docs_skeleton/docs/_static/android-chrome-192x192.png rename to docs/docs/_static/android-chrome-192x192.png diff --git a/docs/docs_skeleton/docs/_static/android-chrome-512x512.png b/docs/docs/_static/android-chrome-512x512.png similarity index 100% rename from docs/docs_skeleton/docs/_static/android-chrome-512x512.png rename to docs/docs/_static/android-chrome-512x512.png diff --git a/docs/docs_skeleton/docs/_static/apple-touch-icon.png b/docs/docs/_static/apple-touch-icon.png similarity index 100% rename from docs/docs_skeleton/docs/_static/apple-touch-icon.png rename to docs/docs/_static/apple-touch-icon.png diff --git a/docs/docs_skeleton/docs/_static/css/custom.css b/docs/docs/_static/css/custom.css similarity index 100% rename from docs/docs_skeleton/docs/_static/css/custom.css rename to docs/docs/_static/css/custom.css diff --git a/docs/docs_skeleton/docs/_static/favicon-16x16.png b/docs/docs/_static/favicon-16x16.png similarity index 100% rename from docs/docs_skeleton/docs/_static/favicon-16x16.png rename to docs/docs/_static/favicon-16x16.png diff --git a/docs/docs_skeleton/docs/_static/favicon-32x32.png b/docs/docs/_static/favicon-32x32.png similarity index 100% rename from docs/docs_skeleton/docs/_static/favicon-32x32.png rename to docs/docs/_static/favicon-32x32.png diff --git a/docs/docs_skeleton/docs/_static/favicon.ico b/docs/docs/_static/favicon.ico similarity index 100% rename from docs/docs_skeleton/docs/_static/favicon.ico rename to docs/docs/_static/favicon.ico diff --git a/docs/docs_skeleton/docs/_static/js/mendablesearch.js b/docs/docs/_static/js/mendablesearch.js similarity index 100% rename from docs/docs_skeleton/docs/_static/js/mendablesearch.js rename to docs/docs/_static/js/mendablesearch.js diff --git a/docs/docs_skeleton/docs/_static/lc_modules.jpg b/docs/docs/_static/lc_modules.jpg similarity index 100% rename from docs/docs_skeleton/docs/_static/lc_modules.jpg rename to docs/docs/_static/lc_modules.jpg diff --git a/docs/docs_skeleton/docs/_static/parrot-chainlink-icon.png b/docs/docs/_static/parrot-chainlink-icon.png similarity index 100% rename from docs/docs_skeleton/docs/_static/parrot-chainlink-icon.png rename to docs/docs/_static/parrot-chainlink-icon.png diff --git a/docs/docs_skeleton/docs/_static/parrot-icon.png b/docs/docs/_static/parrot-icon.png similarity index 100% rename from docs/docs_skeleton/docs/_static/parrot-icon.png rename to docs/docs/_static/parrot-icon.png diff --git a/docs/docs_skeleton/docs/_templates/integration.mdx b/docs/docs/_templates/integration.mdx similarity index 100% rename from docs/docs_skeleton/docs/_templates/integration.mdx rename to docs/docs/_templates/integration.mdx diff --git a/docs/docs_skeleton/docs/additional_resources/dependents.mdx b/docs/docs/additional_resources/dependents.mdx similarity index 100% rename from docs/docs_skeleton/docs/additional_resources/dependents.mdx rename to docs/docs/additional_resources/dependents.mdx diff --git a/docs/docs_skeleton/docs/additional_resources/tutorials.mdx b/docs/docs/additional_resources/tutorials.mdx similarity index 100% rename from docs/docs_skeleton/docs/additional_resources/tutorials.mdx rename to docs/docs/additional_resources/tutorials.mdx diff --git a/docs/docs_skeleton/docs/additional_resources/youtube.mdx b/docs/docs/additional_resources/youtube.mdx similarity index 100% rename from docs/docs_skeleton/docs/additional_resources/youtube.mdx rename to docs/docs/additional_resources/youtube.mdx diff --git a/docs/docs_skeleton/docs/community.md b/docs/docs/community.md similarity index 100% rename from docs/docs_skeleton/docs/community.md rename to docs/docs/community.md diff --git a/docs/docs_skeleton/docs/expression_language/cookbook/agent.ipynb b/docs/docs/expression_language/cookbook/agent.ipynb similarity index 100% rename from docs/docs_skeleton/docs/expression_language/cookbook/agent.ipynb rename to docs/docs/expression_language/cookbook/agent.ipynb diff --git a/docs/docs_skeleton/docs/expression_language/cookbook/code_writing.ipynb b/docs/docs/expression_language/cookbook/code_writing.ipynb similarity index 100% rename from docs/docs_skeleton/docs/expression_language/cookbook/code_writing.ipynb rename to docs/docs/expression_language/cookbook/code_writing.ipynb diff --git a/docs/docs_skeleton/docs/expression_language/cookbook/index.mdx b/docs/docs/expression_language/cookbook/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/expression_language/cookbook/index.mdx rename to docs/docs/expression_language/cookbook/index.mdx diff --git a/docs/docs_skeleton/docs/expression_language/cookbook/memory.ipynb b/docs/docs/expression_language/cookbook/memory.ipynb similarity index 100% rename from docs/docs_skeleton/docs/expression_language/cookbook/memory.ipynb rename to docs/docs/expression_language/cookbook/memory.ipynb diff --git a/docs/docs_skeleton/docs/expression_language/cookbook/moderation.ipynb b/docs/docs/expression_language/cookbook/moderation.ipynb similarity index 100% rename from docs/docs_skeleton/docs/expression_language/cookbook/moderation.ipynb rename to docs/docs/expression_language/cookbook/moderation.ipynb diff --git a/docs/docs_skeleton/docs/expression_language/cookbook/multiple_chains.ipynb b/docs/docs/expression_language/cookbook/multiple_chains.ipynb similarity index 100% rename from docs/docs_skeleton/docs/expression_language/cookbook/multiple_chains.ipynb rename to docs/docs/expression_language/cookbook/multiple_chains.ipynb diff --git a/docs/docs_skeleton/docs/expression_language/cookbook/prompt_llm_parser.ipynb b/docs/docs/expression_language/cookbook/prompt_llm_parser.ipynb similarity index 100% rename from docs/docs_skeleton/docs/expression_language/cookbook/prompt_llm_parser.ipynb rename to docs/docs/expression_language/cookbook/prompt_llm_parser.ipynb diff --git a/docs/docs_skeleton/docs/expression_language/cookbook/retrieval.ipynb b/docs/docs/expression_language/cookbook/retrieval.ipynb similarity index 100% rename from docs/docs_skeleton/docs/expression_language/cookbook/retrieval.ipynb rename to docs/docs/expression_language/cookbook/retrieval.ipynb diff --git a/docs/docs_skeleton/docs/expression_language/cookbook/sql_db.ipynb b/docs/docs/expression_language/cookbook/sql_db.ipynb similarity index 100% rename from docs/docs_skeleton/docs/expression_language/cookbook/sql_db.ipynb rename to docs/docs/expression_language/cookbook/sql_db.ipynb diff --git a/docs/docs_skeleton/docs/expression_language/cookbook/tools.ipynb b/docs/docs/expression_language/cookbook/tools.ipynb similarity index 100% rename from docs/docs_skeleton/docs/expression_language/cookbook/tools.ipynb rename to docs/docs/expression_language/cookbook/tools.ipynb diff --git a/docs/docs_skeleton/docs/expression_language/how_to/binding.ipynb b/docs/docs/expression_language/how_to/binding.ipynb similarity index 100% rename from docs/docs_skeleton/docs/expression_language/how_to/binding.ipynb rename to docs/docs/expression_language/how_to/binding.ipynb diff --git a/docs/docs_skeleton/docs/expression_language/how_to/fallbacks.ipynb b/docs/docs/expression_language/how_to/fallbacks.ipynb similarity index 100% rename from docs/docs_skeleton/docs/expression_language/how_to/fallbacks.ipynb rename to docs/docs/expression_language/how_to/fallbacks.ipynb diff --git a/docs/docs_skeleton/docs/expression_language/how_to/functions.ipynb b/docs/docs/expression_language/how_to/functions.ipynb similarity index 100% rename from docs/docs_skeleton/docs/expression_language/how_to/functions.ipynb rename to docs/docs/expression_language/how_to/functions.ipynb diff --git a/docs/docs_skeleton/docs/expression_language/how_to/index.mdx b/docs/docs/expression_language/how_to/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/expression_language/how_to/index.mdx rename to docs/docs/expression_language/how_to/index.mdx diff --git a/docs/docs_skeleton/docs/expression_language/how_to/map.ipynb b/docs/docs/expression_language/how_to/map.ipynb similarity index 100% rename from docs/docs_skeleton/docs/expression_language/how_to/map.ipynb rename to docs/docs/expression_language/how_to/map.ipynb diff --git a/docs/docs_skeleton/docs/expression_language/how_to/routing.ipynb b/docs/docs/expression_language/how_to/routing.ipynb similarity index 100% rename from docs/docs_skeleton/docs/expression_language/how_to/routing.ipynb rename to docs/docs/expression_language/how_to/routing.ipynb diff --git a/docs/docs_skeleton/docs/expression_language/index.mdx b/docs/docs/expression_language/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/expression_language/index.mdx rename to docs/docs/expression_language/index.mdx diff --git a/docs/docs_skeleton/docs/expression_language/interface.ipynb b/docs/docs/expression_language/interface.ipynb similarity index 100% rename from docs/docs_skeleton/docs/expression_language/interface.ipynb rename to docs/docs/expression_language/interface.ipynb diff --git a/docs/docs_skeleton/docs/get_started/installation.mdx b/docs/docs/get_started/installation.mdx similarity index 100% rename from docs/docs_skeleton/docs/get_started/installation.mdx rename to docs/docs/get_started/installation.mdx diff --git a/docs/docs_skeleton/docs/get_started/introduction.mdx b/docs/docs/get_started/introduction.mdx similarity index 100% rename from docs/docs_skeleton/docs/get_started/introduction.mdx rename to docs/docs/get_started/introduction.mdx diff --git a/docs/docs_skeleton/docs/get_started/quickstart.mdx b/docs/docs/get_started/quickstart.mdx similarity index 100% rename from docs/docs_skeleton/docs/get_started/quickstart.mdx rename to docs/docs/get_started/quickstart.mdx diff --git a/docs/docs_skeleton/docs/guides/adapters/_category_.yml b/docs/docs/guides/adapters/_category_.yml similarity index 100% rename from docs/docs_skeleton/docs/guides/adapters/_category_.yml rename to docs/docs/guides/adapters/_category_.yml diff --git a/docs/docs_skeleton/docs/guides/adapters/openai.ipynb b/docs/docs/guides/adapters/openai.ipynb similarity index 100% rename from docs/docs_skeleton/docs/guides/adapters/openai.ipynb rename to docs/docs/guides/adapters/openai.ipynb diff --git a/docs/docs_skeleton/docs/guides/debugging.md b/docs/docs/guides/debugging.md similarity index 100% rename from docs/docs_skeleton/docs/guides/debugging.md rename to docs/docs/guides/debugging.md diff --git a/docs/docs_skeleton/docs/guides/deployments/index.mdx b/docs/docs/guides/deployments/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/guides/deployments/index.mdx rename to docs/docs/guides/deployments/index.mdx diff --git a/docs/docs_skeleton/docs/guides/deployments/template_repos.mdx b/docs/docs/guides/deployments/template_repos.mdx similarity index 100% rename from docs/docs_skeleton/docs/guides/deployments/template_repos.mdx rename to docs/docs/guides/deployments/template_repos.mdx diff --git a/docs/docs_skeleton/docs/guides/evaluation/comparison/custom.ipynb b/docs/docs/guides/evaluation/comparison/custom.ipynb similarity index 99% rename from docs/docs_skeleton/docs/guides/evaluation/comparison/custom.ipynb rename to docs/docs/guides/evaluation/comparison/custom.ipynb index 525b90a0c274b..c0c67ddb12064 100644 --- a/docs/docs_skeleton/docs/guides/evaluation/comparison/custom.ipynb +++ b/docs/docs/guides/evaluation/comparison/custom.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "source": [ "# Custom Pairwise Evaluator\n", - "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs_skeleton/docs/guides/evaluation/comparison/custom.ipynb)\n", + "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs/guides/evaluation/comparison/custom.ipynb)\n", "\n", "You can make your own pairwise string evaluators by inheriting from `PairwiseStringEvaluator` class and overwriting the `_evaluate_string_pairs` method (and the `_aevaluate_string_pairs` method if you want to use the evaluator asynchronously).\n", "\n", diff --git a/docs/docs_skeleton/docs/guides/evaluation/comparison/index.mdx b/docs/docs/guides/evaluation/comparison/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/guides/evaluation/comparison/index.mdx rename to docs/docs/guides/evaluation/comparison/index.mdx diff --git a/docs/docs_skeleton/docs/guides/evaluation/comparison/pairwise_embedding_distance.ipynb b/docs/docs/guides/evaluation/comparison/pairwise_embedding_distance.ipynb similarity index 98% rename from docs/docs_skeleton/docs/guides/evaluation/comparison/pairwise_embedding_distance.ipynb rename to docs/docs/guides/evaluation/comparison/pairwise_embedding_distance.ipynb index 16b026b9f7689..ace4f8f9747c4 100644 --- a/docs/docs_skeleton/docs/guides/evaluation/comparison/pairwise_embedding_distance.ipynb +++ b/docs/docs/guides/evaluation/comparison/pairwise_embedding_distance.ipynb @@ -8,7 +8,7 @@ }, "source": [ "# Pairwise Embedding Distance \n", - "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs_skeleton/docs/guides/evaluation/comparison/pairwise_embedding_distance.ipynb)\n", + "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs/guides/evaluation/comparison/pairwise_embedding_distance.ipynb)\n", "\n", "One way to measure the similarity (or dissimilarity) between two predictions on a shared or similar input is to embed the predictions and compute a vector distance between the two embeddings.[[1]](#cite_note-1)\n", "\n", diff --git a/docs/docs_skeleton/docs/guides/evaluation/comparison/pairwise_string.ipynb b/docs/docs/guides/evaluation/comparison/pairwise_string.ipynb similarity index 99% rename from docs/docs_skeleton/docs/guides/evaluation/comparison/pairwise_string.ipynb rename to docs/docs/guides/evaluation/comparison/pairwise_string.ipynb index b10c6fc917b72..748f3ce9f7f58 100644 --- a/docs/docs_skeleton/docs/guides/evaluation/comparison/pairwise_string.ipynb +++ b/docs/docs/guides/evaluation/comparison/pairwise_string.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "source": [ "# Pairwise String Comparison\n", - "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs_skeleton/docs/guides/evaluation/comparison/pairwise_string.ipynb)\n", + "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs/guides/evaluation/comparison/pairwise_string.ipynb)\n", "\n", "Often you will want to compare predictions of an LLM, Chain, or Agent for a given input. The `StringComparison` evaluators facilitate this so you can answer questions like:\n", "\n", diff --git a/docs/docs_skeleton/docs/guides/evaluation/examples/comparisons.ipynb b/docs/docs/guides/evaluation/examples/comparisons.ipynb similarity index 99% rename from docs/docs_skeleton/docs/guides/evaluation/examples/comparisons.ipynb rename to docs/docs/guides/evaluation/examples/comparisons.ipynb index 3e73b031de500..7bf56ef26ed30 100644 --- a/docs/docs_skeleton/docs/guides/evaluation/examples/comparisons.ipynb +++ b/docs/docs/guides/evaluation/examples/comparisons.ipynb @@ -5,7 +5,7 @@ "metadata": {}, "source": [ "# Comparing Chain Outputs\n", - "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs_skeleton/docs/guides/evaluation/examples/comparisons.ipynb)\n", + "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs/guides/evaluation/examples/comparisons.ipynb)\n", "\n", "Suppose you have two different prompts (or LLMs). How do you know which will generate \"better\" results?\n", "\n", diff --git a/docs/docs_skeleton/docs/guides/evaluation/examples/index.mdx b/docs/docs/guides/evaluation/examples/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/guides/evaluation/examples/index.mdx rename to docs/docs/guides/evaluation/examples/index.mdx diff --git a/docs/docs_skeleton/docs/guides/evaluation/index.mdx b/docs/docs/guides/evaluation/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/guides/evaluation/index.mdx rename to docs/docs/guides/evaluation/index.mdx diff --git a/docs/docs_skeleton/docs/guides/evaluation/string/criteria_eval_chain.ipynb b/docs/docs/guides/evaluation/string/criteria_eval_chain.ipynb similarity index 99% rename from docs/docs_skeleton/docs/guides/evaluation/string/criteria_eval_chain.ipynb rename to docs/docs/guides/evaluation/string/criteria_eval_chain.ipynb index 489439ff0d1fe..112b9b643714f 100644 --- a/docs/docs_skeleton/docs/guides/evaluation/string/criteria_eval_chain.ipynb +++ b/docs/docs/guides/evaluation/string/criteria_eval_chain.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "source": [ "# Criteria Evaluation\n", - "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs_skeleton/docs/guides/evaluation/string/criteria_eval_chain.ipynb)\n", + "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs/guides/evaluation/string/criteria_eval_chain.ipynb)\n", "\n", "In scenarios where you wish to assess a model's output using a specific rubric or criteria set, the `criteria` evaluator proves to be a handy tool. It allows you to verify if an LLM or Chain's output complies with a defined set of criteria.\n", "\n", diff --git a/docs/docs_skeleton/docs/guides/evaluation/string/custom.ipynb b/docs/docs/guides/evaluation/string/custom.ipynb similarity index 98% rename from docs/docs_skeleton/docs/guides/evaluation/string/custom.ipynb rename to docs/docs/guides/evaluation/string/custom.ipynb index a5d433005600a..50e1b938dddf1 100644 --- a/docs/docs_skeleton/docs/guides/evaluation/string/custom.ipynb +++ b/docs/docs/guides/evaluation/string/custom.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "source": [ "# Custom String Evaluator\n", - "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs_skeleton/docs/guides/evaluation/string/custom.ipynb)\n", + "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs/guides/evaluation/string/custom.ipynb)\n", "\n", "You can make your own custom string evaluators by inheriting from the `StringEvaluator` class and implementing the `_evaluate_strings` (and `_aevaluate_strings` for async support) methods.\n", "\n", diff --git a/docs/docs_skeleton/docs/guides/evaluation/string/embedding_distance.ipynb b/docs/docs/guides/evaluation/string/embedding_distance.ipynb similarity index 98% rename from docs/docs_skeleton/docs/guides/evaluation/string/embedding_distance.ipynb rename to docs/docs/guides/evaluation/string/embedding_distance.ipynb index 3cff88facb45f..490487437f9fa 100644 --- a/docs/docs_skeleton/docs/guides/evaluation/string/embedding_distance.ipynb +++ b/docs/docs/guides/evaluation/string/embedding_distance.ipynb @@ -7,7 +7,7 @@ }, "source": [ "# Embedding Distance\n", - "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs_skeleton/docs/guides/evaluation/string/embedding_distance.ipynb)\n", + "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs/guides/evaluation/string/embedding_distance.ipynb)\n", "\n", "To measure semantic similarity (or dissimilarity) between a prediction and a reference label string, you could use a vector vector distance metric the two embedded representations using the `embedding_distance` evaluator.[[1]](#cite_note-1)\n", "\n", diff --git a/docs/docs_skeleton/docs/guides/evaluation/string/exact_match.ipynb b/docs/docs/guides/evaluation/string/exact_match.ipynb similarity index 97% rename from docs/docs_skeleton/docs/guides/evaluation/string/exact_match.ipynb rename to docs/docs/guides/evaluation/string/exact_match.ipynb index befbb0c45bb28..8a48d381d9075 100644 --- a/docs/docs_skeleton/docs/guides/evaluation/string/exact_match.ipynb +++ b/docs/docs/guides/evaluation/string/exact_match.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "source": [ "# Exact Match\n", - "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs_skeleton/docs/guides/evaluation/string/exact_match.ipynb)\n", + "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs/guides/evaluation/string/exact_match.ipynb)\n", "\n", "Probably the simplest ways to evaluate an LLM or runnable's string output against a reference label is by a simple string equivalence.\n", "\n", diff --git a/docs/docs_skeleton/docs/guides/evaluation/string/index.mdx b/docs/docs/guides/evaluation/string/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/guides/evaluation/string/index.mdx rename to docs/docs/guides/evaluation/string/index.mdx diff --git a/docs/docs_skeleton/docs/guides/evaluation/string/regex_match.ipynb b/docs/docs/guides/evaluation/string/regex_match.ipynb similarity index 98% rename from docs/docs_skeleton/docs/guides/evaluation/string/regex_match.ipynb rename to docs/docs/guides/evaluation/string/regex_match.ipynb index 2c4b80bb4a727..c47b0fd8661d4 100644 --- a/docs/docs_skeleton/docs/guides/evaluation/string/regex_match.ipynb +++ b/docs/docs/guides/evaluation/string/regex_match.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "source": [ "# Regex Match\n", - "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs_skeleton/docs/guides/evaluation/string/regex_match.ipynb)\n", + "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs/guides/evaluation/string/regex_match.ipynb)\n", "\n", "To evaluate chain or runnable string predictions against a custom regex, you can use the `regex_match` evaluator." ] diff --git a/docs/docs_skeleton/docs/guides/evaluation/string/scoring_eval_chain.ipynb b/docs/docs/guides/evaluation/string/scoring_eval_chain.ipynb similarity index 100% rename from docs/docs_skeleton/docs/guides/evaluation/string/scoring_eval_chain.ipynb rename to docs/docs/guides/evaluation/string/scoring_eval_chain.ipynb diff --git a/docs/docs_skeleton/docs/guides/evaluation/string/string_distance.ipynb b/docs/docs/guides/evaluation/string/string_distance.ipynb similarity index 98% rename from docs/docs_skeleton/docs/guides/evaluation/string/string_distance.ipynb rename to docs/docs/guides/evaluation/string/string_distance.ipynb index 641b6115f4ef9..aaf3f0b9b6224 100644 --- a/docs/docs_skeleton/docs/guides/evaluation/string/string_distance.ipynb +++ b/docs/docs/guides/evaluation/string/string_distance.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "source": [ "# String Distance\n", - "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs_skeleton/docs/guides/evaluation/string/string_distance.ipynb)\n", + "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs/guides/evaluation/string/string_distance.ipynb)\n", "\n", "One of the simplest ways to compare an LLM or chain's string output against a reference label is by using string distance measurements such as Levenshtein or postfix distance. This can be used alongside approximate/fuzzy matching criteria for very basic unit testing.\n", "\n", diff --git a/docs/docs_skeleton/docs/guides/evaluation/trajectory/custom.ipynb b/docs/docs/guides/evaluation/trajectory/custom.ipynb similarity index 98% rename from docs/docs_skeleton/docs/guides/evaluation/trajectory/custom.ipynb rename to docs/docs/guides/evaluation/trajectory/custom.ipynb index 352e01cc35e8e..fc03d6bc11857 100644 --- a/docs/docs_skeleton/docs/guides/evaluation/trajectory/custom.ipynb +++ b/docs/docs/guides/evaluation/trajectory/custom.ipynb @@ -6,7 +6,7 @@ "metadata": {}, "source": [ "# Custom Trajectory Evaluator\n", - "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs_skeleton/docs/guides/evaluation/trajectory/custom.ipynb)\n", + "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs/guides/evaluation/trajectory/custom.ipynb)\n", "\n", "You can make your own custom trajectory evaluators by inheriting from the [AgentTrajectoryEvaluator](https://api.python.langchain.com/en/latest/evaluation/langchain.evaluation.schema.AgentTrajectoryEvaluator.html#langchain.evaluation.schema.AgentTrajectoryEvaluator) class and overwriting the `_evaluate_agent_trajectory` (and `_aevaluate_agent_action`) method.\n", "\n", diff --git a/docs/docs_skeleton/docs/guides/evaluation/trajectory/index.mdx b/docs/docs/guides/evaluation/trajectory/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/guides/evaluation/trajectory/index.mdx rename to docs/docs/guides/evaluation/trajectory/index.mdx diff --git a/docs/docs_skeleton/docs/guides/evaluation/trajectory/trajectory_eval.ipynb b/docs/docs/guides/evaluation/trajectory/trajectory_eval.ipynb similarity index 99% rename from docs/docs_skeleton/docs/guides/evaluation/trajectory/trajectory_eval.ipynb rename to docs/docs/guides/evaluation/trajectory/trajectory_eval.ipynb index 237598ede4ad6..51db91a09cf9a 100644 --- a/docs/docs_skeleton/docs/guides/evaluation/trajectory/trajectory_eval.ipynb +++ b/docs/docs/guides/evaluation/trajectory/trajectory_eval.ipynb @@ -8,7 +8,7 @@ }, "source": [ "# Agent Trajectory\n", - "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs_skeleton/docs/guides/evaluation/trajectory/trajectory_eval.ipynb)\n", + "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs/guides/evaluation/trajectory/trajectory_eval.ipynb)\n", "\n", "Agents can be difficult to holistically evaluate due to the breadth of actions and generation they can make. We recommend using multiple evaluation techniques appropriate to your use case. One way to evaluate an agent is to look at the whole trajectory of actions taken along with their responses.\n", "\n", diff --git a/docs/docs_skeleton/docs/guides/fallbacks.ipynb b/docs/docs/guides/fallbacks.ipynb similarity index 100% rename from docs/docs_skeleton/docs/guides/fallbacks.ipynb rename to docs/docs/guides/fallbacks.ipynb diff --git a/docs/docs_skeleton/docs/guides/langsmith/img/log_traces.png b/docs/docs/guides/langsmith/img/log_traces.png similarity index 100% rename from docs/docs_skeleton/docs/guides/langsmith/img/log_traces.png rename to docs/docs/guides/langsmith/img/log_traces.png diff --git a/docs/docs_skeleton/docs/guides/langsmith/img/test_results.png b/docs/docs/guides/langsmith/img/test_results.png similarity index 100% rename from docs/docs_skeleton/docs/guides/langsmith/img/test_results.png rename to docs/docs/guides/langsmith/img/test_results.png diff --git a/docs/docs_skeleton/docs/guides/langsmith/index.md b/docs/docs/guides/langsmith/index.md similarity index 100% rename from docs/docs_skeleton/docs/guides/langsmith/index.md rename to docs/docs/guides/langsmith/index.md diff --git a/docs/docs_skeleton/docs/guides/langsmith/walkthrough.ipynb b/docs/docs/guides/langsmith/walkthrough.ipynb similarity index 99% rename from docs/docs_skeleton/docs/guides/langsmith/walkthrough.ipynb rename to docs/docs/guides/langsmith/walkthrough.ipynb index 6a687731f64be..37862c7bd487c 100644 --- a/docs/docs_skeleton/docs/guides/langsmith/walkthrough.ipynb +++ b/docs/docs/guides/langsmith/walkthrough.ipynb @@ -8,7 +8,7 @@ }, "source": [ "# LangSmith Walkthrough\n", - "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs_skeleton/docs/guides/langsmith/walkthrough.ipynb)\n", + "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs/guides/langsmith/walkthrough.ipynb)\n", "\n", "LangChain makes it easy to prototype LLM applications and Agents. However, delivering LLM applications to production can be deceptively difficult. You will likely have to heavily customize and iterate on your prompts, chains, and other components to create a high-quality product.\n", "\n", diff --git a/docs/docs_skeleton/docs/guides/local_llms.ipynb b/docs/docs/guides/local_llms.ipynb similarity index 100% rename from docs/docs_skeleton/docs/guides/local_llms.ipynb rename to docs/docs/guides/local_llms.ipynb diff --git a/docs/docs_skeleton/docs/guides/model_laboratory.ipynb b/docs/docs/guides/model_laboratory.ipynb similarity index 100% rename from docs/docs_skeleton/docs/guides/model_laboratory.ipynb rename to docs/docs/guides/model_laboratory.ipynb diff --git a/docs/docs_skeleton/docs/guides/privacy/_category_.yml b/docs/docs/guides/privacy/_category_.yml similarity index 100% rename from docs/docs_skeleton/docs/guides/privacy/_category_.yml rename to docs/docs/guides/privacy/_category_.yml diff --git a/docs/docs_skeleton/docs/guides/privacy/presidio_data_anonymization/index.ipynb b/docs/docs/guides/privacy/presidio_data_anonymization/index.ipynb similarity index 99% rename from docs/docs_skeleton/docs/guides/privacy/presidio_data_anonymization/index.ipynb rename to docs/docs/guides/privacy/presidio_data_anonymization/index.ipynb index b5a0099270466..b2f5750ab1856 100644 --- a/docs/docs_skeleton/docs/guides/privacy/presidio_data_anonymization/index.ipynb +++ b/docs/docs/guides/privacy/presidio_data_anonymization/index.ipynb @@ -6,7 +6,7 @@ "source": [ "# Data anonymization with Microsoft Presidio\n", "\n", - "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs_skeleton/docs/guides/privacy/presidio_data_anonymization/index.ipynb)\n", + "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs/guides/privacy/presidio_data_anonymization/index.ipynb)\n", "\n", "## Use case\n", "\n", diff --git a/docs/docs_skeleton/docs/guides/privacy/presidio_data_anonymization/multi_language.ipynb b/docs/docs/guides/privacy/presidio_data_anonymization/multi_language.ipynb similarity index 99% rename from docs/docs_skeleton/docs/guides/privacy/presidio_data_anonymization/multi_language.ipynb rename to docs/docs/guides/privacy/presidio_data_anonymization/multi_language.ipynb index 64c47d5b97f9b..b6e3100e8d0c6 100644 --- a/docs/docs_skeleton/docs/guides/privacy/presidio_data_anonymization/multi_language.ipynb +++ b/docs/docs/guides/privacy/presidio_data_anonymization/multi_language.ipynb @@ -6,7 +6,7 @@ "source": [ "# Mutli-language data anonymization with Microsoft Presidio\n", "\n", - "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs_skeleton/docs/guides/privacy/presidio_data_anonymization/multi_language.ipynb)\n", + "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs/guides/privacy/presidio_data_anonymization/multi_language.ipynb)\n", "\n", "\n", "## Use case\n", diff --git a/docs/docs_skeleton/docs/guides/privacy/presidio_data_anonymization/reversible.ipynb b/docs/docs/guides/privacy/presidio_data_anonymization/reversible.ipynb similarity index 99% rename from docs/docs_skeleton/docs/guides/privacy/presidio_data_anonymization/reversible.ipynb rename to docs/docs/guides/privacy/presidio_data_anonymization/reversible.ipynb index 67d384ff2c282..745566b0d82eb 100644 --- a/docs/docs_skeleton/docs/guides/privacy/presidio_data_anonymization/reversible.ipynb +++ b/docs/docs/guides/privacy/presidio_data_anonymization/reversible.ipynb @@ -6,7 +6,7 @@ "source": [ "# Reversible data anonymization with Microsoft Presidio\n", "\n", - "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs_skeleton/docs/guides/privacy/presidio_data_anonymization/reversible.ipynb)\n", + "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs/guides/privacy/presidio_data_anonymization/reversible.ipynb)\n", "\n", "\n", "## Use case\n", diff --git a/docs/docs_skeleton/docs/guides/pydantic_compatibility.md b/docs/docs/guides/pydantic_compatibility.md similarity index 100% rename from docs/docs_skeleton/docs/guides/pydantic_compatibility.md rename to docs/docs/guides/pydantic_compatibility.md diff --git a/docs/docs_skeleton/docs/guides/safety/_category_.yml b/docs/docs/guides/safety/_category_.yml similarity index 100% rename from docs/docs_skeleton/docs/guides/safety/_category_.yml rename to docs/docs/guides/safety/_category_.yml diff --git a/docs/docs_skeleton/docs/guides/safety/amazon_comprehend_chain.ipynb b/docs/docs/guides/safety/amazon_comprehend_chain.ipynb similarity index 100% rename from docs/docs_skeleton/docs/guides/safety/amazon_comprehend_chain.ipynb rename to docs/docs/guides/safety/amazon_comprehend_chain.ipynb diff --git a/docs/docs_skeleton/docs/guides/safety/constitutional_chain.mdx b/docs/docs/guides/safety/constitutional_chain.mdx similarity index 100% rename from docs/docs_skeleton/docs/guides/safety/constitutional_chain.mdx rename to docs/docs/guides/safety/constitutional_chain.mdx diff --git a/docs/docs_skeleton/docs/guides/safety/hugging_face_prompt_injection.ipynb b/docs/docs/guides/safety/hugging_face_prompt_injection.ipynb similarity index 100% rename from docs/docs_skeleton/docs/guides/safety/hugging_face_prompt_injection.ipynb rename to docs/docs/guides/safety/hugging_face_prompt_injection.ipynb diff --git a/docs/docs_skeleton/docs/guides/safety/index.mdx b/docs/docs/guides/safety/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/guides/safety/index.mdx rename to docs/docs/guides/safety/index.mdx diff --git a/docs/docs_skeleton/docs/guides/safety/logical_fallacy_chain.mdx b/docs/docs/guides/safety/logical_fallacy_chain.mdx similarity index 100% rename from docs/docs_skeleton/docs/guides/safety/logical_fallacy_chain.mdx rename to docs/docs/guides/safety/logical_fallacy_chain.mdx diff --git a/docs/docs_skeleton/docs/guides/safety/moderation.mdx b/docs/docs/guides/safety/moderation.mdx similarity index 100% rename from docs/docs_skeleton/docs/guides/safety/moderation.mdx rename to docs/docs/guides/safety/moderation.mdx diff --git a/docs/docs_skeleton/docs/integrations/callbacks/argilla.ipynb b/docs/docs/integrations/callbacks/argilla.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/callbacks/argilla.ipynb rename to docs/docs/integrations/callbacks/argilla.ipynb diff --git a/docs/docs_skeleton/docs/integrations/callbacks/confident.ipynb b/docs/docs/integrations/callbacks/confident.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/callbacks/confident.ipynb rename to docs/docs/integrations/callbacks/confident.ipynb diff --git a/docs/docs_skeleton/docs/integrations/callbacks/context.ipynb b/docs/docs/integrations/callbacks/context.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/callbacks/context.ipynb rename to docs/docs/integrations/callbacks/context.ipynb diff --git a/docs/docs_skeleton/docs/integrations/callbacks/infino.ipynb b/docs/docs/integrations/callbacks/infino.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/callbacks/infino.ipynb rename to docs/docs/integrations/callbacks/infino.ipynb diff --git a/docs/docs_skeleton/docs/integrations/callbacks/labelstudio.ipynb b/docs/docs/integrations/callbacks/labelstudio.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/callbacks/labelstudio.ipynb rename to docs/docs/integrations/callbacks/labelstudio.ipynb diff --git a/docs/docs_skeleton/docs/integrations/callbacks/llmonitor.md b/docs/docs/integrations/callbacks/llmonitor.md similarity index 100% rename from docs/docs_skeleton/docs/integrations/callbacks/llmonitor.md rename to docs/docs/integrations/callbacks/llmonitor.md diff --git a/docs/docs_skeleton/docs/integrations/callbacks/promptlayer.ipynb b/docs/docs/integrations/callbacks/promptlayer.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/callbacks/promptlayer.ipynb rename to docs/docs/integrations/callbacks/promptlayer.ipynb diff --git a/docs/docs_skeleton/docs/integrations/callbacks/sagemaker_tracking.ipynb b/docs/docs/integrations/callbacks/sagemaker_tracking.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/callbacks/sagemaker_tracking.ipynb rename to docs/docs/integrations/callbacks/sagemaker_tracking.ipynb diff --git a/docs/docs_skeleton/docs/integrations/callbacks/streamlit.md b/docs/docs/integrations/callbacks/streamlit.md similarity index 100% rename from docs/docs_skeleton/docs/integrations/callbacks/streamlit.md rename to docs/docs/integrations/callbacks/streamlit.md diff --git a/docs/docs_skeleton/docs/integrations/callbacks/trubrics.ipynb b/docs/docs/integrations/callbacks/trubrics.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/callbacks/trubrics.ipynb rename to docs/docs/integrations/callbacks/trubrics.ipynb diff --git a/docs/docs_skeleton/docs/integrations/chat/anthropic.ipynb b/docs/docs/integrations/chat/anthropic.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/chat/anthropic.ipynb rename to docs/docs/integrations/chat/anthropic.ipynb diff --git a/docs/docs_skeleton/docs/integrations/chat/anthropic_functions.ipynb b/docs/docs/integrations/chat/anthropic_functions.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/chat/anthropic_functions.ipynb rename to docs/docs/integrations/chat/anthropic_functions.ipynb diff --git a/docs/docs_skeleton/docs/integrations/chat/anyscale.ipynb b/docs/docs/integrations/chat/anyscale.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/chat/anyscale.ipynb rename to docs/docs/integrations/chat/anyscale.ipynb diff --git a/docs/docs_skeleton/docs/integrations/chat/azure_chat_openai.ipynb b/docs/docs/integrations/chat/azure_chat_openai.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/chat/azure_chat_openai.ipynb rename to docs/docs/integrations/chat/azure_chat_openai.ipynb diff --git a/docs/docs_skeleton/docs/integrations/chat/azureml_chat_endpoint.ipynb b/docs/docs/integrations/chat/azureml_chat_endpoint.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/chat/azureml_chat_endpoint.ipynb rename to docs/docs/integrations/chat/azureml_chat_endpoint.ipynb diff --git a/docs/docs_skeleton/docs/integrations/chat/baidu_qianfan_endpoint.ipynb b/docs/docs/integrations/chat/baidu_qianfan_endpoint.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/chat/baidu_qianfan_endpoint.ipynb rename to docs/docs/integrations/chat/baidu_qianfan_endpoint.ipynb diff --git a/docs/docs_skeleton/docs/integrations/chat/bedrock.ipynb b/docs/docs/integrations/chat/bedrock.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/chat/bedrock.ipynb rename to docs/docs/integrations/chat/bedrock.ipynb diff --git a/docs/docs_skeleton/docs/integrations/chat/cohere.ipynb b/docs/docs/integrations/chat/cohere.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/chat/cohere.ipynb rename to docs/docs/integrations/chat/cohere.ipynb diff --git a/docs/docs_skeleton/docs/integrations/chat/ernie.ipynb b/docs/docs/integrations/chat/ernie.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/chat/ernie.ipynb rename to docs/docs/integrations/chat/ernie.ipynb diff --git a/docs/docs_skeleton/docs/integrations/chat/fireworks.ipynb b/docs/docs/integrations/chat/fireworks.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/chat/fireworks.ipynb rename to docs/docs/integrations/chat/fireworks.ipynb diff --git a/docs/docs_skeleton/docs/integrations/chat/google_vertex_ai_palm.ipynb b/docs/docs/integrations/chat/google_vertex_ai_palm.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/chat/google_vertex_ai_palm.ipynb rename to docs/docs/integrations/chat/google_vertex_ai_palm.ipynb diff --git a/docs/docs_skeleton/docs/integrations/chat/index.mdx b/docs/docs/integrations/chat/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/chat/index.mdx rename to docs/docs/integrations/chat/index.mdx diff --git a/docs/docs_skeleton/docs/integrations/chat/jinachat.ipynb b/docs/docs/integrations/chat/jinachat.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/chat/jinachat.ipynb rename to docs/docs/integrations/chat/jinachat.ipynb diff --git a/docs/docs_skeleton/docs/integrations/chat/konko.ipynb b/docs/docs/integrations/chat/konko.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/chat/konko.ipynb rename to docs/docs/integrations/chat/konko.ipynb diff --git a/docs/docs_skeleton/docs/integrations/chat/litellm.ipynb b/docs/docs/integrations/chat/litellm.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/chat/litellm.ipynb rename to docs/docs/integrations/chat/litellm.ipynb diff --git a/docs/docs_skeleton/docs/integrations/chat/llama_api.ipynb b/docs/docs/integrations/chat/llama_api.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/chat/llama_api.ipynb rename to docs/docs/integrations/chat/llama_api.ipynb diff --git a/docs/docs_skeleton/docs/integrations/chat/minimax.ipynb b/docs/docs/integrations/chat/minimax.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/chat/minimax.ipynb rename to docs/docs/integrations/chat/minimax.ipynb diff --git a/docs/docs_skeleton/docs/integrations/chat/ollama.ipynb b/docs/docs/integrations/chat/ollama.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/chat/ollama.ipynb rename to docs/docs/integrations/chat/ollama.ipynb diff --git a/docs/docs_skeleton/docs/integrations/chat/openai.ipynb b/docs/docs/integrations/chat/openai.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/chat/openai.ipynb rename to docs/docs/integrations/chat/openai.ipynb diff --git a/docs/docs_skeleton/docs/integrations/chat/promptlayer_chatopenai.ipynb b/docs/docs/integrations/chat/promptlayer_chatopenai.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/chat/promptlayer_chatopenai.ipynb rename to docs/docs/integrations/chat/promptlayer_chatopenai.ipynb diff --git a/docs/docs_skeleton/docs/integrations/chat/vllm.ipynb b/docs/docs/integrations/chat/vllm.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/chat/vllm.ipynb rename to docs/docs/integrations/chat/vllm.ipynb diff --git a/docs/docs_skeleton/docs/integrations/chat_loaders/discord.ipynb b/docs/docs/integrations/chat_loaders/discord.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/chat_loaders/discord.ipynb rename to docs/docs/integrations/chat_loaders/discord.ipynb diff --git a/docs/docs_skeleton/docs/integrations/chat_loaders/example_data/dataset_twitter-scraper_2023-08-23_22-13-19-740.json b/docs/docs/integrations/chat_loaders/example_data/dataset_twitter-scraper_2023-08-23_22-13-19-740.json similarity index 100% rename from docs/docs_skeleton/docs/integrations/chat_loaders/example_data/dataset_twitter-scraper_2023-08-23_22-13-19-740.json rename to docs/docs/integrations/chat_loaders/example_data/dataset_twitter-scraper_2023-08-23_22-13-19-740.json diff --git a/docs/docs_skeleton/docs/integrations/chat_loaders/example_data/langsmith_chat_dataset.json b/docs/docs/integrations/chat_loaders/example_data/langsmith_chat_dataset.json similarity index 100% rename from docs/docs_skeleton/docs/integrations/chat_loaders/example_data/langsmith_chat_dataset.json rename to docs/docs/integrations/chat_loaders/example_data/langsmith_chat_dataset.json diff --git a/docs/docs_skeleton/docs/integrations/chat_loaders/facebook.ipynb b/docs/docs/integrations/chat_loaders/facebook.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/chat_loaders/facebook.ipynb rename to docs/docs/integrations/chat_loaders/facebook.ipynb diff --git a/docs/docs_skeleton/docs/integrations/chat_loaders/gmail.ipynb b/docs/docs/integrations/chat_loaders/gmail.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/chat_loaders/gmail.ipynb rename to docs/docs/integrations/chat_loaders/gmail.ipynb diff --git a/docs/docs_skeleton/docs/integrations/chat_loaders/imessage.ipynb b/docs/docs/integrations/chat_loaders/imessage.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/chat_loaders/imessage.ipynb rename to docs/docs/integrations/chat_loaders/imessage.ipynb diff --git a/docs/docs_skeleton/docs/integrations/chat_loaders/langsmith_dataset.ipynb b/docs/docs/integrations/chat_loaders/langsmith_dataset.ipynb similarity index 98% rename from docs/docs_skeleton/docs/integrations/chat_loaders/langsmith_dataset.ipynb rename to docs/docs/integrations/chat_loaders/langsmith_dataset.ipynb index 2bdd04227c74f..14685acf3c6f8 100644 --- a/docs/docs_skeleton/docs/integrations/chat_loaders/langsmith_dataset.ipynb +++ b/docs/docs/integrations/chat_loaders/langsmith_dataset.ipynb @@ -79,7 +79,7 @@ "outputs": [], "source": [ "import requests\n", - "url = \"https://raw.githubusercontent.com/langchain-ai/langchain/master/docs/docs_skeleton/docs/integrations/chat_loaders/example_data/langsmith_chat_dataset.json\"\n", + "url = \"https://raw.githubusercontent.com/langchain-ai/langchain/master/docs/docs/integrations/chat_loaders/example_data/langsmith_chat_dataset.json\"\n", "response = requests.get(url)\n", "response.raise_for_status()\n", "data = response.json()" diff --git a/docs/docs_skeleton/docs/integrations/chat_loaders/langsmith_llm_runs.ipynb b/docs/docs/integrations/chat_loaders/langsmith_llm_runs.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/chat_loaders/langsmith_llm_runs.ipynb rename to docs/docs/integrations/chat_loaders/langsmith_llm_runs.ipynb diff --git a/docs/docs_skeleton/docs/integrations/chat_loaders/slack.ipynb b/docs/docs/integrations/chat_loaders/slack.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/chat_loaders/slack.ipynb rename to docs/docs/integrations/chat_loaders/slack.ipynb diff --git a/docs/docs_skeleton/docs/integrations/chat_loaders/telegram.ipynb b/docs/docs/integrations/chat_loaders/telegram.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/chat_loaders/telegram.ipynb rename to docs/docs/integrations/chat_loaders/telegram.ipynb diff --git a/docs/docs_skeleton/docs/integrations/chat_loaders/twitter.ipynb b/docs/docs/integrations/chat_loaders/twitter.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/chat_loaders/twitter.ipynb rename to docs/docs/integrations/chat_loaders/twitter.ipynb diff --git a/docs/docs_skeleton/docs/integrations/chat_loaders/wechat.ipynb b/docs/docs/integrations/chat_loaders/wechat.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/chat_loaders/wechat.ipynb rename to docs/docs/integrations/chat_loaders/wechat.ipynb diff --git a/docs/docs_skeleton/docs/integrations/chat_loaders/whatsapp.ipynb b/docs/docs/integrations/chat_loaders/whatsapp.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/chat_loaders/whatsapp.ipynb rename to docs/docs/integrations/chat_loaders/whatsapp.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/acreom.ipynb b/docs/docs/integrations/document_loaders/acreom.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/acreom.ipynb rename to docs/docs/integrations/document_loaders/acreom.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/airbyte_cdk.ipynb b/docs/docs/integrations/document_loaders/airbyte_cdk.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/airbyte_cdk.ipynb rename to docs/docs/integrations/document_loaders/airbyte_cdk.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/airbyte_gong.ipynb b/docs/docs/integrations/document_loaders/airbyte_gong.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/airbyte_gong.ipynb rename to docs/docs/integrations/document_loaders/airbyte_gong.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/airbyte_hubspot.ipynb b/docs/docs/integrations/document_loaders/airbyte_hubspot.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/airbyte_hubspot.ipynb rename to docs/docs/integrations/document_loaders/airbyte_hubspot.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/airbyte_json.ipynb b/docs/docs/integrations/document_loaders/airbyte_json.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/airbyte_json.ipynb rename to docs/docs/integrations/document_loaders/airbyte_json.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/airbyte_salesforce.ipynb b/docs/docs/integrations/document_loaders/airbyte_salesforce.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/airbyte_salesforce.ipynb rename to docs/docs/integrations/document_loaders/airbyte_salesforce.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/airbyte_shopify.ipynb b/docs/docs/integrations/document_loaders/airbyte_shopify.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/airbyte_shopify.ipynb rename to docs/docs/integrations/document_loaders/airbyte_shopify.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/airbyte_stripe.ipynb b/docs/docs/integrations/document_loaders/airbyte_stripe.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/airbyte_stripe.ipynb rename to docs/docs/integrations/document_loaders/airbyte_stripe.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/airbyte_typeform.ipynb b/docs/docs/integrations/document_loaders/airbyte_typeform.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/airbyte_typeform.ipynb rename to docs/docs/integrations/document_loaders/airbyte_typeform.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/airbyte_zendesk_support.ipynb b/docs/docs/integrations/document_loaders/airbyte_zendesk_support.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/airbyte_zendesk_support.ipynb rename to docs/docs/integrations/document_loaders/airbyte_zendesk_support.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/airtable.ipynb b/docs/docs/integrations/document_loaders/airtable.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/airtable.ipynb rename to docs/docs/integrations/document_loaders/airtable.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/alibaba_cloud_maxcompute.ipynb b/docs/docs/integrations/document_loaders/alibaba_cloud_maxcompute.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/alibaba_cloud_maxcompute.ipynb rename to docs/docs/integrations/document_loaders/alibaba_cloud_maxcompute.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/apify_dataset.ipynb b/docs/docs/integrations/document_loaders/apify_dataset.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/apify_dataset.ipynb rename to docs/docs/integrations/document_loaders/apify_dataset.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/arcgis.ipynb b/docs/docs/integrations/document_loaders/arcgis.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/arcgis.ipynb rename to docs/docs/integrations/document_loaders/arcgis.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/arxiv.ipynb b/docs/docs/integrations/document_loaders/arxiv.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/arxiv.ipynb rename to docs/docs/integrations/document_loaders/arxiv.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/assemblyai.ipynb b/docs/docs/integrations/document_loaders/assemblyai.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/assemblyai.ipynb rename to docs/docs/integrations/document_loaders/assemblyai.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/async_chromium.ipynb b/docs/docs/integrations/document_loaders/async_chromium.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/async_chromium.ipynb rename to docs/docs/integrations/document_loaders/async_chromium.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/async_html.ipynb b/docs/docs/integrations/document_loaders/async_html.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/async_html.ipynb rename to docs/docs/integrations/document_loaders/async_html.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/aws_s3_directory.ipynb b/docs/docs/integrations/document_loaders/aws_s3_directory.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/aws_s3_directory.ipynb rename to docs/docs/integrations/document_loaders/aws_s3_directory.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/aws_s3_file.ipynb b/docs/docs/integrations/document_loaders/aws_s3_file.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/aws_s3_file.ipynb rename to docs/docs/integrations/document_loaders/aws_s3_file.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/azlyrics.ipynb b/docs/docs/integrations/document_loaders/azlyrics.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/azlyrics.ipynb rename to docs/docs/integrations/document_loaders/azlyrics.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/azure_blob_storage_container.ipynb b/docs/docs/integrations/document_loaders/azure_blob_storage_container.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/azure_blob_storage_container.ipynb rename to docs/docs/integrations/document_loaders/azure_blob_storage_container.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/azure_blob_storage_file.ipynb b/docs/docs/integrations/document_loaders/azure_blob_storage_file.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/azure_blob_storage_file.ipynb rename to docs/docs/integrations/document_loaders/azure_blob_storage_file.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/azure_document_intelligence.ipynb b/docs/docs/integrations/document_loaders/azure_document_intelligence.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/azure_document_intelligence.ipynb rename to docs/docs/integrations/document_loaders/azure_document_intelligence.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/bibtex.ipynb b/docs/docs/integrations/document_loaders/bibtex.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/bibtex.ipynb rename to docs/docs/integrations/document_loaders/bibtex.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/bilibili.ipynb b/docs/docs/integrations/document_loaders/bilibili.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/bilibili.ipynb rename to docs/docs/integrations/document_loaders/bilibili.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/blackboard.ipynb b/docs/docs/integrations/document_loaders/blackboard.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/blackboard.ipynb rename to docs/docs/integrations/document_loaders/blackboard.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/blockchain.ipynb b/docs/docs/integrations/document_loaders/blockchain.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/blockchain.ipynb rename to docs/docs/integrations/document_loaders/blockchain.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/brave_search.ipynb b/docs/docs/integrations/document_loaders/brave_search.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/brave_search.ipynb rename to docs/docs/integrations/document_loaders/brave_search.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/browserless.ipynb b/docs/docs/integrations/document_loaders/browserless.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/browserless.ipynb rename to docs/docs/integrations/document_loaders/browserless.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/chatgpt_loader.ipynb b/docs/docs/integrations/document_loaders/chatgpt_loader.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/chatgpt_loader.ipynb rename to docs/docs/integrations/document_loaders/chatgpt_loader.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/college_confidential.ipynb b/docs/docs/integrations/document_loaders/college_confidential.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/college_confidential.ipynb rename to docs/docs/integrations/document_loaders/college_confidential.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/concurrent.ipynb b/docs/docs/integrations/document_loaders/concurrent.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/concurrent.ipynb rename to docs/docs/integrations/document_loaders/concurrent.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/confluence.ipynb b/docs/docs/integrations/document_loaders/confluence.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/confluence.ipynb rename to docs/docs/integrations/document_loaders/confluence.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/conll-u.ipynb b/docs/docs/integrations/document_loaders/conll-u.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/conll-u.ipynb rename to docs/docs/integrations/document_loaders/conll-u.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/copypaste.ipynb b/docs/docs/integrations/document_loaders/copypaste.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/copypaste.ipynb rename to docs/docs/integrations/document_loaders/copypaste.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/csv.ipynb b/docs/docs/integrations/document_loaders/csv.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/csv.ipynb rename to docs/docs/integrations/document_loaders/csv.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/cube_semantic.ipynb b/docs/docs/integrations/document_loaders/cube_semantic.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/cube_semantic.ipynb rename to docs/docs/integrations/document_loaders/cube_semantic.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/datadog_logs.ipynb b/docs/docs/integrations/document_loaders/datadog_logs.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/datadog_logs.ipynb rename to docs/docs/integrations/document_loaders/datadog_logs.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/diffbot.ipynb b/docs/docs/integrations/document_loaders/diffbot.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/diffbot.ipynb rename to docs/docs/integrations/document_loaders/diffbot.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/discord.ipynb b/docs/docs/integrations/document_loaders/discord.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/discord.ipynb rename to docs/docs/integrations/document_loaders/discord.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/docugami.ipynb b/docs/docs/integrations/document_loaders/docugami.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/docugami.ipynb rename to docs/docs/integrations/document_loaders/docugami.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/dropbox.ipynb b/docs/docs/integrations/document_loaders/dropbox.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/dropbox.ipynb rename to docs/docs/integrations/document_loaders/dropbox.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/duckdb.ipynb b/docs/docs/integrations/document_loaders/duckdb.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/duckdb.ipynb rename to docs/docs/integrations/document_loaders/duckdb.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/email.ipynb b/docs/docs/integrations/document_loaders/email.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/email.ipynb rename to docs/docs/integrations/document_loaders/email.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/embaas.ipynb b/docs/docs/integrations/document_loaders/embaas.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/embaas.ipynb rename to docs/docs/integrations/document_loaders/embaas.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/epub.ipynb b/docs/docs/integrations/document_loaders/epub.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/epub.ipynb rename to docs/docs/integrations/document_loaders/epub.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/etherscan.ipynb b/docs/docs/integrations/document_loaders/etherscan.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/etherscan.ipynb rename to docs/docs/integrations/document_loaders/etherscan.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/evernote.ipynb b/docs/docs/integrations/document_loaders/evernote.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/evernote.ipynb rename to docs/docs/integrations/document_loaders/evernote.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/example_data/README.org b/docs/docs/integrations/document_loaders/example_data/README.org similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/example_data/README.org rename to docs/docs/integrations/document_loaders/example_data/README.org diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/example_data/README.rst b/docs/docs/integrations/document_loaders/example_data/README.rst similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/example_data/README.rst rename to docs/docs/integrations/document_loaders/example_data/README.rst diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/example_data/conllu.conllu b/docs/docs/integrations/document_loaders/example_data/conllu.conllu similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/example_data/conllu.conllu rename to docs/docs/integrations/document_loaders/example_data/conllu.conllu diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/example_data/facebook_chat.json b/docs/docs/integrations/document_loaders/example_data/facebook_chat.json similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/example_data/facebook_chat.json rename to docs/docs/integrations/document_loaders/example_data/facebook_chat.json diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/example_data/facebook_chat_messages.jsonl b/docs/docs/integrations/document_loaders/example_data/facebook_chat_messages.jsonl similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/example_data/facebook_chat_messages.jsonl rename to docs/docs/integrations/document_loaders/example_data/facebook_chat_messages.jsonl diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/example_data/factbook.xml b/docs/docs/integrations/document_loaders/example_data/factbook.xml similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/example_data/factbook.xml rename to docs/docs/integrations/document_loaders/example_data/factbook.xml diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/example_data/fake-content.html b/docs/docs/integrations/document_loaders/example_data/fake-content.html similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/example_data/fake-content.html rename to docs/docs/integrations/document_loaders/example_data/fake-content.html diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/example_data/fake-email-attachment.eml b/docs/docs/integrations/document_loaders/example_data/fake-email-attachment.eml similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/example_data/fake-email-attachment.eml rename to docs/docs/integrations/document_loaders/example_data/fake-email-attachment.eml diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/example_data/fake-email.eml b/docs/docs/integrations/document_loaders/example_data/fake-email.eml similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/example_data/fake-email.eml rename to docs/docs/integrations/document_loaders/example_data/fake-email.eml diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/example_data/fake-email.msg b/docs/docs/integrations/document_loaders/example_data/fake-email.msg similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/example_data/fake-email.msg rename to docs/docs/integrations/document_loaders/example_data/fake-email.msg diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/example_data/fake-power-point.pptx b/docs/docs/integrations/document_loaders/example_data/fake-power-point.pptx similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/example_data/fake-power-point.pptx rename to docs/docs/integrations/document_loaders/example_data/fake-power-point.pptx diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/example_data/fake.docx b/docs/docs/integrations/document_loaders/example_data/fake.docx similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/example_data/fake.docx rename to docs/docs/integrations/document_loaders/example_data/fake.docx diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/example_data/fake.odt b/docs/docs/integrations/document_loaders/example_data/fake.odt similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/example_data/fake.odt rename to docs/docs/integrations/document_loaders/example_data/fake.odt diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/example_data/fake_conversations.json b/docs/docs/integrations/document_loaders/example_data/fake_conversations.json similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/example_data/fake_conversations.json rename to docs/docs/integrations/document_loaders/example_data/fake_conversations.json diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/example_data/fake_discord_data/output.txt b/docs/docs/integrations/document_loaders/example_data/fake_discord_data/output.txt similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/example_data/fake_discord_data/output.txt rename to docs/docs/integrations/document_loaders/example_data/fake_discord_data/output.txt diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/example_data/fake_discord_data/package/messages/c105765859191975936/messages.csv b/docs/docs/integrations/document_loaders/example_data/fake_discord_data/package/messages/c105765859191975936/messages.csv similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/example_data/fake_discord_data/package/messages/c105765859191975936/messages.csv rename to docs/docs/integrations/document_loaders/example_data/fake_discord_data/package/messages/c105765859191975936/messages.csv diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/example_data/fake_discord_data/package/messages/c278566343836565505/messages.csv b/docs/docs/integrations/document_loaders/example_data/fake_discord_data/package/messages/c278566343836565505/messages.csv similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/example_data/fake_discord_data/package/messages/c278566343836565505/messages.csv rename to docs/docs/integrations/document_loaders/example_data/fake_discord_data/package/messages/c278566343836565505/messages.csv diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/example_data/fake_discord_data/package/messages/c279692806442844161/messages.csv b/docs/docs/integrations/document_loaders/example_data/fake_discord_data/package/messages/c279692806442844161/messages.csv similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/example_data/fake_discord_data/package/messages/c279692806442844161/messages.csv rename to docs/docs/integrations/document_loaders/example_data/fake_discord_data/package/messages/c279692806442844161/messages.csv diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/example_data/fake_discord_data/package/messages/c280973436971515906/messages.csv b/docs/docs/integrations/document_loaders/example_data/fake_discord_data/package/messages/c280973436971515906/messages.csv similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/example_data/fake_discord_data/package/messages/c280973436971515906/messages.csv rename to docs/docs/integrations/document_loaders/example_data/fake_discord_data/package/messages/c280973436971515906/messages.csv diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/example_data/fake_rule.toml b/docs/docs/integrations/document_loaders/example_data/fake_rule.toml similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/example_data/fake_rule.toml rename to docs/docs/integrations/document_loaders/example_data/fake_rule.toml diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/example_data/layout-parser-paper.pdf b/docs/docs/integrations/document_loaders/example_data/layout-parser-paper.pdf similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/example_data/layout-parser-paper.pdf rename to docs/docs/integrations/document_loaders/example_data/layout-parser-paper.pdf diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/example_data/mlb_teams_2012.csv b/docs/docs/integrations/document_loaders/example_data/mlb_teams_2012.csv similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/example_data/mlb_teams_2012.csv rename to docs/docs/integrations/document_loaders/example_data/mlb_teams_2012.csv diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/example_data/notebook.md b/docs/docs/integrations/document_loaders/example_data/notebook.md similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/example_data/notebook.md rename to docs/docs/integrations/document_loaders/example_data/notebook.md diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/example_data/sample_rss_feeds.opml b/docs/docs/integrations/document_loaders/example_data/sample_rss_feeds.opml similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/example_data/sample_rss_feeds.opml rename to docs/docs/integrations/document_loaders/example_data/sample_rss_feeds.opml diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/example_data/sitemap.xml b/docs/docs/integrations/document_loaders/example_data/sitemap.xml similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/example_data/sitemap.xml rename to docs/docs/integrations/document_loaders/example_data/sitemap.xml diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/example_data/source_code/example.js b/docs/docs/integrations/document_loaders/example_data/source_code/example.js similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/example_data/source_code/example.js rename to docs/docs/integrations/document_loaders/example_data/source_code/example.js diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/example_data/source_code/example.py b/docs/docs/integrations/document_loaders/example_data/source_code/example.py similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/example_data/source_code/example.py rename to docs/docs/integrations/document_loaders/example_data/source_code/example.py diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/example_data/stanley-cups.tsv b/docs/docs/integrations/document_loaders/example_data/stanley-cups.tsv similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/example_data/stanley-cups.tsv rename to docs/docs/integrations/document_loaders/example_data/stanley-cups.tsv diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/example_data/stanley-cups.xlsx b/docs/docs/integrations/document_loaders/example_data/stanley-cups.xlsx similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/example_data/stanley-cups.xlsx rename to docs/docs/integrations/document_loaders/example_data/stanley-cups.xlsx diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/example_data/telegram.json b/docs/docs/integrations/document_loaders/example_data/telegram.json similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/example_data/telegram.json rename to docs/docs/integrations/document_loaders/example_data/telegram.json diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/example_data/testing.enex b/docs/docs/integrations/document_loaders/example_data/testing.enex similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/example_data/testing.enex rename to docs/docs/integrations/document_loaders/example_data/testing.enex diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/example_data/testmw_pages_current.xml b/docs/docs/integrations/document_loaders/example_data/testmw_pages_current.xml similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/example_data/testmw_pages_current.xml rename to docs/docs/integrations/document_loaders/example_data/testmw_pages_current.xml diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/example_data/whatsapp_chat.txt b/docs/docs/integrations/document_loaders/example_data/whatsapp_chat.txt similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/example_data/whatsapp_chat.txt rename to docs/docs/integrations/document_loaders/example_data/whatsapp_chat.txt diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/excel.ipynb b/docs/docs/integrations/document_loaders/excel.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/excel.ipynb rename to docs/docs/integrations/document_loaders/excel.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/facebook_chat.ipynb b/docs/docs/integrations/document_loaders/facebook_chat.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/facebook_chat.ipynb rename to docs/docs/integrations/document_loaders/facebook_chat.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/fauna.ipynb b/docs/docs/integrations/document_loaders/fauna.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/fauna.ipynb rename to docs/docs/integrations/document_loaders/fauna.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/figma.ipynb b/docs/docs/integrations/document_loaders/figma.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/figma.ipynb rename to docs/docs/integrations/document_loaders/figma.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/geopandas.ipynb b/docs/docs/integrations/document_loaders/geopandas.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/geopandas.ipynb rename to docs/docs/integrations/document_loaders/geopandas.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/git.ipynb b/docs/docs/integrations/document_loaders/git.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/git.ipynb rename to docs/docs/integrations/document_loaders/git.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/gitbook.ipynb b/docs/docs/integrations/document_loaders/gitbook.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/gitbook.ipynb rename to docs/docs/integrations/document_loaders/gitbook.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/github.ipynb b/docs/docs/integrations/document_loaders/github.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/github.ipynb rename to docs/docs/integrations/document_loaders/github.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/google_bigquery.ipynb b/docs/docs/integrations/document_loaders/google_bigquery.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/google_bigquery.ipynb rename to docs/docs/integrations/document_loaders/google_bigquery.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/google_cloud_storage_directory.ipynb b/docs/docs/integrations/document_loaders/google_cloud_storage_directory.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/google_cloud_storage_directory.ipynb rename to docs/docs/integrations/document_loaders/google_cloud_storage_directory.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/google_cloud_storage_file.ipynb b/docs/docs/integrations/document_loaders/google_cloud_storage_file.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/google_cloud_storage_file.ipynb rename to docs/docs/integrations/document_loaders/google_cloud_storage_file.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/google_drive.ipynb b/docs/docs/integrations/document_loaders/google_drive.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/google_drive.ipynb rename to docs/docs/integrations/document_loaders/google_drive.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/grobid.ipynb b/docs/docs/integrations/document_loaders/grobid.ipynb similarity index 98% rename from docs/docs_skeleton/docs/integrations/document_loaders/grobid.ipynb rename to docs/docs/integrations/document_loaders/grobid.ipynb index 7f17ec8dcd2b8..b584316ba9f7d 100644 --- a/docs/docs_skeleton/docs/integrations/document_loaders/grobid.ipynb +++ b/docs/docs/integrations/document_loaders/grobid.ipynb @@ -16,7 +16,7 @@ "---\n", "The best approach is to install Grobid via docker, see https://grobid.readthedocs.io/en/latest/Grobid-docker/. \n", "\n", - "(Note: additional instructions can be found [here](https://python.langchain.com/docs/docs_skeleton/docs/integrations/providers/grobid.mdx).)\n", + "(Note: additional instructions can be found [here](https://python.langchain.com/docs/docs/integrations/providers/grobid.mdx).)\n", "\n", "Once grobid is up-and-running you can interact as described below. \n" ] diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/gutenberg.ipynb b/docs/docs/integrations/document_loaders/gutenberg.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/gutenberg.ipynb rename to docs/docs/integrations/document_loaders/gutenberg.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/hacker_news.ipynb b/docs/docs/integrations/document_loaders/hacker_news.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/hacker_news.ipynb rename to docs/docs/integrations/document_loaders/hacker_news.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/huawei_obs_directory.ipynb b/docs/docs/integrations/document_loaders/huawei_obs_directory.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/huawei_obs_directory.ipynb rename to docs/docs/integrations/document_loaders/huawei_obs_directory.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/huawei_obs_file.ipynb b/docs/docs/integrations/document_loaders/huawei_obs_file.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/huawei_obs_file.ipynb rename to docs/docs/integrations/document_loaders/huawei_obs_file.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/hugging_face_dataset.ipynb b/docs/docs/integrations/document_loaders/hugging_face_dataset.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/hugging_face_dataset.ipynb rename to docs/docs/integrations/document_loaders/hugging_face_dataset.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/ifixit.ipynb b/docs/docs/integrations/document_loaders/ifixit.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/ifixit.ipynb rename to docs/docs/integrations/document_loaders/ifixit.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/image.ipynb b/docs/docs/integrations/document_loaders/image.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/image.ipynb rename to docs/docs/integrations/document_loaders/image.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/image_captions.ipynb b/docs/docs/integrations/document_loaders/image_captions.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/image_captions.ipynb rename to docs/docs/integrations/document_loaders/image_captions.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/imsdb.ipynb b/docs/docs/integrations/document_loaders/imsdb.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/imsdb.ipynb rename to docs/docs/integrations/document_loaders/imsdb.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/iugu.ipynb b/docs/docs/integrations/document_loaders/iugu.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/iugu.ipynb rename to docs/docs/integrations/document_loaders/iugu.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/joplin.ipynb b/docs/docs/integrations/document_loaders/joplin.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/joplin.ipynb rename to docs/docs/integrations/document_loaders/joplin.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/jupyter_notebook.ipynb b/docs/docs/integrations/document_loaders/jupyter_notebook.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/jupyter_notebook.ipynb rename to docs/docs/integrations/document_loaders/jupyter_notebook.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/larksuite.ipynb b/docs/docs/integrations/document_loaders/larksuite.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/larksuite.ipynb rename to docs/docs/integrations/document_loaders/larksuite.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/mastodon.ipynb b/docs/docs/integrations/document_loaders/mastodon.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/mastodon.ipynb rename to docs/docs/integrations/document_loaders/mastodon.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/mediawikidump.ipynb b/docs/docs/integrations/document_loaders/mediawikidump.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/mediawikidump.ipynb rename to docs/docs/integrations/document_loaders/mediawikidump.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/merge_doc.ipynb b/docs/docs/integrations/document_loaders/merge_doc.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/merge_doc.ipynb rename to docs/docs/integrations/document_loaders/merge_doc.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/mhtml.ipynb b/docs/docs/integrations/document_loaders/mhtml.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/mhtml.ipynb rename to docs/docs/integrations/document_loaders/mhtml.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/microsoft_onedrive.ipynb b/docs/docs/integrations/document_loaders/microsoft_onedrive.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/microsoft_onedrive.ipynb rename to docs/docs/integrations/document_loaders/microsoft_onedrive.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/microsoft_powerpoint.ipynb b/docs/docs/integrations/document_loaders/microsoft_powerpoint.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/microsoft_powerpoint.ipynb rename to docs/docs/integrations/document_loaders/microsoft_powerpoint.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/microsoft_sharepoint.ipynb b/docs/docs/integrations/document_loaders/microsoft_sharepoint.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/microsoft_sharepoint.ipynb rename to docs/docs/integrations/document_loaders/microsoft_sharepoint.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/microsoft_word.ipynb b/docs/docs/integrations/document_loaders/microsoft_word.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/microsoft_word.ipynb rename to docs/docs/integrations/document_loaders/microsoft_word.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/modern_treasury.ipynb b/docs/docs/integrations/document_loaders/modern_treasury.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/modern_treasury.ipynb rename to docs/docs/integrations/document_loaders/modern_treasury.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/mongodb.ipynb b/docs/docs/integrations/document_loaders/mongodb.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/mongodb.ipynb rename to docs/docs/integrations/document_loaders/mongodb.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/news.ipynb b/docs/docs/integrations/document_loaders/news.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/news.ipynb rename to docs/docs/integrations/document_loaders/news.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/notion.ipynb b/docs/docs/integrations/document_loaders/notion.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/notion.ipynb rename to docs/docs/integrations/document_loaders/notion.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/notiondb.ipynb b/docs/docs/integrations/document_loaders/notiondb.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/notiondb.ipynb rename to docs/docs/integrations/document_loaders/notiondb.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/nuclia.ipynb b/docs/docs/integrations/document_loaders/nuclia.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/nuclia.ipynb rename to docs/docs/integrations/document_loaders/nuclia.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/obsidian.ipynb b/docs/docs/integrations/document_loaders/obsidian.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/obsidian.ipynb rename to docs/docs/integrations/document_loaders/obsidian.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/odt.ipynb b/docs/docs/integrations/document_loaders/odt.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/odt.ipynb rename to docs/docs/integrations/document_loaders/odt.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/open_city_data.ipynb b/docs/docs/integrations/document_loaders/open_city_data.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/open_city_data.ipynb rename to docs/docs/integrations/document_loaders/open_city_data.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/org_mode.ipynb b/docs/docs/integrations/document_loaders/org_mode.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/org_mode.ipynb rename to docs/docs/integrations/document_loaders/org_mode.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/pandas_dataframe.ipynb b/docs/docs/integrations/document_loaders/pandas_dataframe.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/pandas_dataframe.ipynb rename to docs/docs/integrations/document_loaders/pandas_dataframe.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/pdf-amazonTextractPDFLoader.ipynb b/docs/docs/integrations/document_loaders/pdf-amazonTextractPDFLoader.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/pdf-amazonTextractPDFLoader.ipynb rename to docs/docs/integrations/document_loaders/pdf-amazonTextractPDFLoader.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/polars_dataframe.ipynb b/docs/docs/integrations/document_loaders/polars_dataframe.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/polars_dataframe.ipynb rename to docs/docs/integrations/document_loaders/polars_dataframe.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/psychic.ipynb b/docs/docs/integrations/document_loaders/psychic.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/psychic.ipynb rename to docs/docs/integrations/document_loaders/psychic.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/pubmed.ipynb b/docs/docs/integrations/document_loaders/pubmed.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/pubmed.ipynb rename to docs/docs/integrations/document_loaders/pubmed.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/pyspark_dataframe.ipynb b/docs/docs/integrations/document_loaders/pyspark_dataframe.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/pyspark_dataframe.ipynb rename to docs/docs/integrations/document_loaders/pyspark_dataframe.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/readthedocs_documentation.ipynb b/docs/docs/integrations/document_loaders/readthedocs_documentation.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/readthedocs_documentation.ipynb rename to docs/docs/integrations/document_loaders/readthedocs_documentation.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/recursive_url.ipynb b/docs/docs/integrations/document_loaders/recursive_url.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/recursive_url.ipynb rename to docs/docs/integrations/document_loaders/recursive_url.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/reddit.ipynb b/docs/docs/integrations/document_loaders/reddit.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/reddit.ipynb rename to docs/docs/integrations/document_loaders/reddit.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/roam.ipynb b/docs/docs/integrations/document_loaders/roam.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/roam.ipynb rename to docs/docs/integrations/document_loaders/roam.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/rockset.ipynb b/docs/docs/integrations/document_loaders/rockset.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/rockset.ipynb rename to docs/docs/integrations/document_loaders/rockset.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/rss.ipynb b/docs/docs/integrations/document_loaders/rss.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/rss.ipynb rename to docs/docs/integrations/document_loaders/rss.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/rst.ipynb b/docs/docs/integrations/document_loaders/rst.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/rst.ipynb rename to docs/docs/integrations/document_loaders/rst.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/sitemap.ipynb b/docs/docs/integrations/document_loaders/sitemap.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/sitemap.ipynb rename to docs/docs/integrations/document_loaders/sitemap.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/slack.ipynb b/docs/docs/integrations/document_loaders/slack.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/slack.ipynb rename to docs/docs/integrations/document_loaders/slack.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/snowflake.ipynb b/docs/docs/integrations/document_loaders/snowflake.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/snowflake.ipynb rename to docs/docs/integrations/document_loaders/snowflake.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/source_code.ipynb b/docs/docs/integrations/document_loaders/source_code.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/source_code.ipynb rename to docs/docs/integrations/document_loaders/source_code.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/spreedly.ipynb b/docs/docs/integrations/document_loaders/spreedly.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/spreedly.ipynb rename to docs/docs/integrations/document_loaders/spreedly.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/stripe.ipynb b/docs/docs/integrations/document_loaders/stripe.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/stripe.ipynb rename to docs/docs/integrations/document_loaders/stripe.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/subtitle.ipynb b/docs/docs/integrations/document_loaders/subtitle.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/subtitle.ipynb rename to docs/docs/integrations/document_loaders/subtitle.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/telegram.ipynb b/docs/docs/integrations/document_loaders/telegram.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/telegram.ipynb rename to docs/docs/integrations/document_loaders/telegram.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/tencent_cos_directory.ipynb b/docs/docs/integrations/document_loaders/tencent_cos_directory.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/tencent_cos_directory.ipynb rename to docs/docs/integrations/document_loaders/tencent_cos_directory.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/tencent_cos_file.ipynb b/docs/docs/integrations/document_loaders/tencent_cos_file.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/tencent_cos_file.ipynb rename to docs/docs/integrations/document_loaders/tencent_cos_file.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/tensorflow_datasets.ipynb b/docs/docs/integrations/document_loaders/tensorflow_datasets.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/tensorflow_datasets.ipynb rename to docs/docs/integrations/document_loaders/tensorflow_datasets.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/tomarkdown.ipynb b/docs/docs/integrations/document_loaders/tomarkdown.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/tomarkdown.ipynb rename to docs/docs/integrations/document_loaders/tomarkdown.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/toml.ipynb b/docs/docs/integrations/document_loaders/toml.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/toml.ipynb rename to docs/docs/integrations/document_loaders/toml.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/trello.ipynb b/docs/docs/integrations/document_loaders/trello.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/trello.ipynb rename to docs/docs/integrations/document_loaders/trello.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/tsv.ipynb b/docs/docs/integrations/document_loaders/tsv.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/tsv.ipynb rename to docs/docs/integrations/document_loaders/tsv.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/twitter.ipynb b/docs/docs/integrations/document_loaders/twitter.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/twitter.ipynb rename to docs/docs/integrations/document_loaders/twitter.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/unstructured_file.ipynb b/docs/docs/integrations/document_loaders/unstructured_file.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/unstructured_file.ipynb rename to docs/docs/integrations/document_loaders/unstructured_file.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/url.ipynb b/docs/docs/integrations/document_loaders/url.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/url.ipynb rename to docs/docs/integrations/document_loaders/url.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/weather.ipynb b/docs/docs/integrations/document_loaders/weather.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/weather.ipynb rename to docs/docs/integrations/document_loaders/weather.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/web_base.ipynb b/docs/docs/integrations/document_loaders/web_base.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/web_base.ipynb rename to docs/docs/integrations/document_loaders/web_base.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/whatsapp_chat.ipynb b/docs/docs/integrations/document_loaders/whatsapp_chat.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/whatsapp_chat.ipynb rename to docs/docs/integrations/document_loaders/whatsapp_chat.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/wikipedia.ipynb b/docs/docs/integrations/document_loaders/wikipedia.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/wikipedia.ipynb rename to docs/docs/integrations/document_loaders/wikipedia.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/xml.ipynb b/docs/docs/integrations/document_loaders/xml.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/xml.ipynb rename to docs/docs/integrations/document_loaders/xml.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/xorbits.ipynb b/docs/docs/integrations/document_loaders/xorbits.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/xorbits.ipynb rename to docs/docs/integrations/document_loaders/xorbits.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/youtube_audio.ipynb b/docs/docs/integrations/document_loaders/youtube_audio.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/youtube_audio.ipynb rename to docs/docs/integrations/document_loaders/youtube_audio.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_loaders/youtube_transcript.ipynb b/docs/docs/integrations/document_loaders/youtube_transcript.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_loaders/youtube_transcript.ipynb rename to docs/docs/integrations/document_loaders/youtube_transcript.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_transformers/beautiful_soup.ipynb b/docs/docs/integrations/document_transformers/beautiful_soup.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_transformers/beautiful_soup.ipynb rename to docs/docs/integrations/document_transformers/beautiful_soup.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_transformers/docai.ipynb b/docs/docs/integrations/document_transformers/docai.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_transformers/docai.ipynb rename to docs/docs/integrations/document_transformers/docai.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_transformers/doctran_extract_properties.ipynb b/docs/docs/integrations/document_transformers/doctran_extract_properties.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_transformers/doctran_extract_properties.ipynb rename to docs/docs/integrations/document_transformers/doctran_extract_properties.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_transformers/doctran_interrogate_document.ipynb b/docs/docs/integrations/document_transformers/doctran_interrogate_document.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_transformers/doctran_interrogate_document.ipynb rename to docs/docs/integrations/document_transformers/doctran_interrogate_document.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_transformers/doctran_translate_document.ipynb b/docs/docs/integrations/document_transformers/doctran_translate_document.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_transformers/doctran_translate_document.ipynb rename to docs/docs/integrations/document_transformers/doctran_translate_document.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_transformers/html2text.ipynb b/docs/docs/integrations/document_transformers/html2text.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_transformers/html2text.ipynb rename to docs/docs/integrations/document_transformers/html2text.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_transformers/nuclia_transformer.ipynb b/docs/docs/integrations/document_transformers/nuclia_transformer.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_transformers/nuclia_transformer.ipynb rename to docs/docs/integrations/document_transformers/nuclia_transformer.ipynb diff --git a/docs/docs_skeleton/docs/integrations/document_transformers/openai_metadata_tagger.ipynb b/docs/docs/integrations/document_transformers/openai_metadata_tagger.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/document_transformers/openai_metadata_tagger.ipynb rename to docs/docs/integrations/document_transformers/openai_metadata_tagger.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/ai21.ipynb b/docs/docs/integrations/llms/ai21.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/ai21.ipynb rename to docs/docs/integrations/llms/ai21.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/aleph_alpha.ipynb b/docs/docs/integrations/llms/aleph_alpha.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/aleph_alpha.ipynb rename to docs/docs/integrations/llms/aleph_alpha.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/amazon_api_gateway.ipynb b/docs/docs/integrations/llms/amazon_api_gateway.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/amazon_api_gateway.ipynb rename to docs/docs/integrations/llms/amazon_api_gateway.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/anyscale.ipynb b/docs/docs/integrations/llms/anyscale.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/anyscale.ipynb rename to docs/docs/integrations/llms/anyscale.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/arcee.ipynb b/docs/docs/integrations/llms/arcee.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/arcee.ipynb rename to docs/docs/integrations/llms/arcee.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/azure_ml.ipynb b/docs/docs/integrations/llms/azure_ml.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/azure_ml.ipynb rename to docs/docs/integrations/llms/azure_ml.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/azure_openai.ipynb b/docs/docs/integrations/llms/azure_openai.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/azure_openai.ipynb rename to docs/docs/integrations/llms/azure_openai.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/baidu_qianfan_endpoint.ipynb b/docs/docs/integrations/llms/baidu_qianfan_endpoint.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/baidu_qianfan_endpoint.ipynb rename to docs/docs/integrations/llms/baidu_qianfan_endpoint.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/banana.ipynb b/docs/docs/integrations/llms/banana.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/banana.ipynb rename to docs/docs/integrations/llms/banana.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/baseten.ipynb b/docs/docs/integrations/llms/baseten.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/baseten.ipynb rename to docs/docs/integrations/llms/baseten.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/beam.ipynb b/docs/docs/integrations/llms/beam.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/beam.ipynb rename to docs/docs/integrations/llms/beam.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/bedrock.ipynb b/docs/docs/integrations/llms/bedrock.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/bedrock.ipynb rename to docs/docs/integrations/llms/bedrock.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/bittensor.ipynb b/docs/docs/integrations/llms/bittensor.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/bittensor.ipynb rename to docs/docs/integrations/llms/bittensor.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/cerebriumai.ipynb b/docs/docs/integrations/llms/cerebriumai.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/cerebriumai.ipynb rename to docs/docs/integrations/llms/cerebriumai.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/chatglm.ipynb b/docs/docs/integrations/llms/chatglm.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/chatglm.ipynb rename to docs/docs/integrations/llms/chatglm.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/clarifai.ipynb b/docs/docs/integrations/llms/clarifai.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/clarifai.ipynb rename to docs/docs/integrations/llms/clarifai.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/cohere.ipynb b/docs/docs/integrations/llms/cohere.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/cohere.ipynb rename to docs/docs/integrations/llms/cohere.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/ctransformers.ipynb b/docs/docs/integrations/llms/ctransformers.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/ctransformers.ipynb rename to docs/docs/integrations/llms/ctransformers.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/ctranslate2.ipynb b/docs/docs/integrations/llms/ctranslate2.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/ctranslate2.ipynb rename to docs/docs/integrations/llms/ctranslate2.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/databricks.ipynb b/docs/docs/integrations/llms/databricks.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/databricks.ipynb rename to docs/docs/integrations/llms/databricks.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/deepinfra.ipynb b/docs/docs/integrations/llms/deepinfra.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/deepinfra.ipynb rename to docs/docs/integrations/llms/deepinfra.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/deepsparse.ipynb b/docs/docs/integrations/llms/deepsparse.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/deepsparse.ipynb rename to docs/docs/integrations/llms/deepsparse.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/edenai.ipynb b/docs/docs/integrations/llms/edenai.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/edenai.ipynb rename to docs/docs/integrations/llms/edenai.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/fireworks.ipynb b/docs/docs/integrations/llms/fireworks.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/fireworks.ipynb rename to docs/docs/integrations/llms/fireworks.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/forefrontai.ipynb b/docs/docs/integrations/llms/forefrontai.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/forefrontai.ipynb rename to docs/docs/integrations/llms/forefrontai.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/google_vertex_ai_palm.ipynb b/docs/docs/integrations/llms/google_vertex_ai_palm.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/google_vertex_ai_palm.ipynb rename to docs/docs/integrations/llms/google_vertex_ai_palm.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/gooseai.ipynb b/docs/docs/integrations/llms/gooseai.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/gooseai.ipynb rename to docs/docs/integrations/llms/gooseai.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/gpt4all.ipynb b/docs/docs/integrations/llms/gpt4all.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/gpt4all.ipynb rename to docs/docs/integrations/llms/gpt4all.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/gradient.ipynb b/docs/docs/integrations/llms/gradient.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/gradient.ipynb rename to docs/docs/integrations/llms/gradient.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/huggingface_hub.ipynb b/docs/docs/integrations/llms/huggingface_hub.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/huggingface_hub.ipynb rename to docs/docs/integrations/llms/huggingface_hub.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/huggingface_pipelines.ipynb b/docs/docs/integrations/llms/huggingface_pipelines.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/huggingface_pipelines.ipynb rename to docs/docs/integrations/llms/huggingface_pipelines.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/huggingface_textgen_inference.ipynb b/docs/docs/integrations/llms/huggingface_textgen_inference.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/huggingface_textgen_inference.ipynb rename to docs/docs/integrations/llms/huggingface_textgen_inference.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/index.mdx b/docs/docs/integrations/llms/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/index.mdx rename to docs/docs/integrations/llms/index.mdx diff --git a/docs/docs_skeleton/docs/integrations/llms/javelin.ipynb b/docs/docs/integrations/llms/javelin.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/javelin.ipynb rename to docs/docs/integrations/llms/javelin.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/jsonformer_experimental.ipynb b/docs/docs/integrations/llms/jsonformer_experimental.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/jsonformer_experimental.ipynb rename to docs/docs/integrations/llms/jsonformer_experimental.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/koboldai.ipynb b/docs/docs/integrations/llms/koboldai.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/koboldai.ipynb rename to docs/docs/integrations/llms/koboldai.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/llamacpp.ipynb b/docs/docs/integrations/llms/llamacpp.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/llamacpp.ipynb rename to docs/docs/integrations/llms/llamacpp.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/llm_caching.ipynb b/docs/docs/integrations/llms/llm_caching.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/llm_caching.ipynb rename to docs/docs/integrations/llms/llm_caching.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/manifest.ipynb b/docs/docs/integrations/llms/manifest.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/manifest.ipynb rename to docs/docs/integrations/llms/manifest.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/minimax.ipynb b/docs/docs/integrations/llms/minimax.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/minimax.ipynb rename to docs/docs/integrations/llms/minimax.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/modal.ipynb b/docs/docs/integrations/llms/modal.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/modal.ipynb rename to docs/docs/integrations/llms/modal.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/mosaicml.ipynb b/docs/docs/integrations/llms/mosaicml.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/mosaicml.ipynb rename to docs/docs/integrations/llms/mosaicml.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/nlpcloud.ipynb b/docs/docs/integrations/llms/nlpcloud.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/nlpcloud.ipynb rename to docs/docs/integrations/llms/nlpcloud.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/octoai.ipynb b/docs/docs/integrations/llms/octoai.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/octoai.ipynb rename to docs/docs/integrations/llms/octoai.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/ollama.ipynb b/docs/docs/integrations/llms/ollama.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/ollama.ipynb rename to docs/docs/integrations/llms/ollama.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/opaqueprompts.ipynb b/docs/docs/integrations/llms/opaqueprompts.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/opaqueprompts.ipynb rename to docs/docs/integrations/llms/opaqueprompts.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/openai.ipynb b/docs/docs/integrations/llms/openai.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/openai.ipynb rename to docs/docs/integrations/llms/openai.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/openllm.ipynb b/docs/docs/integrations/llms/openllm.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/openllm.ipynb rename to docs/docs/integrations/llms/openllm.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/openlm.ipynb b/docs/docs/integrations/llms/openlm.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/openlm.ipynb rename to docs/docs/integrations/llms/openlm.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/petals.ipynb b/docs/docs/integrations/llms/petals.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/petals.ipynb rename to docs/docs/integrations/llms/petals.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/pipelineai.ipynb b/docs/docs/integrations/llms/pipelineai.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/pipelineai.ipynb rename to docs/docs/integrations/llms/pipelineai.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/predibase.ipynb b/docs/docs/integrations/llms/predibase.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/predibase.ipynb rename to docs/docs/integrations/llms/predibase.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/predictionguard.ipynb b/docs/docs/integrations/llms/predictionguard.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/predictionguard.ipynb rename to docs/docs/integrations/llms/predictionguard.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/promptlayer_openai.ipynb b/docs/docs/integrations/llms/promptlayer_openai.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/promptlayer_openai.ipynb rename to docs/docs/integrations/llms/promptlayer_openai.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/rellm_experimental.ipynb b/docs/docs/integrations/llms/rellm_experimental.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/rellm_experimental.ipynb rename to docs/docs/integrations/llms/rellm_experimental.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/replicate.ipynb b/docs/docs/integrations/llms/replicate.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/replicate.ipynb rename to docs/docs/integrations/llms/replicate.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/runhouse.ipynb b/docs/docs/integrations/llms/runhouse.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/runhouse.ipynb rename to docs/docs/integrations/llms/runhouse.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/sagemaker.ipynb b/docs/docs/integrations/llms/sagemaker.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/sagemaker.ipynb rename to docs/docs/integrations/llms/sagemaker.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/stochasticai.ipynb b/docs/docs/integrations/llms/stochasticai.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/stochasticai.ipynb rename to docs/docs/integrations/llms/stochasticai.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/symblai_nebula.ipynb b/docs/docs/integrations/llms/symblai_nebula.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/symblai_nebula.ipynb rename to docs/docs/integrations/llms/symblai_nebula.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/textgen.ipynb b/docs/docs/integrations/llms/textgen.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/textgen.ipynb rename to docs/docs/integrations/llms/textgen.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/titan_takeoff.ipynb b/docs/docs/integrations/llms/titan_takeoff.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/titan_takeoff.ipynb rename to docs/docs/integrations/llms/titan_takeoff.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/tongyi.ipynb b/docs/docs/integrations/llms/tongyi.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/tongyi.ipynb rename to docs/docs/integrations/llms/tongyi.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/vllm.ipynb b/docs/docs/integrations/llms/vllm.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/vllm.ipynb rename to docs/docs/integrations/llms/vllm.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/writer.ipynb b/docs/docs/integrations/llms/writer.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/writer.ipynb rename to docs/docs/integrations/llms/writer.ipynb diff --git a/docs/docs_skeleton/docs/integrations/llms/xinference.ipynb b/docs/docs/integrations/llms/xinference.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/llms/xinference.ipynb rename to docs/docs/integrations/llms/xinference.ipynb diff --git a/docs/docs_skeleton/docs/integrations/memory/aws_dynamodb.ipynb b/docs/docs/integrations/memory/aws_dynamodb.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/memory/aws_dynamodb.ipynb rename to docs/docs/integrations/memory/aws_dynamodb.ipynb diff --git a/docs/docs_skeleton/docs/integrations/memory/cassandra_chat_message_history.ipynb b/docs/docs/integrations/memory/cassandra_chat_message_history.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/memory/cassandra_chat_message_history.ipynb rename to docs/docs/integrations/memory/cassandra_chat_message_history.ipynb diff --git a/docs/docs_skeleton/docs/integrations/memory/momento_chat_message_history.ipynb b/docs/docs/integrations/memory/momento_chat_message_history.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/memory/momento_chat_message_history.ipynb rename to docs/docs/integrations/memory/momento_chat_message_history.ipynb diff --git a/docs/docs_skeleton/docs/integrations/memory/mongodb_chat_message_history.ipynb b/docs/docs/integrations/memory/mongodb_chat_message_history.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/memory/mongodb_chat_message_history.ipynb rename to docs/docs/integrations/memory/mongodb_chat_message_history.ipynb diff --git a/docs/docs_skeleton/docs/integrations/memory/motorhead_memory.ipynb b/docs/docs/integrations/memory/motorhead_memory.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/memory/motorhead_memory.ipynb rename to docs/docs/integrations/memory/motorhead_memory.ipynb diff --git a/docs/docs_skeleton/docs/integrations/memory/postgres_chat_message_history.ipynb b/docs/docs/integrations/memory/postgres_chat_message_history.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/memory/postgres_chat_message_history.ipynb rename to docs/docs/integrations/memory/postgres_chat_message_history.ipynb diff --git a/docs/docs_skeleton/docs/integrations/memory/redis_chat_message_history.ipynb b/docs/docs/integrations/memory/redis_chat_message_history.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/memory/redis_chat_message_history.ipynb rename to docs/docs/integrations/memory/redis_chat_message_history.ipynb diff --git a/docs/docs_skeleton/docs/integrations/memory/remembrall.md b/docs/docs/integrations/memory/remembrall.md similarity index 100% rename from docs/docs_skeleton/docs/integrations/memory/remembrall.md rename to docs/docs/integrations/memory/remembrall.md diff --git a/docs/docs_skeleton/docs/integrations/memory/rockset_chat_message_history.ipynb b/docs/docs/integrations/memory/rockset_chat_message_history.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/memory/rockset_chat_message_history.ipynb rename to docs/docs/integrations/memory/rockset_chat_message_history.ipynb diff --git a/docs/docs_skeleton/docs/integrations/memory/sql_chat_message_history.ipynb b/docs/docs/integrations/memory/sql_chat_message_history.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/memory/sql_chat_message_history.ipynb rename to docs/docs/integrations/memory/sql_chat_message_history.ipynb diff --git a/docs/docs_skeleton/docs/integrations/memory/sqlite.ipynb b/docs/docs/integrations/memory/sqlite.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/memory/sqlite.ipynb rename to docs/docs/integrations/memory/sqlite.ipynb diff --git a/docs/docs_skeleton/docs/integrations/memory/streamlit_chat_message_history.ipynb b/docs/docs/integrations/memory/streamlit_chat_message_history.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/memory/streamlit_chat_message_history.ipynb rename to docs/docs/integrations/memory/streamlit_chat_message_history.ipynb diff --git a/docs/docs_skeleton/docs/integrations/memory/xata_chat_message_history.ipynb b/docs/docs/integrations/memory/xata_chat_message_history.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/memory/xata_chat_message_history.ipynb rename to docs/docs/integrations/memory/xata_chat_message_history.ipynb diff --git a/docs/docs_skeleton/docs/integrations/memory/zep_memory.ipynb b/docs/docs/integrations/memory/zep_memory.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/memory/zep_memory.ipynb rename to docs/docs/integrations/memory/zep_memory.ipynb diff --git a/docs/docs_skeleton/docs/integrations/platforms/anthropic.mdx b/docs/docs/integrations/platforms/anthropic.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/platforms/anthropic.mdx rename to docs/docs/integrations/platforms/anthropic.mdx diff --git a/docs/docs_skeleton/docs/integrations/platforms/aws.mdx b/docs/docs/integrations/platforms/aws.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/platforms/aws.mdx rename to docs/docs/integrations/platforms/aws.mdx diff --git a/docs/docs_skeleton/docs/integrations/platforms/google.mdx b/docs/docs/integrations/platforms/google.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/platforms/google.mdx rename to docs/docs/integrations/platforms/google.mdx diff --git a/docs/docs_skeleton/docs/integrations/platforms/microsoft.mdx b/docs/docs/integrations/platforms/microsoft.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/platforms/microsoft.mdx rename to docs/docs/integrations/platforms/microsoft.mdx diff --git a/docs/docs_skeleton/docs/integrations/platforms/openai.mdx b/docs/docs/integrations/platforms/openai.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/platforms/openai.mdx rename to docs/docs/integrations/platforms/openai.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/activeloop_deeplake.mdx b/docs/docs/integrations/providers/activeloop_deeplake.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/activeloop_deeplake.mdx rename to docs/docs/integrations/providers/activeloop_deeplake.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/ai21.mdx b/docs/docs/integrations/providers/ai21.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/ai21.mdx rename to docs/docs/integrations/providers/ai21.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/aim_tracking.ipynb b/docs/docs/integrations/providers/aim_tracking.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/aim_tracking.ipynb rename to docs/docs/integrations/providers/aim_tracking.ipynb diff --git a/docs/docs_skeleton/docs/integrations/providers/ainetwork.mdx b/docs/docs/integrations/providers/ainetwork.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/ainetwork.mdx rename to docs/docs/integrations/providers/ainetwork.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/airbyte.mdx b/docs/docs/integrations/providers/airbyte.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/airbyte.mdx rename to docs/docs/integrations/providers/airbyte.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/airtable.md b/docs/docs/integrations/providers/airtable.md similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/airtable.md rename to docs/docs/integrations/providers/airtable.md diff --git a/docs/docs_skeleton/docs/integrations/providers/aleph_alpha.mdx b/docs/docs/integrations/providers/aleph_alpha.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/aleph_alpha.mdx rename to docs/docs/integrations/providers/aleph_alpha.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/alibabacloud_opensearch.md b/docs/docs/integrations/providers/alibabacloud_opensearch.md similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/alibabacloud_opensearch.md rename to docs/docs/integrations/providers/alibabacloud_opensearch.md diff --git a/docs/docs_skeleton/docs/integrations/providers/analyticdb.mdx b/docs/docs/integrations/providers/analyticdb.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/analyticdb.mdx rename to docs/docs/integrations/providers/analyticdb.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/annoy.mdx b/docs/docs/integrations/providers/annoy.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/annoy.mdx rename to docs/docs/integrations/providers/annoy.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/anyscale.mdx b/docs/docs/integrations/providers/anyscale.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/anyscale.mdx rename to docs/docs/integrations/providers/anyscale.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/apify.mdx b/docs/docs/integrations/providers/apify.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/apify.mdx rename to docs/docs/integrations/providers/apify.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/arangodb.mdx b/docs/docs/integrations/providers/arangodb.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/arangodb.mdx rename to docs/docs/integrations/providers/arangodb.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/argilla.mdx b/docs/docs/integrations/providers/argilla.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/argilla.mdx rename to docs/docs/integrations/providers/argilla.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/arthur_tracking.ipynb b/docs/docs/integrations/providers/arthur_tracking.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/arthur_tracking.ipynb rename to docs/docs/integrations/providers/arthur_tracking.ipynb diff --git a/docs/docs_skeleton/docs/integrations/providers/arxiv.mdx b/docs/docs/integrations/providers/arxiv.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/arxiv.mdx rename to docs/docs/integrations/providers/arxiv.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/atlas.mdx b/docs/docs/integrations/providers/atlas.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/atlas.mdx rename to docs/docs/integrations/providers/atlas.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/awadb.md b/docs/docs/integrations/providers/awadb.md similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/awadb.md rename to docs/docs/integrations/providers/awadb.md diff --git a/docs/docs_skeleton/docs/integrations/providers/aws_dynamodb.mdx b/docs/docs/integrations/providers/aws_dynamodb.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/aws_dynamodb.mdx rename to docs/docs/integrations/providers/aws_dynamodb.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/azlyrics.mdx b/docs/docs/integrations/providers/azlyrics.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/azlyrics.mdx rename to docs/docs/integrations/providers/azlyrics.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/bageldb.mdx b/docs/docs/integrations/providers/bageldb.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/bageldb.mdx rename to docs/docs/integrations/providers/bageldb.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/bananadev.mdx b/docs/docs/integrations/providers/bananadev.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/bananadev.mdx rename to docs/docs/integrations/providers/bananadev.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/baseten.md b/docs/docs/integrations/providers/baseten.md similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/baseten.md rename to docs/docs/integrations/providers/baseten.md diff --git a/docs/docs_skeleton/docs/integrations/providers/beam.mdx b/docs/docs/integrations/providers/beam.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/beam.mdx rename to docs/docs/integrations/providers/beam.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/beautiful_soup.mdx b/docs/docs/integrations/providers/beautiful_soup.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/beautiful_soup.mdx rename to docs/docs/integrations/providers/beautiful_soup.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/bilibili.mdx b/docs/docs/integrations/providers/bilibili.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/bilibili.mdx rename to docs/docs/integrations/providers/bilibili.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/bittensor.mdx b/docs/docs/integrations/providers/bittensor.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/bittensor.mdx rename to docs/docs/integrations/providers/bittensor.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/blackboard.mdx b/docs/docs/integrations/providers/blackboard.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/blackboard.mdx rename to docs/docs/integrations/providers/blackboard.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/brave_search.mdx b/docs/docs/integrations/providers/brave_search.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/brave_search.mdx rename to docs/docs/integrations/providers/brave_search.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/cassandra.mdx b/docs/docs/integrations/providers/cassandra.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/cassandra.mdx rename to docs/docs/integrations/providers/cassandra.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/cerebriumai.mdx b/docs/docs/integrations/providers/cerebriumai.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/cerebriumai.mdx rename to docs/docs/integrations/providers/cerebriumai.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/chaindesk.mdx b/docs/docs/integrations/providers/chaindesk.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/chaindesk.mdx rename to docs/docs/integrations/providers/chaindesk.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/chroma.mdx b/docs/docs/integrations/providers/chroma.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/chroma.mdx rename to docs/docs/integrations/providers/chroma.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/clarifai.mdx b/docs/docs/integrations/providers/clarifai.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/clarifai.mdx rename to docs/docs/integrations/providers/clarifai.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/clearml_tracking.ipynb b/docs/docs/integrations/providers/clearml_tracking.ipynb similarity index 99% rename from docs/docs_skeleton/docs/integrations/providers/clearml_tracking.ipynb rename to docs/docs/integrations/providers/clearml_tracking.ipynb index 36946d8ddb84e..00add9bf867a6 100644 --- a/docs/docs_skeleton/docs/integrations/providers/clearml_tracking.ipynb +++ b/docs/docs/integrations/providers/clearml_tracking.ipynb @@ -18,7 +18,7 @@ "\n", "In order to properly keep track of your langchain experiments and their results, you can enable the `ClearML` integration. We use the `ClearML Experiment Manager` that neatly tracks and organizes all your experiment runs.\n", "\n", - "\n", + "\n", " \"Open\n", "" ] diff --git a/docs/docs_skeleton/docs/integrations/providers/clickhouse.mdx b/docs/docs/integrations/providers/clickhouse.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/clickhouse.mdx rename to docs/docs/integrations/providers/clickhouse.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/cnosdb.mdx b/docs/docs/integrations/providers/cnosdb.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/cnosdb.mdx rename to docs/docs/integrations/providers/cnosdb.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/cohere.mdx b/docs/docs/integrations/providers/cohere.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/cohere.mdx rename to docs/docs/integrations/providers/cohere.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/college_confidential.mdx b/docs/docs/integrations/providers/college_confidential.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/college_confidential.mdx rename to docs/docs/integrations/providers/college_confidential.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/comet_tracking.ipynb b/docs/docs/integrations/providers/comet_tracking.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/comet_tracking.ipynb rename to docs/docs/integrations/providers/comet_tracking.ipynb diff --git a/docs/docs_skeleton/docs/integrations/providers/confident.mdx b/docs/docs/integrations/providers/confident.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/confident.mdx rename to docs/docs/integrations/providers/confident.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/confluence.mdx b/docs/docs/integrations/providers/confluence.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/confluence.mdx rename to docs/docs/integrations/providers/confluence.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/ctransformers.mdx b/docs/docs/integrations/providers/ctransformers.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/ctransformers.mdx rename to docs/docs/integrations/providers/ctransformers.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/dashvector.mdx b/docs/docs/integrations/providers/dashvector.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/dashvector.mdx rename to docs/docs/integrations/providers/dashvector.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/databricks.md b/docs/docs/integrations/providers/databricks.md similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/databricks.md rename to docs/docs/integrations/providers/databricks.md diff --git a/docs/docs_skeleton/docs/integrations/providers/datadog.mdx b/docs/docs/integrations/providers/datadog.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/datadog.mdx rename to docs/docs/integrations/providers/datadog.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/datadog_logs.mdx b/docs/docs/integrations/providers/datadog_logs.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/datadog_logs.mdx rename to docs/docs/integrations/providers/datadog_logs.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/dataforseo.mdx b/docs/docs/integrations/providers/dataforseo.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/dataforseo.mdx rename to docs/docs/integrations/providers/dataforseo.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/deepinfra.mdx b/docs/docs/integrations/providers/deepinfra.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/deepinfra.mdx rename to docs/docs/integrations/providers/deepinfra.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/deepsparse.mdx b/docs/docs/integrations/providers/deepsparse.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/deepsparse.mdx rename to docs/docs/integrations/providers/deepsparse.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/diffbot.mdx b/docs/docs/integrations/providers/diffbot.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/diffbot.mdx rename to docs/docs/integrations/providers/diffbot.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/dingo.mdx b/docs/docs/integrations/providers/dingo.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/dingo.mdx rename to docs/docs/integrations/providers/dingo.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/discord.mdx b/docs/docs/integrations/providers/discord.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/discord.mdx rename to docs/docs/integrations/providers/discord.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/docarray.mdx b/docs/docs/integrations/providers/docarray.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/docarray.mdx rename to docs/docs/integrations/providers/docarray.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/doctran.mdx b/docs/docs/integrations/providers/doctran.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/doctran.mdx rename to docs/docs/integrations/providers/doctran.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/docugami.mdx b/docs/docs/integrations/providers/docugami.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/docugami.mdx rename to docs/docs/integrations/providers/docugami.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/duckdb.mdx b/docs/docs/integrations/providers/duckdb.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/duckdb.mdx rename to docs/docs/integrations/providers/duckdb.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/elasticsearch.mdx b/docs/docs/integrations/providers/elasticsearch.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/elasticsearch.mdx rename to docs/docs/integrations/providers/elasticsearch.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/epsilla.mdx b/docs/docs/integrations/providers/epsilla.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/epsilla.mdx rename to docs/docs/integrations/providers/epsilla.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/evernote.mdx b/docs/docs/integrations/providers/evernote.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/evernote.mdx rename to docs/docs/integrations/providers/evernote.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/facebook_chat.mdx b/docs/docs/integrations/providers/facebook_chat.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/facebook_chat.mdx rename to docs/docs/integrations/providers/facebook_chat.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/facebook_faiss.mdx b/docs/docs/integrations/providers/facebook_faiss.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/facebook_faiss.mdx rename to docs/docs/integrations/providers/facebook_faiss.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/figma.mdx b/docs/docs/integrations/providers/figma.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/figma.mdx rename to docs/docs/integrations/providers/figma.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/fireworks.md b/docs/docs/integrations/providers/fireworks.md similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/fireworks.md rename to docs/docs/integrations/providers/fireworks.md diff --git a/docs/docs_skeleton/docs/integrations/providers/flyte.mdx b/docs/docs/integrations/providers/flyte.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/flyte.mdx rename to docs/docs/integrations/providers/flyte.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/forefrontai.mdx b/docs/docs/integrations/providers/forefrontai.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/forefrontai.mdx rename to docs/docs/integrations/providers/forefrontai.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/git.mdx b/docs/docs/integrations/providers/git.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/git.mdx rename to docs/docs/integrations/providers/git.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/gitbook.mdx b/docs/docs/integrations/providers/gitbook.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/gitbook.mdx rename to docs/docs/integrations/providers/gitbook.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/golden.mdx b/docs/docs/integrations/providers/golden.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/golden.mdx rename to docs/docs/integrations/providers/golden.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/google_document_ai.mdx b/docs/docs/integrations/providers/google_document_ai.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/google_document_ai.mdx rename to docs/docs/integrations/providers/google_document_ai.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/google_serper.mdx b/docs/docs/integrations/providers/google_serper.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/google_serper.mdx rename to docs/docs/integrations/providers/google_serper.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/gooseai.mdx b/docs/docs/integrations/providers/gooseai.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/gooseai.mdx rename to docs/docs/integrations/providers/gooseai.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/gpt4all.mdx b/docs/docs/integrations/providers/gpt4all.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/gpt4all.mdx rename to docs/docs/integrations/providers/gpt4all.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/graphsignal.mdx b/docs/docs/integrations/providers/graphsignal.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/graphsignal.mdx rename to docs/docs/integrations/providers/graphsignal.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/grobid.mdx b/docs/docs/integrations/providers/grobid.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/grobid.mdx rename to docs/docs/integrations/providers/grobid.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/gutenberg.mdx b/docs/docs/integrations/providers/gutenberg.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/gutenberg.mdx rename to docs/docs/integrations/providers/gutenberg.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/hacker_news.mdx b/docs/docs/integrations/providers/hacker_news.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/hacker_news.mdx rename to docs/docs/integrations/providers/hacker_news.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/hazy_research.mdx b/docs/docs/integrations/providers/hazy_research.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/hazy_research.mdx rename to docs/docs/integrations/providers/hazy_research.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/helicone.mdx b/docs/docs/integrations/providers/helicone.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/helicone.mdx rename to docs/docs/integrations/providers/helicone.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/hologres.mdx b/docs/docs/integrations/providers/hologres.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/hologres.mdx rename to docs/docs/integrations/providers/hologres.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/html2text.mdx b/docs/docs/integrations/providers/html2text.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/html2text.mdx rename to docs/docs/integrations/providers/html2text.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/huggingface.mdx b/docs/docs/integrations/providers/huggingface.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/huggingface.mdx rename to docs/docs/integrations/providers/huggingface.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/ifixit.mdx b/docs/docs/integrations/providers/ifixit.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/ifixit.mdx rename to docs/docs/integrations/providers/ifixit.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/imsdb.mdx b/docs/docs/integrations/providers/imsdb.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/imsdb.mdx rename to docs/docs/integrations/providers/imsdb.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/infino.mdx b/docs/docs/integrations/providers/infino.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/infino.mdx rename to docs/docs/integrations/providers/infino.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/javelin_ai_gateway.mdx b/docs/docs/integrations/providers/javelin_ai_gateway.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/javelin_ai_gateway.mdx rename to docs/docs/integrations/providers/javelin_ai_gateway.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/jina.mdx b/docs/docs/integrations/providers/jina.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/jina.mdx rename to docs/docs/integrations/providers/jina.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/konko.mdx b/docs/docs/integrations/providers/konko.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/konko.mdx rename to docs/docs/integrations/providers/konko.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/lancedb.mdx b/docs/docs/integrations/providers/lancedb.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/lancedb.mdx rename to docs/docs/integrations/providers/lancedb.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/langchain_decorators.mdx b/docs/docs/integrations/providers/langchain_decorators.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/langchain_decorators.mdx rename to docs/docs/integrations/providers/langchain_decorators.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/llamacpp.mdx b/docs/docs/integrations/providers/llamacpp.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/llamacpp.mdx rename to docs/docs/integrations/providers/llamacpp.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/log10.mdx b/docs/docs/integrations/providers/log10.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/log10.mdx rename to docs/docs/integrations/providers/log10.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/marqo.md b/docs/docs/integrations/providers/marqo.md similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/marqo.md rename to docs/docs/integrations/providers/marqo.md diff --git a/docs/docs_skeleton/docs/integrations/providers/mediawikidump.mdx b/docs/docs/integrations/providers/mediawikidump.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/mediawikidump.mdx rename to docs/docs/integrations/providers/mediawikidump.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/meilisearch.mdx b/docs/docs/integrations/providers/meilisearch.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/meilisearch.mdx rename to docs/docs/integrations/providers/meilisearch.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/metal.mdx b/docs/docs/integrations/providers/metal.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/metal.mdx rename to docs/docs/integrations/providers/metal.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/milvus.mdx b/docs/docs/integrations/providers/milvus.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/milvus.mdx rename to docs/docs/integrations/providers/milvus.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/minimax.mdx b/docs/docs/integrations/providers/minimax.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/minimax.mdx rename to docs/docs/integrations/providers/minimax.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/mlflow_ai_gateway.mdx b/docs/docs/integrations/providers/mlflow_ai_gateway.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/mlflow_ai_gateway.mdx rename to docs/docs/integrations/providers/mlflow_ai_gateway.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/mlflow_tracking.ipynb b/docs/docs/integrations/providers/mlflow_tracking.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/mlflow_tracking.ipynb rename to docs/docs/integrations/providers/mlflow_tracking.ipynb diff --git a/docs/docs_skeleton/docs/integrations/providers/modal.mdx b/docs/docs/integrations/providers/modal.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/modal.mdx rename to docs/docs/integrations/providers/modal.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/modelscope.mdx b/docs/docs/integrations/providers/modelscope.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/modelscope.mdx rename to docs/docs/integrations/providers/modelscope.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/modern_treasury.mdx b/docs/docs/integrations/providers/modern_treasury.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/modern_treasury.mdx rename to docs/docs/integrations/providers/modern_treasury.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/momento.mdx b/docs/docs/integrations/providers/momento.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/momento.mdx rename to docs/docs/integrations/providers/momento.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/mongodb_atlas.mdx b/docs/docs/integrations/providers/mongodb_atlas.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/mongodb_atlas.mdx rename to docs/docs/integrations/providers/mongodb_atlas.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/motherduck.mdx b/docs/docs/integrations/providers/motherduck.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/motherduck.mdx rename to docs/docs/integrations/providers/motherduck.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/motorhead.mdx b/docs/docs/integrations/providers/motorhead.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/motorhead.mdx rename to docs/docs/integrations/providers/motorhead.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/myscale.mdx b/docs/docs/integrations/providers/myscale.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/myscale.mdx rename to docs/docs/integrations/providers/myscale.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/neo4j.mdx b/docs/docs/integrations/providers/neo4j.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/neo4j.mdx rename to docs/docs/integrations/providers/neo4j.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/nlpcloud.mdx b/docs/docs/integrations/providers/nlpcloud.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/nlpcloud.mdx rename to docs/docs/integrations/providers/nlpcloud.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/notion.mdx b/docs/docs/integrations/providers/notion.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/notion.mdx rename to docs/docs/integrations/providers/notion.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/nuclia.mdx b/docs/docs/integrations/providers/nuclia.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/nuclia.mdx rename to docs/docs/integrations/providers/nuclia.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/obsidian.mdx b/docs/docs/integrations/providers/obsidian.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/obsidian.mdx rename to docs/docs/integrations/providers/obsidian.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/openllm.mdx b/docs/docs/integrations/providers/openllm.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/openllm.mdx rename to docs/docs/integrations/providers/openllm.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/opensearch.mdx b/docs/docs/integrations/providers/opensearch.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/opensearch.mdx rename to docs/docs/integrations/providers/opensearch.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/openweathermap.mdx b/docs/docs/integrations/providers/openweathermap.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/openweathermap.mdx rename to docs/docs/integrations/providers/openweathermap.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/petals.mdx b/docs/docs/integrations/providers/petals.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/petals.mdx rename to docs/docs/integrations/providers/petals.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/pg_embedding.mdx b/docs/docs/integrations/providers/pg_embedding.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/pg_embedding.mdx rename to docs/docs/integrations/providers/pg_embedding.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/pgvector.mdx b/docs/docs/integrations/providers/pgvector.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/pgvector.mdx rename to docs/docs/integrations/providers/pgvector.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/pinecone.mdx b/docs/docs/integrations/providers/pinecone.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/pinecone.mdx rename to docs/docs/integrations/providers/pinecone.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/pipelineai.mdx b/docs/docs/integrations/providers/pipelineai.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/pipelineai.mdx rename to docs/docs/integrations/providers/pipelineai.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/portkey/index.md b/docs/docs/integrations/providers/portkey/index.md similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/portkey/index.md rename to docs/docs/integrations/providers/portkey/index.md diff --git a/docs/docs_skeleton/docs/integrations/providers/portkey/logging_tracing_portkey.ipynb b/docs/docs/integrations/providers/portkey/logging_tracing_portkey.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/portkey/logging_tracing_portkey.ipynb rename to docs/docs/integrations/providers/portkey/logging_tracing_portkey.ipynb diff --git a/docs/docs_skeleton/docs/integrations/providers/predibase.md b/docs/docs/integrations/providers/predibase.md similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/predibase.md rename to docs/docs/integrations/providers/predibase.md diff --git a/docs/docs_skeleton/docs/integrations/providers/predictionguard.mdx b/docs/docs/integrations/providers/predictionguard.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/predictionguard.mdx rename to docs/docs/integrations/providers/predictionguard.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/promptlayer.mdx b/docs/docs/integrations/providers/promptlayer.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/promptlayer.mdx rename to docs/docs/integrations/providers/promptlayer.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/psychic.mdx b/docs/docs/integrations/providers/psychic.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/psychic.mdx rename to docs/docs/integrations/providers/psychic.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/pubmed.md b/docs/docs/integrations/providers/pubmed.md similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/pubmed.md rename to docs/docs/integrations/providers/pubmed.md diff --git a/docs/docs_skeleton/docs/integrations/providers/qdrant.mdx b/docs/docs/integrations/providers/qdrant.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/qdrant.mdx rename to docs/docs/integrations/providers/qdrant.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/ray_serve.ipynb b/docs/docs/integrations/providers/ray_serve.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/ray_serve.ipynb rename to docs/docs/integrations/providers/ray_serve.ipynb diff --git a/docs/docs_skeleton/docs/integrations/providers/rebuff.ipynb b/docs/docs/integrations/providers/rebuff.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/rebuff.ipynb rename to docs/docs/integrations/providers/rebuff.ipynb diff --git a/docs/docs_skeleton/docs/integrations/providers/reddit.mdx b/docs/docs/integrations/providers/reddit.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/reddit.mdx rename to docs/docs/integrations/providers/reddit.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/redis.mdx b/docs/docs/integrations/providers/redis.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/redis.mdx rename to docs/docs/integrations/providers/redis.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/replicate.mdx b/docs/docs/integrations/providers/replicate.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/replicate.mdx rename to docs/docs/integrations/providers/replicate.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/roam.mdx b/docs/docs/integrations/providers/roam.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/roam.mdx rename to docs/docs/integrations/providers/roam.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/rockset.mdx b/docs/docs/integrations/providers/rockset.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/rockset.mdx rename to docs/docs/integrations/providers/rockset.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/runhouse.mdx b/docs/docs/integrations/providers/runhouse.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/runhouse.mdx rename to docs/docs/integrations/providers/runhouse.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/rwkv.mdx b/docs/docs/integrations/providers/rwkv.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/rwkv.mdx rename to docs/docs/integrations/providers/rwkv.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/scann.mdx b/docs/docs/integrations/providers/scann.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/scann.mdx rename to docs/docs/integrations/providers/scann.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/searchapi.mdx b/docs/docs/integrations/providers/searchapi.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/searchapi.mdx rename to docs/docs/integrations/providers/searchapi.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/searx.mdx b/docs/docs/integrations/providers/searx.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/searx.mdx rename to docs/docs/integrations/providers/searx.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/serpapi.mdx b/docs/docs/integrations/providers/serpapi.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/serpapi.mdx rename to docs/docs/integrations/providers/serpapi.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/shaleprotocol.md b/docs/docs/integrations/providers/shaleprotocol.md similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/shaleprotocol.md rename to docs/docs/integrations/providers/shaleprotocol.md diff --git a/docs/docs_skeleton/docs/integrations/providers/singlestoredb.mdx b/docs/docs/integrations/providers/singlestoredb.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/singlestoredb.mdx rename to docs/docs/integrations/providers/singlestoredb.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/sklearn.mdx b/docs/docs/integrations/providers/sklearn.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/sklearn.mdx rename to docs/docs/integrations/providers/sklearn.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/slack.mdx b/docs/docs/integrations/providers/slack.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/slack.mdx rename to docs/docs/integrations/providers/slack.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/spacy.mdx b/docs/docs/integrations/providers/spacy.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/spacy.mdx rename to docs/docs/integrations/providers/spacy.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/spreedly.mdx b/docs/docs/integrations/providers/spreedly.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/spreedly.mdx rename to docs/docs/integrations/providers/spreedly.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/starrocks.mdx b/docs/docs/integrations/providers/starrocks.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/starrocks.mdx rename to docs/docs/integrations/providers/starrocks.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/stochasticai.mdx b/docs/docs/integrations/providers/stochasticai.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/stochasticai.mdx rename to docs/docs/integrations/providers/stochasticai.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/stripe.mdx b/docs/docs/integrations/providers/stripe.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/stripe.mdx rename to docs/docs/integrations/providers/stripe.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/supabase.mdx b/docs/docs/integrations/providers/supabase.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/supabase.mdx rename to docs/docs/integrations/providers/supabase.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/symblai_nebula.mdx b/docs/docs/integrations/providers/symblai_nebula.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/symblai_nebula.mdx rename to docs/docs/integrations/providers/symblai_nebula.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/tair.mdx b/docs/docs/integrations/providers/tair.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/tair.mdx rename to docs/docs/integrations/providers/tair.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/telegram.mdx b/docs/docs/integrations/providers/telegram.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/telegram.mdx rename to docs/docs/integrations/providers/telegram.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/tencentvectordb.mdx b/docs/docs/integrations/providers/tencentvectordb.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/tencentvectordb.mdx rename to docs/docs/integrations/providers/tencentvectordb.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/tensorflow_datasets.mdx b/docs/docs/integrations/providers/tensorflow_datasets.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/tensorflow_datasets.mdx rename to docs/docs/integrations/providers/tensorflow_datasets.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/tigris.mdx b/docs/docs/integrations/providers/tigris.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/tigris.mdx rename to docs/docs/integrations/providers/tigris.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/tomarkdown.mdx b/docs/docs/integrations/providers/tomarkdown.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/tomarkdown.mdx rename to docs/docs/integrations/providers/tomarkdown.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/trello.mdx b/docs/docs/integrations/providers/trello.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/trello.mdx rename to docs/docs/integrations/providers/trello.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/trulens.mdx b/docs/docs/integrations/providers/trulens.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/trulens.mdx rename to docs/docs/integrations/providers/trulens.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/twitter.mdx b/docs/docs/integrations/providers/twitter.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/twitter.mdx rename to docs/docs/integrations/providers/twitter.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/typesense.mdx b/docs/docs/integrations/providers/typesense.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/typesense.mdx rename to docs/docs/integrations/providers/typesense.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/unstructured.mdx b/docs/docs/integrations/providers/unstructured.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/unstructured.mdx rename to docs/docs/integrations/providers/unstructured.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/usearch.mdx b/docs/docs/integrations/providers/usearch.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/usearch.mdx rename to docs/docs/integrations/providers/usearch.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/vearch.md b/docs/docs/integrations/providers/vearch.md similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/vearch.md rename to docs/docs/integrations/providers/vearch.md diff --git a/docs/docs_skeleton/docs/integrations/providers/vectara/index.mdx b/docs/docs/integrations/providers/vectara/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/vectara/index.mdx rename to docs/docs/integrations/providers/vectara/index.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/vectara/vectara_chat.ipynb b/docs/docs/integrations/providers/vectara/vectara_chat.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/vectara/vectara_chat.ipynb rename to docs/docs/integrations/providers/vectara/vectara_chat.ipynb diff --git a/docs/docs_skeleton/docs/integrations/providers/vectara/vectara_text_generation.ipynb b/docs/docs/integrations/providers/vectara/vectara_text_generation.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/vectara/vectara_text_generation.ipynb rename to docs/docs/integrations/providers/vectara/vectara_text_generation.ipynb diff --git a/docs/docs_skeleton/docs/integrations/providers/vespa.mdx b/docs/docs/integrations/providers/vespa.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/vespa.mdx rename to docs/docs/integrations/providers/vespa.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/wandb_tracing.ipynb b/docs/docs/integrations/providers/wandb_tracing.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/wandb_tracing.ipynb rename to docs/docs/integrations/providers/wandb_tracing.ipynb diff --git a/docs/docs_skeleton/docs/integrations/providers/wandb_tracking.ipynb b/docs/docs/integrations/providers/wandb_tracking.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/wandb_tracking.ipynb rename to docs/docs/integrations/providers/wandb_tracking.ipynb diff --git a/docs/docs_skeleton/docs/integrations/providers/weather.mdx b/docs/docs/integrations/providers/weather.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/weather.mdx rename to docs/docs/integrations/providers/weather.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/weaviate.mdx b/docs/docs/integrations/providers/weaviate.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/weaviate.mdx rename to docs/docs/integrations/providers/weaviate.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/whatsapp.mdx b/docs/docs/integrations/providers/whatsapp.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/whatsapp.mdx rename to docs/docs/integrations/providers/whatsapp.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/whylabs_profiling.ipynb b/docs/docs/integrations/providers/whylabs_profiling.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/whylabs_profiling.ipynb rename to docs/docs/integrations/providers/whylabs_profiling.ipynb diff --git a/docs/docs_skeleton/docs/integrations/providers/wikipedia.mdx b/docs/docs/integrations/providers/wikipedia.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/wikipedia.mdx rename to docs/docs/integrations/providers/wikipedia.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/wolfram_alpha.mdx b/docs/docs/integrations/providers/wolfram_alpha.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/wolfram_alpha.mdx rename to docs/docs/integrations/providers/wolfram_alpha.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/writer.mdx b/docs/docs/integrations/providers/writer.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/writer.mdx rename to docs/docs/integrations/providers/writer.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/xata.mdx b/docs/docs/integrations/providers/xata.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/xata.mdx rename to docs/docs/integrations/providers/xata.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/xinference.mdx b/docs/docs/integrations/providers/xinference.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/xinference.mdx rename to docs/docs/integrations/providers/xinference.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/yeagerai.mdx b/docs/docs/integrations/providers/yeagerai.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/yeagerai.mdx rename to docs/docs/integrations/providers/yeagerai.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/youtube.mdx b/docs/docs/integrations/providers/youtube.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/youtube.mdx rename to docs/docs/integrations/providers/youtube.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/zep.mdx b/docs/docs/integrations/providers/zep.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/zep.mdx rename to docs/docs/integrations/providers/zep.mdx diff --git a/docs/docs_skeleton/docs/integrations/providers/zilliz.mdx b/docs/docs/integrations/providers/zilliz.mdx similarity index 100% rename from docs/docs_skeleton/docs/integrations/providers/zilliz.mdx rename to docs/docs/integrations/providers/zilliz.mdx diff --git a/docs/docs_skeleton/docs/integrations/retrievers/amazon_kendra_retriever.ipynb b/docs/docs/integrations/retrievers/amazon_kendra_retriever.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/retrievers/amazon_kendra_retriever.ipynb rename to docs/docs/integrations/retrievers/amazon_kendra_retriever.ipynb diff --git a/docs/docs_skeleton/docs/integrations/retrievers/arcee.ipynb b/docs/docs/integrations/retrievers/arcee.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/retrievers/arcee.ipynb rename to docs/docs/integrations/retrievers/arcee.ipynb diff --git a/docs/docs_skeleton/docs/integrations/retrievers/arxiv.ipynb b/docs/docs/integrations/retrievers/arxiv.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/retrievers/arxiv.ipynb rename to docs/docs/integrations/retrievers/arxiv.ipynb diff --git a/docs/docs_skeleton/docs/integrations/retrievers/azure_cognitive_search.ipynb b/docs/docs/integrations/retrievers/azure_cognitive_search.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/retrievers/azure_cognitive_search.ipynb rename to docs/docs/integrations/retrievers/azure_cognitive_search.ipynb diff --git a/docs/docs_skeleton/docs/integrations/retrievers/bm25.ipynb b/docs/docs/integrations/retrievers/bm25.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/retrievers/bm25.ipynb rename to docs/docs/integrations/retrievers/bm25.ipynb diff --git a/docs/docs_skeleton/docs/integrations/retrievers/chaindesk.ipynb b/docs/docs/integrations/retrievers/chaindesk.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/retrievers/chaindesk.ipynb rename to docs/docs/integrations/retrievers/chaindesk.ipynb diff --git a/docs/docs_skeleton/docs/integrations/retrievers/chatgpt-plugin.ipynb b/docs/docs/integrations/retrievers/chatgpt-plugin.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/retrievers/chatgpt-plugin.ipynb rename to docs/docs/integrations/retrievers/chatgpt-plugin.ipynb diff --git a/docs/docs_skeleton/docs/integrations/retrievers/cohere-reranker.ipynb b/docs/docs/integrations/retrievers/cohere-reranker.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/retrievers/cohere-reranker.ipynb rename to docs/docs/integrations/retrievers/cohere-reranker.ipynb diff --git a/docs/docs_skeleton/docs/integrations/retrievers/docarray_retriever.ipynb b/docs/docs/integrations/retrievers/docarray_retriever.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/retrievers/docarray_retriever.ipynb rename to docs/docs/integrations/retrievers/docarray_retriever.ipynb diff --git a/docs/docs_skeleton/docs/integrations/retrievers/elastic_search_bm25.ipynb b/docs/docs/integrations/retrievers/elastic_search_bm25.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/retrievers/elastic_search_bm25.ipynb rename to docs/docs/integrations/retrievers/elastic_search_bm25.ipynb diff --git a/docs/docs_skeleton/docs/integrations/retrievers/google_cloud_enterprise_search.ipynb b/docs/docs/integrations/retrievers/google_cloud_enterprise_search.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/retrievers/google_cloud_enterprise_search.ipynb rename to docs/docs/integrations/retrievers/google_cloud_enterprise_search.ipynb diff --git a/docs/docs_skeleton/docs/integrations/retrievers/google_drive.ipynb b/docs/docs/integrations/retrievers/google_drive.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/retrievers/google_drive.ipynb rename to docs/docs/integrations/retrievers/google_drive.ipynb diff --git a/docs/docs_skeleton/docs/integrations/retrievers/google_vertex_ai_search.ipynb b/docs/docs/integrations/retrievers/google_vertex_ai_search.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/retrievers/google_vertex_ai_search.ipynb rename to docs/docs/integrations/retrievers/google_vertex_ai_search.ipynb diff --git a/docs/docs_skeleton/docs/integrations/retrievers/kay.ipynb b/docs/docs/integrations/retrievers/kay.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/retrievers/kay.ipynb rename to docs/docs/integrations/retrievers/kay.ipynb diff --git a/docs/docs_skeleton/docs/integrations/retrievers/knn.ipynb b/docs/docs/integrations/retrievers/knn.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/retrievers/knn.ipynb rename to docs/docs/integrations/retrievers/knn.ipynb diff --git a/docs/docs_skeleton/docs/integrations/retrievers/merger_retriever.ipynb b/docs/docs/integrations/retrievers/merger_retriever.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/retrievers/merger_retriever.ipynb rename to docs/docs/integrations/retrievers/merger_retriever.ipynb diff --git a/docs/docs_skeleton/docs/integrations/retrievers/metal.ipynb b/docs/docs/integrations/retrievers/metal.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/retrievers/metal.ipynb rename to docs/docs/integrations/retrievers/metal.ipynb diff --git a/docs/docs_skeleton/docs/integrations/retrievers/pinecone_hybrid_search.ipynb b/docs/docs/integrations/retrievers/pinecone_hybrid_search.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/retrievers/pinecone_hybrid_search.ipynb rename to docs/docs/integrations/retrievers/pinecone_hybrid_search.ipynb diff --git a/docs/docs_skeleton/docs/integrations/retrievers/pubmed.ipynb b/docs/docs/integrations/retrievers/pubmed.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/retrievers/pubmed.ipynb rename to docs/docs/integrations/retrievers/pubmed.ipynb diff --git a/docs/docs_skeleton/docs/integrations/retrievers/re_phrase.ipynb b/docs/docs/integrations/retrievers/re_phrase.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/retrievers/re_phrase.ipynb rename to docs/docs/integrations/retrievers/re_phrase.ipynb diff --git a/docs/docs_skeleton/docs/integrations/retrievers/sec_filings.ipynb b/docs/docs/integrations/retrievers/sec_filings.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/retrievers/sec_filings.ipynb rename to docs/docs/integrations/retrievers/sec_filings.ipynb diff --git a/docs/docs_skeleton/docs/integrations/retrievers/svm.ipynb b/docs/docs/integrations/retrievers/svm.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/retrievers/svm.ipynb rename to docs/docs/integrations/retrievers/svm.ipynb diff --git a/docs/docs_skeleton/docs/integrations/retrievers/tavily.ipynb b/docs/docs/integrations/retrievers/tavily.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/retrievers/tavily.ipynb rename to docs/docs/integrations/retrievers/tavily.ipynb diff --git a/docs/docs_skeleton/docs/integrations/retrievers/tf_idf.ipynb b/docs/docs/integrations/retrievers/tf_idf.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/retrievers/tf_idf.ipynb rename to docs/docs/integrations/retrievers/tf_idf.ipynb diff --git a/docs/docs_skeleton/docs/integrations/retrievers/vespa.ipynb b/docs/docs/integrations/retrievers/vespa.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/retrievers/vespa.ipynb rename to docs/docs/integrations/retrievers/vespa.ipynb diff --git a/docs/docs_skeleton/docs/integrations/retrievers/weaviate-hybrid.ipynb b/docs/docs/integrations/retrievers/weaviate-hybrid.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/retrievers/weaviate-hybrid.ipynb rename to docs/docs/integrations/retrievers/weaviate-hybrid.ipynb diff --git a/docs/docs_skeleton/docs/integrations/retrievers/wikipedia.ipynb b/docs/docs/integrations/retrievers/wikipedia.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/retrievers/wikipedia.ipynb rename to docs/docs/integrations/retrievers/wikipedia.ipynb diff --git a/docs/docs_skeleton/docs/integrations/retrievers/you-retriever.ipynb b/docs/docs/integrations/retrievers/you-retriever.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/retrievers/you-retriever.ipynb rename to docs/docs/integrations/retrievers/you-retriever.ipynb diff --git a/docs/docs_skeleton/docs/integrations/retrievers/zep_memorystore.ipynb b/docs/docs/integrations/retrievers/zep_memorystore.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/retrievers/zep_memorystore.ipynb rename to docs/docs/integrations/retrievers/zep_memorystore.ipynb diff --git a/docs/docs_skeleton/docs/integrations/text_embedding/aleph_alpha.ipynb b/docs/docs/integrations/text_embedding/aleph_alpha.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/text_embedding/aleph_alpha.ipynb rename to docs/docs/integrations/text_embedding/aleph_alpha.ipynb diff --git a/docs/docs_skeleton/docs/integrations/text_embedding/awadb.ipynb b/docs/docs/integrations/text_embedding/awadb.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/text_embedding/awadb.ipynb rename to docs/docs/integrations/text_embedding/awadb.ipynb diff --git a/docs/docs_skeleton/docs/integrations/text_embedding/azureopenai.ipynb b/docs/docs/integrations/text_embedding/azureopenai.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/text_embedding/azureopenai.ipynb rename to docs/docs/integrations/text_embedding/azureopenai.ipynb diff --git a/docs/docs_skeleton/docs/integrations/text_embedding/baidu_qianfan_endpoint.ipynb b/docs/docs/integrations/text_embedding/baidu_qianfan_endpoint.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/text_embedding/baidu_qianfan_endpoint.ipynb rename to docs/docs/integrations/text_embedding/baidu_qianfan_endpoint.ipynb diff --git a/docs/docs_skeleton/docs/integrations/text_embedding/bedrock.ipynb b/docs/docs/integrations/text_embedding/bedrock.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/text_embedding/bedrock.ipynb rename to docs/docs/integrations/text_embedding/bedrock.ipynb diff --git a/docs/docs_skeleton/docs/integrations/text_embedding/bge_huggingface.ipynb b/docs/docs/integrations/text_embedding/bge_huggingface.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/text_embedding/bge_huggingface.ipynb rename to docs/docs/integrations/text_embedding/bge_huggingface.ipynb diff --git a/docs/docs_skeleton/docs/integrations/text_embedding/clarifai.ipynb b/docs/docs/integrations/text_embedding/clarifai.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/text_embedding/clarifai.ipynb rename to docs/docs/integrations/text_embedding/clarifai.ipynb diff --git a/docs/docs_skeleton/docs/integrations/text_embedding/cohere.ipynb b/docs/docs/integrations/text_embedding/cohere.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/text_embedding/cohere.ipynb rename to docs/docs/integrations/text_embedding/cohere.ipynb diff --git a/docs/docs_skeleton/docs/integrations/text_embedding/dashscope.ipynb b/docs/docs/integrations/text_embedding/dashscope.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/text_embedding/dashscope.ipynb rename to docs/docs/integrations/text_embedding/dashscope.ipynb diff --git a/docs/docs_skeleton/docs/integrations/text_embedding/deepinfra.ipynb b/docs/docs/integrations/text_embedding/deepinfra.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/text_embedding/deepinfra.ipynb rename to docs/docs/integrations/text_embedding/deepinfra.ipynb diff --git a/docs/docs_skeleton/docs/integrations/text_embedding/edenai.ipynb b/docs/docs/integrations/text_embedding/edenai.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/text_embedding/edenai.ipynb rename to docs/docs/integrations/text_embedding/edenai.ipynb diff --git a/docs/docs_skeleton/docs/integrations/text_embedding/elasticsearch.ipynb b/docs/docs/integrations/text_embedding/elasticsearch.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/text_embedding/elasticsearch.ipynb rename to docs/docs/integrations/text_embedding/elasticsearch.ipynb diff --git a/docs/docs_skeleton/docs/integrations/text_embedding/embaas.ipynb b/docs/docs/integrations/text_embedding/embaas.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/text_embedding/embaas.ipynb rename to docs/docs/integrations/text_embedding/embaas.ipynb diff --git a/docs/docs_skeleton/docs/integrations/text_embedding/ernie.ipynb b/docs/docs/integrations/text_embedding/ernie.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/text_embedding/ernie.ipynb rename to docs/docs/integrations/text_embedding/ernie.ipynb diff --git a/docs/docs_skeleton/docs/integrations/text_embedding/fake.ipynb b/docs/docs/integrations/text_embedding/fake.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/text_embedding/fake.ipynb rename to docs/docs/integrations/text_embedding/fake.ipynb diff --git a/docs/docs_skeleton/docs/integrations/text_embedding/google_vertex_ai_palm.ipynb b/docs/docs/integrations/text_embedding/google_vertex_ai_palm.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/text_embedding/google_vertex_ai_palm.ipynb rename to docs/docs/integrations/text_embedding/google_vertex_ai_palm.ipynb diff --git a/docs/docs_skeleton/docs/integrations/text_embedding/gpt4all.ipynb b/docs/docs/integrations/text_embedding/gpt4all.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/text_embedding/gpt4all.ipynb rename to docs/docs/integrations/text_embedding/gpt4all.ipynb diff --git a/docs/docs_skeleton/docs/integrations/text_embedding/gradient.ipynb b/docs/docs/integrations/text_embedding/gradient.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/text_embedding/gradient.ipynb rename to docs/docs/integrations/text_embedding/gradient.ipynb diff --git a/docs/docs_skeleton/docs/integrations/text_embedding/huggingfacehub.ipynb b/docs/docs/integrations/text_embedding/huggingfacehub.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/text_embedding/huggingfacehub.ipynb rename to docs/docs/integrations/text_embedding/huggingfacehub.ipynb diff --git a/docs/docs_skeleton/docs/integrations/text_embedding/instruct_embeddings.ipynb b/docs/docs/integrations/text_embedding/instruct_embeddings.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/text_embedding/instruct_embeddings.ipynb rename to docs/docs/integrations/text_embedding/instruct_embeddings.ipynb diff --git a/docs/docs_skeleton/docs/integrations/text_embedding/jina.ipynb b/docs/docs/integrations/text_embedding/jina.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/text_embedding/jina.ipynb rename to docs/docs/integrations/text_embedding/jina.ipynb diff --git a/docs/docs_skeleton/docs/integrations/text_embedding/llamacpp.ipynb b/docs/docs/integrations/text_embedding/llamacpp.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/text_embedding/llamacpp.ipynb rename to docs/docs/integrations/text_embedding/llamacpp.ipynb diff --git a/docs/docs_skeleton/docs/integrations/text_embedding/llm_rails.ipynb b/docs/docs/integrations/text_embedding/llm_rails.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/text_embedding/llm_rails.ipynb rename to docs/docs/integrations/text_embedding/llm_rails.ipynb diff --git a/docs/docs_skeleton/docs/integrations/text_embedding/localai.ipynb b/docs/docs/integrations/text_embedding/localai.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/text_embedding/localai.ipynb rename to docs/docs/integrations/text_embedding/localai.ipynb diff --git a/docs/docs_skeleton/docs/integrations/text_embedding/minimax.ipynb b/docs/docs/integrations/text_embedding/minimax.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/text_embedding/minimax.ipynb rename to docs/docs/integrations/text_embedding/minimax.ipynb diff --git a/docs/docs_skeleton/docs/integrations/text_embedding/modelscope_hub.ipynb b/docs/docs/integrations/text_embedding/modelscope_hub.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/text_embedding/modelscope_hub.ipynb rename to docs/docs/integrations/text_embedding/modelscope_hub.ipynb diff --git a/docs/docs_skeleton/docs/integrations/text_embedding/mosaicml.ipynb b/docs/docs/integrations/text_embedding/mosaicml.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/text_embedding/mosaicml.ipynb rename to docs/docs/integrations/text_embedding/mosaicml.ipynb diff --git a/docs/docs_skeleton/docs/integrations/text_embedding/nlp_cloud.ipynb b/docs/docs/integrations/text_embedding/nlp_cloud.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/text_embedding/nlp_cloud.ipynb rename to docs/docs/integrations/text_embedding/nlp_cloud.ipynb diff --git a/docs/docs_skeleton/docs/integrations/text_embedding/ollama.ipynb b/docs/docs/integrations/text_embedding/ollama.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/text_embedding/ollama.ipynb rename to docs/docs/integrations/text_embedding/ollama.ipynb diff --git a/docs/docs_skeleton/docs/integrations/text_embedding/openai.ipynb b/docs/docs/integrations/text_embedding/openai.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/text_embedding/openai.ipynb rename to docs/docs/integrations/text_embedding/openai.ipynb diff --git a/docs/docs_skeleton/docs/integrations/text_embedding/sagemaker-endpoint.ipynb b/docs/docs/integrations/text_embedding/sagemaker-endpoint.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/text_embedding/sagemaker-endpoint.ipynb rename to docs/docs/integrations/text_embedding/sagemaker-endpoint.ipynb diff --git a/docs/docs_skeleton/docs/integrations/text_embedding/self-hosted.ipynb b/docs/docs/integrations/text_embedding/self-hosted.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/text_embedding/self-hosted.ipynb rename to docs/docs/integrations/text_embedding/self-hosted.ipynb diff --git a/docs/docs_skeleton/docs/integrations/text_embedding/sentence_transformers.ipynb b/docs/docs/integrations/text_embedding/sentence_transformers.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/text_embedding/sentence_transformers.ipynb rename to docs/docs/integrations/text_embedding/sentence_transformers.ipynb diff --git a/docs/docs_skeleton/docs/integrations/text_embedding/spacy_embedding.ipynb b/docs/docs/integrations/text_embedding/spacy_embedding.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/text_embedding/spacy_embedding.ipynb rename to docs/docs/integrations/text_embedding/spacy_embedding.ipynb diff --git a/docs/docs_skeleton/docs/integrations/text_embedding/tensorflowhub.ipynb b/docs/docs/integrations/text_embedding/tensorflowhub.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/text_embedding/tensorflowhub.ipynb rename to docs/docs/integrations/text_embedding/tensorflowhub.ipynb diff --git a/docs/docs_skeleton/docs/integrations/text_embedding/xinference.ipynb b/docs/docs/integrations/text_embedding/xinference.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/text_embedding/xinference.ipynb rename to docs/docs/integrations/text_embedding/xinference.ipynb diff --git a/docs/docs_skeleton/docs/integrations/toolkits/ainetwork.ipynb b/docs/docs/integrations/toolkits/ainetwork.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/toolkits/ainetwork.ipynb rename to docs/docs/integrations/toolkits/ainetwork.ipynb diff --git a/docs/docs_skeleton/docs/integrations/toolkits/airbyte_structured_qa.ipynb b/docs/docs/integrations/toolkits/airbyte_structured_qa.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/toolkits/airbyte_structured_qa.ipynb rename to docs/docs/integrations/toolkits/airbyte_structured_qa.ipynb diff --git a/docs/docs_skeleton/docs/integrations/toolkits/amadeus.ipynb b/docs/docs/integrations/toolkits/amadeus.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/toolkits/amadeus.ipynb rename to docs/docs/integrations/toolkits/amadeus.ipynb diff --git a/docs/docs_skeleton/docs/integrations/toolkits/azure_cognitive_services.ipynb b/docs/docs/integrations/toolkits/azure_cognitive_services.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/toolkits/azure_cognitive_services.ipynb rename to docs/docs/integrations/toolkits/azure_cognitive_services.ipynb diff --git a/docs/docs_skeleton/docs/integrations/toolkits/clickup.ipynb b/docs/docs/integrations/toolkits/clickup.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/toolkits/clickup.ipynb rename to docs/docs/integrations/toolkits/clickup.ipynb diff --git a/docs/docs_skeleton/docs/integrations/toolkits/csv.ipynb b/docs/docs/integrations/toolkits/csv.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/toolkits/csv.ipynb rename to docs/docs/integrations/toolkits/csv.ipynb diff --git a/docs/docs_skeleton/docs/integrations/toolkits/document_comparison_toolkit.ipynb b/docs/docs/integrations/toolkits/document_comparison_toolkit.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/toolkits/document_comparison_toolkit.ipynb rename to docs/docs/integrations/toolkits/document_comparison_toolkit.ipynb diff --git a/docs/docs_skeleton/docs/integrations/toolkits/github.ipynb b/docs/docs/integrations/toolkits/github.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/toolkits/github.ipynb rename to docs/docs/integrations/toolkits/github.ipynb diff --git a/docs/docs_skeleton/docs/integrations/toolkits/gitlab.ipynb b/docs/docs/integrations/toolkits/gitlab.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/toolkits/gitlab.ipynb rename to docs/docs/integrations/toolkits/gitlab.ipynb diff --git a/docs/docs_skeleton/docs/integrations/toolkits/gmail.ipynb b/docs/docs/integrations/toolkits/gmail.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/toolkits/gmail.ipynb rename to docs/docs/integrations/toolkits/gmail.ipynb diff --git a/docs/docs_skeleton/docs/integrations/toolkits/google_drive.ipynb b/docs/docs/integrations/toolkits/google_drive.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/toolkits/google_drive.ipynb rename to docs/docs/integrations/toolkits/google_drive.ipynb diff --git a/docs/docs_skeleton/docs/integrations/toolkits/jira.ipynb b/docs/docs/integrations/toolkits/jira.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/toolkits/jira.ipynb rename to docs/docs/integrations/toolkits/jira.ipynb diff --git a/docs/docs_skeleton/docs/integrations/toolkits/json.ipynb b/docs/docs/integrations/toolkits/json.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/toolkits/json.ipynb rename to docs/docs/integrations/toolkits/json.ipynb diff --git a/docs/docs_skeleton/docs/integrations/toolkits/multion.ipynb b/docs/docs/integrations/toolkits/multion.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/toolkits/multion.ipynb rename to docs/docs/integrations/toolkits/multion.ipynb diff --git a/docs/docs_skeleton/docs/integrations/toolkits/office365.ipynb b/docs/docs/integrations/toolkits/office365.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/toolkits/office365.ipynb rename to docs/docs/integrations/toolkits/office365.ipynb diff --git a/docs/docs_skeleton/docs/integrations/toolkits/openapi.ipynb b/docs/docs/integrations/toolkits/openapi.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/toolkits/openapi.ipynb rename to docs/docs/integrations/toolkits/openapi.ipynb diff --git a/docs/docs_skeleton/docs/integrations/toolkits/openapi_nla.ipynb b/docs/docs/integrations/toolkits/openapi_nla.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/toolkits/openapi_nla.ipynb rename to docs/docs/integrations/toolkits/openapi_nla.ipynb diff --git a/docs/docs_skeleton/docs/integrations/toolkits/pandas.ipynb b/docs/docs/integrations/toolkits/pandas.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/toolkits/pandas.ipynb rename to docs/docs/integrations/toolkits/pandas.ipynb diff --git a/docs/docs_skeleton/docs/integrations/toolkits/playwright.ipynb b/docs/docs/integrations/toolkits/playwright.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/toolkits/playwright.ipynb rename to docs/docs/integrations/toolkits/playwright.ipynb diff --git a/docs/docs_skeleton/docs/integrations/toolkits/powerbi.ipynb b/docs/docs/integrations/toolkits/powerbi.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/toolkits/powerbi.ipynb rename to docs/docs/integrations/toolkits/powerbi.ipynb diff --git a/docs/docs_skeleton/docs/integrations/toolkits/python.ipynb b/docs/docs/integrations/toolkits/python.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/toolkits/python.ipynb rename to docs/docs/integrations/toolkits/python.ipynb diff --git a/docs/docs_skeleton/docs/integrations/toolkits/spark.ipynb b/docs/docs/integrations/toolkits/spark.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/toolkits/spark.ipynb rename to docs/docs/integrations/toolkits/spark.ipynb diff --git a/docs/docs_skeleton/docs/integrations/toolkits/spark_sql.ipynb b/docs/docs/integrations/toolkits/spark_sql.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/toolkits/spark_sql.ipynb rename to docs/docs/integrations/toolkits/spark_sql.ipynb diff --git a/docs/docs_skeleton/docs/integrations/toolkits/sql_database.ipynb b/docs/docs/integrations/toolkits/sql_database.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/toolkits/sql_database.ipynb rename to docs/docs/integrations/toolkits/sql_database.ipynb diff --git a/docs/docs_skeleton/docs/integrations/toolkits/vectorstore.ipynb b/docs/docs/integrations/toolkits/vectorstore.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/toolkits/vectorstore.ipynb rename to docs/docs/integrations/toolkits/vectorstore.ipynb diff --git a/docs/docs_skeleton/docs/integrations/toolkits/xorbits.ipynb b/docs/docs/integrations/toolkits/xorbits.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/toolkits/xorbits.ipynb rename to docs/docs/integrations/toolkits/xorbits.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/_gradio_tools_files/output_7_0.png b/docs/docs/integrations/tools/_gradio_tools_files/output_7_0.png similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/_gradio_tools_files/output_7_0.png rename to docs/docs/integrations/tools/_gradio_tools_files/output_7_0.png diff --git a/docs/docs_skeleton/docs/integrations/tools/alpha_vantage.ipynb b/docs/docs/integrations/tools/alpha_vantage.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/alpha_vantage.ipynb rename to docs/docs/integrations/tools/alpha_vantage.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/apify.ipynb b/docs/docs/integrations/tools/apify.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/apify.ipynb rename to docs/docs/integrations/tools/apify.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/arxiv.ipynb b/docs/docs/integrations/tools/arxiv.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/arxiv.ipynb rename to docs/docs/integrations/tools/arxiv.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/awslambda.ipynb b/docs/docs/integrations/tools/awslambda.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/awslambda.ipynb rename to docs/docs/integrations/tools/awslambda.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/bash.ipynb b/docs/docs/integrations/tools/bash.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/bash.ipynb rename to docs/docs/integrations/tools/bash.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/bing_search.ipynb b/docs/docs/integrations/tools/bing_search.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/bing_search.ipynb rename to docs/docs/integrations/tools/bing_search.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/brave_search.ipynb b/docs/docs/integrations/tools/brave_search.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/brave_search.ipynb rename to docs/docs/integrations/tools/brave_search.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/chatgpt_plugins.ipynb b/docs/docs/integrations/tools/chatgpt_plugins.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/chatgpt_plugins.ipynb rename to docs/docs/integrations/tools/chatgpt_plugins.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/dalle_image_generator.ipynb b/docs/docs/integrations/tools/dalle_image_generator.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/dalle_image_generator.ipynb rename to docs/docs/integrations/tools/dalle_image_generator.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/dataforseo.ipynb b/docs/docs/integrations/tools/dataforseo.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/dataforseo.ipynb rename to docs/docs/integrations/tools/dataforseo.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/ddg.ipynb b/docs/docs/integrations/tools/ddg.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/ddg.ipynb rename to docs/docs/integrations/tools/ddg.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/edenai_tools.ipynb b/docs/docs/integrations/tools/edenai_tools.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/edenai_tools.ipynb rename to docs/docs/integrations/tools/edenai_tools.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/eleven_labs_tts.ipynb b/docs/docs/integrations/tools/eleven_labs_tts.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/eleven_labs_tts.ipynb rename to docs/docs/integrations/tools/eleven_labs_tts.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/filesystem.ipynb b/docs/docs/integrations/tools/filesystem.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/filesystem.ipynb rename to docs/docs/integrations/tools/filesystem.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/golden_query.ipynb b/docs/docs/integrations/tools/golden_query.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/golden_query.ipynb rename to docs/docs/integrations/tools/golden_query.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/google_drive.ipynb b/docs/docs/integrations/tools/google_drive.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/google_drive.ipynb rename to docs/docs/integrations/tools/google_drive.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/google_places.ipynb b/docs/docs/integrations/tools/google_places.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/google_places.ipynb rename to docs/docs/integrations/tools/google_places.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/google_search.ipynb b/docs/docs/integrations/tools/google_search.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/google_search.ipynb rename to docs/docs/integrations/tools/google_search.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/google_serper.ipynb b/docs/docs/integrations/tools/google_serper.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/google_serper.ipynb rename to docs/docs/integrations/tools/google_serper.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/gradio_tools.ipynb b/docs/docs/integrations/tools/gradio_tools.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/gradio_tools.ipynb rename to docs/docs/integrations/tools/gradio_tools.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/graphql.ipynb b/docs/docs/integrations/tools/graphql.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/graphql.ipynb rename to docs/docs/integrations/tools/graphql.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/huggingface_tools.ipynb b/docs/docs/integrations/tools/huggingface_tools.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/huggingface_tools.ipynb rename to docs/docs/integrations/tools/huggingface_tools.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/human_tools.ipynb b/docs/docs/integrations/tools/human_tools.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/human_tools.ipynb rename to docs/docs/integrations/tools/human_tools.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/ifttt.ipynb b/docs/docs/integrations/tools/ifttt.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/ifttt.ipynb rename to docs/docs/integrations/tools/ifttt.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/lemonai.ipynb b/docs/docs/integrations/tools/lemonai.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/lemonai.ipynb rename to docs/docs/integrations/tools/lemonai.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/metaphor_search.ipynb b/docs/docs/integrations/tools/metaphor_search.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/metaphor_search.ipynb rename to docs/docs/integrations/tools/metaphor_search.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/nuclia.ipynb b/docs/docs/integrations/tools/nuclia.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/nuclia.ipynb rename to docs/docs/integrations/tools/nuclia.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/openweathermap.ipynb b/docs/docs/integrations/tools/openweathermap.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/openweathermap.ipynb rename to docs/docs/integrations/tools/openweathermap.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/pubmed.ipynb b/docs/docs/integrations/tools/pubmed.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/pubmed.ipynb rename to docs/docs/integrations/tools/pubmed.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/python.ipynb b/docs/docs/integrations/tools/python.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/python.ipynb rename to docs/docs/integrations/tools/python.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/requests.ipynb b/docs/docs/integrations/tools/requests.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/requests.ipynb rename to docs/docs/integrations/tools/requests.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/sceneXplain.ipynb b/docs/docs/integrations/tools/sceneXplain.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/sceneXplain.ipynb rename to docs/docs/integrations/tools/sceneXplain.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/search_tools.ipynb b/docs/docs/integrations/tools/search_tools.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/search_tools.ipynb rename to docs/docs/integrations/tools/search_tools.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/searchapi.ipynb b/docs/docs/integrations/tools/searchapi.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/searchapi.ipynb rename to docs/docs/integrations/tools/searchapi.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/searx_search.ipynb b/docs/docs/integrations/tools/searx_search.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/searx_search.ipynb rename to docs/docs/integrations/tools/searx_search.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/serpapi.ipynb b/docs/docs/integrations/tools/serpapi.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/serpapi.ipynb rename to docs/docs/integrations/tools/serpapi.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/twilio.ipynb b/docs/docs/integrations/tools/twilio.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/twilio.ipynb rename to docs/docs/integrations/tools/twilio.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/wikipedia.ipynb b/docs/docs/integrations/tools/wikipedia.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/wikipedia.ipynb rename to docs/docs/integrations/tools/wikipedia.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/wolfram_alpha.ipynb b/docs/docs/integrations/tools/wolfram_alpha.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/wolfram_alpha.ipynb rename to docs/docs/integrations/tools/wolfram_alpha.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/yahoo_finance_news.ipynb b/docs/docs/integrations/tools/yahoo_finance_news.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/yahoo_finance_news.ipynb rename to docs/docs/integrations/tools/yahoo_finance_news.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/youtube.ipynb b/docs/docs/integrations/tools/youtube.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/youtube.ipynb rename to docs/docs/integrations/tools/youtube.ipynb diff --git a/docs/docs_skeleton/docs/integrations/tools/zapier.ipynb b/docs/docs/integrations/tools/zapier.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/tools/zapier.ipynb rename to docs/docs/integrations/tools/zapier.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/activeloop_deeplake.ipynb b/docs/docs/integrations/vectorstores/activeloop_deeplake.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/activeloop_deeplake.ipynb rename to docs/docs/integrations/vectorstores/activeloop_deeplake.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/alibabacloud_opensearch.ipynb b/docs/docs/integrations/vectorstores/alibabacloud_opensearch.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/alibabacloud_opensearch.ipynb rename to docs/docs/integrations/vectorstores/alibabacloud_opensearch.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/analyticdb.ipynb b/docs/docs/integrations/vectorstores/analyticdb.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/analyticdb.ipynb rename to docs/docs/integrations/vectorstores/analyticdb.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/annoy.ipynb b/docs/docs/integrations/vectorstores/annoy.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/annoy.ipynb rename to docs/docs/integrations/vectorstores/annoy.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/atlas.ipynb b/docs/docs/integrations/vectorstores/atlas.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/atlas.ipynb rename to docs/docs/integrations/vectorstores/atlas.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/awadb.ipynb b/docs/docs/integrations/vectorstores/awadb.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/awadb.ipynb rename to docs/docs/integrations/vectorstores/awadb.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/azuresearch.ipynb b/docs/docs/integrations/vectorstores/azuresearch.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/azuresearch.ipynb rename to docs/docs/integrations/vectorstores/azuresearch.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/bageldb.ipynb b/docs/docs/integrations/vectorstores/bageldb.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/bageldb.ipynb rename to docs/docs/integrations/vectorstores/bageldb.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/cassandra.ipynb b/docs/docs/integrations/vectorstores/cassandra.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/cassandra.ipynb rename to docs/docs/integrations/vectorstores/cassandra.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/chroma.ipynb b/docs/docs/integrations/vectorstores/chroma.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/chroma.ipynb rename to docs/docs/integrations/vectorstores/chroma.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/clarifai.ipynb b/docs/docs/integrations/vectorstores/clarifai.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/clarifai.ipynb rename to docs/docs/integrations/vectorstores/clarifai.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/clickhouse.ipynb b/docs/docs/integrations/vectorstores/clickhouse.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/clickhouse.ipynb rename to docs/docs/integrations/vectorstores/clickhouse.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/dashvector.ipynb b/docs/docs/integrations/vectorstores/dashvector.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/dashvector.ipynb rename to docs/docs/integrations/vectorstores/dashvector.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/dingo.ipynb b/docs/docs/integrations/vectorstores/dingo.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/dingo.ipynb rename to docs/docs/integrations/vectorstores/dingo.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/docarray_hnsw.ipynb b/docs/docs/integrations/vectorstores/docarray_hnsw.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/docarray_hnsw.ipynb rename to docs/docs/integrations/vectorstores/docarray_hnsw.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/docarray_in_memory.ipynb b/docs/docs/integrations/vectorstores/docarray_in_memory.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/docarray_in_memory.ipynb rename to docs/docs/integrations/vectorstores/docarray_in_memory.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/elasticsearch.ipynb b/docs/docs/integrations/vectorstores/elasticsearch.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/elasticsearch.ipynb rename to docs/docs/integrations/vectorstores/elasticsearch.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/epsilla.ipynb b/docs/docs/integrations/vectorstores/epsilla.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/epsilla.ipynb rename to docs/docs/integrations/vectorstores/epsilla.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/faiss.ipynb b/docs/docs/integrations/vectorstores/faiss.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/faiss.ipynb rename to docs/docs/integrations/vectorstores/faiss.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/faiss_index/index.faiss b/docs/docs/integrations/vectorstores/faiss_index/index.faiss similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/faiss_index/index.faiss rename to docs/docs/integrations/vectorstores/faiss_index/index.faiss diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/hologres.ipynb b/docs/docs/integrations/vectorstores/hologres.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/hologres.ipynb rename to docs/docs/integrations/vectorstores/hologres.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/lancedb.ipynb b/docs/docs/integrations/vectorstores/lancedb.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/lancedb.ipynb rename to docs/docs/integrations/vectorstores/lancedb.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/llm_rails.ipynb b/docs/docs/integrations/vectorstores/llm_rails.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/llm_rails.ipynb rename to docs/docs/integrations/vectorstores/llm_rails.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/marqo.ipynb b/docs/docs/integrations/vectorstores/marqo.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/marqo.ipynb rename to docs/docs/integrations/vectorstores/marqo.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/matchingengine.ipynb b/docs/docs/integrations/vectorstores/matchingengine.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/matchingengine.ipynb rename to docs/docs/integrations/vectorstores/matchingengine.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/meilisearch.ipynb b/docs/docs/integrations/vectorstores/meilisearch.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/meilisearch.ipynb rename to docs/docs/integrations/vectorstores/meilisearch.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/milvus.ipynb b/docs/docs/integrations/vectorstores/milvus.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/milvus.ipynb rename to docs/docs/integrations/vectorstores/milvus.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/momento_vector_index.ipynb b/docs/docs/integrations/vectorstores/momento_vector_index.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/momento_vector_index.ipynb rename to docs/docs/integrations/vectorstores/momento_vector_index.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/mongodb_atlas.ipynb b/docs/docs/integrations/vectorstores/mongodb_atlas.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/mongodb_atlas.ipynb rename to docs/docs/integrations/vectorstores/mongodb_atlas.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/myscale.ipynb b/docs/docs/integrations/vectorstores/myscale.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/myscale.ipynb rename to docs/docs/integrations/vectorstores/myscale.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/neo4jvector.ipynb b/docs/docs/integrations/vectorstores/neo4jvector.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/neo4jvector.ipynb rename to docs/docs/integrations/vectorstores/neo4jvector.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/nucliadb.ipynb b/docs/docs/integrations/vectorstores/nucliadb.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/nucliadb.ipynb rename to docs/docs/integrations/vectorstores/nucliadb.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/opensearch.ipynb b/docs/docs/integrations/vectorstores/opensearch.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/opensearch.ipynb rename to docs/docs/integrations/vectorstores/opensearch.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/pgembedding.ipynb b/docs/docs/integrations/vectorstores/pgembedding.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/pgembedding.ipynb rename to docs/docs/integrations/vectorstores/pgembedding.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/pgvector.ipynb b/docs/docs/integrations/vectorstores/pgvector.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/pgvector.ipynb rename to docs/docs/integrations/vectorstores/pgvector.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/pinecone.ipynb b/docs/docs/integrations/vectorstores/pinecone.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/pinecone.ipynb rename to docs/docs/integrations/vectorstores/pinecone.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/qdrant.ipynb b/docs/docs/integrations/vectorstores/qdrant.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/qdrant.ipynb rename to docs/docs/integrations/vectorstores/qdrant.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/redis.ipynb b/docs/docs/integrations/vectorstores/redis.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/redis.ipynb rename to docs/docs/integrations/vectorstores/redis.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/rockset.ipynb b/docs/docs/integrations/vectorstores/rockset.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/rockset.ipynb rename to docs/docs/integrations/vectorstores/rockset.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/scann.ipynb b/docs/docs/integrations/vectorstores/scann.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/scann.ipynb rename to docs/docs/integrations/vectorstores/scann.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/singlestoredb.ipynb b/docs/docs/integrations/vectorstores/singlestoredb.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/singlestoredb.ipynb rename to docs/docs/integrations/vectorstores/singlestoredb.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/sklearn.ipynb b/docs/docs/integrations/vectorstores/sklearn.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/sklearn.ipynb rename to docs/docs/integrations/vectorstores/sklearn.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/sqlitevss.ipynb b/docs/docs/integrations/vectorstores/sqlitevss.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/sqlitevss.ipynb rename to docs/docs/integrations/vectorstores/sqlitevss.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/starrocks.ipynb b/docs/docs/integrations/vectorstores/starrocks.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/starrocks.ipynb rename to docs/docs/integrations/vectorstores/starrocks.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/supabase.ipynb b/docs/docs/integrations/vectorstores/supabase.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/supabase.ipynb rename to docs/docs/integrations/vectorstores/supabase.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/tair.ipynb b/docs/docs/integrations/vectorstores/tair.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/tair.ipynb rename to docs/docs/integrations/vectorstores/tair.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/tencentvectordb.ipynb b/docs/docs/integrations/vectorstores/tencentvectordb.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/tencentvectordb.ipynb rename to docs/docs/integrations/vectorstores/tencentvectordb.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/tigris.ipynb b/docs/docs/integrations/vectorstores/tigris.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/tigris.ipynb rename to docs/docs/integrations/vectorstores/tigris.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/timescalevector.ipynb b/docs/docs/integrations/vectorstores/timescalevector.ipynb similarity index 95% rename from docs/docs_skeleton/docs/integrations/vectorstores/timescalevector.ipynb rename to docs/docs/integrations/vectorstores/timescalevector.ipynb index a6d9f4bf64372..470becd11c823 100644 --- a/docs/docs_skeleton/docs/integrations/vectorstores/timescalevector.ipynb +++ b/docs/docs/integrations/vectorstores/timescalevector.ipynb @@ -1312,10 +1312,10 @@ { "data": { "text/plain": [ - "[Document(page_content='{\"commit\": \" 35c91204987ccb0161d745af1a39b7eb91bc65a5\", \"author\": \"Fabr\\\\u00edzio de Royes Mello\", \"date\": \"Thu Nov 24 13:19:36 2022 -0300\", \"change summary\": \"Add Hierarchical Continuous Aggregates validations\", \"change details\": \"Commit 3749953e introduce Hierarchical Continuous Aggregates (aka Continuous Aggregate on top of another Continuous Aggregate) but it lacks of some basic validations. Validations added during the creation of a Hierarchical Continuous Aggregate: * Forbid create a continuous aggregate with fixed-width bucket on top of a continuous aggregate with variable-width bucket. * Forbid incompatible bucket widths: - should not be equal; - bucket width of the new continuous aggregate should be greater than the source continuous aggregate; - bucket width of the new continuous aggregate should be multiple of the source continuous aggregate. \"}', metadata={'id': 'c98d1c00-6c13-11ed-9bbe-23925ce74d13', 'date': '2022-11-24 13:19:36+-500', 'source': '/Users/avtharsewrathan/sideprojects2023/timescaleai/tsv-langchain/langchain/docs/docs_skeleton/docs/modules/ts_git_log.json', 'seq_num': 446, 'author_name': 'Fabrízio de Royes Mello', 'commit_hash': ' 35c91204987ccb0161d745af1a39b7eb91bc65a5', 'author_email': 'fabriziomello@gmail.com'}),\n", - " Document(page_content='{\"commit\": \" 3749953e9704e45df8f621607989ada0714ce28d\", \"author\": \"Fabr\\\\u00edzio de Royes Mello\", \"date\": \"Wed Oct 5 18:45:40 2022 -0300\", \"change summary\": \"Hierarchical Continuous Aggregates\", \"change details\": \"Enable users create Hierarchical Continuous Aggregates (aka Continuous Aggregates on top of another Continuous Aggregates). With this PR users can create levels of aggregation granularity in Continuous Aggregates making the refresh process even faster. A problem with this feature can be in upper levels we can end up with the \\\\\"average of averages\\\\\". But to get the \\\\\"real average\\\\\" we can rely on \\\\\"stats_aggs\\\\\" TimescaleDB Toolkit function that calculate and store the partials that can be finalized with other toolkit functions like \\\\\"average\\\\\" and \\\\\"sum\\\\\". Closes #1400 \"}', metadata={'id': '0df31a00-44f7-11ed-9794-ebcc1227340f', 'date': '2022-10-5 18:45:40+-500', 'source': '/Users/avtharsewrathan/sideprojects2023/timescaleai/tsv-langchain/langchain/docs/docs_skeleton/docs/modules/ts_git_log.json', 'seq_num': 470, 'author_name': 'Fabrízio de Royes Mello', 'commit_hash': ' 3749953e9704e45df8f621607989ada0714ce28d', 'author_email': 'fabriziomello@gmail.com'}),\n", - " Document(page_content='{\"commit\": \" a6ff7ba6cc15b280a275e5acd315741ec9c86acc\", \"author\": \"Mats Kindahl\", \"date\": \"Tue Feb 28 12:04:17 2023 +0100\", \"change summary\": \"Rename columns in old-style continuous aggregates\", \"change details\": \"For continuous aggregates with the old-style partial aggregates renaming columns that are not in the group-by clause will generate an error when upgrading to a later version. The reason is that it is implicitly assumed that the name of the column is the same as for the direct view. This holds true for new-style continous aggregates, but is not always true for old-style continuous aggregates. In particular, columns that are not part of the `GROUP BY` clause can have an internally generated name. This commit fixes that by extracting the name of the column from the partial view and use that when renaming the partial view column and the materialized table column. \"}', metadata={'id': 'a49ace80-b757-11ed-8138-2390fd44ffd9', 'date': '2023-02-28 12:04:17+0140', 'source': '/Users/avtharsewrathan/sideprojects2023/timescaleai/tsv-langchain/langchain/docs/docs_skeleton/docs/modules/ts_git_log.json', 'seq_num': 294, 'author_name': 'Mats Kindahl', 'commit_hash': ' a6ff7ba6cc15b280a275e5acd315741ec9c86acc', 'author_email': 'mats@timescale.com'}),\n", - " Document(page_content='{\"commit\": \" 5bba74a2ec083728f8e93e09d03d102568fd72b5\", \"author\": \"Fabr\\\\u00edzio de Royes Mello\", \"date\": \"Mon Aug 7 19:49:47 2023 -0300\", \"change summary\": \"Relax strong table lock when refreshing a CAGG\", \"change details\": \"When refreshing a Continuous Aggregate we take a table lock on _timescaledb_catalog.continuous_aggs_invalidation_threshold when processing the invalidation logs (the first transaction of the refresh Continuous Aggregate procedure). It means that even two different Continuous Aggregates over two different hypertables will wait each other in the first phase of the refreshing procedure. Also it lead to problems when a pg_dump is running because it take an AccessShareLock on tables so Continuous Aggregate refresh execution will wait until the pg_dump finish. Improved it by relaxing the strong table-level lock to a row-level lock so now the Continuous Aggregate refresh procedure can be executed in multiple sessions with less locks. Fix #3554 \"}', metadata={'id': 'b5583780-3574-11ee-a5ba-2e305874a58f', 'date': '2023-08-7 19:49:47+-500', 'source': '/Users/avtharsewrathan/sideprojects2023/timescaleai/tsv-langchain/langchain/docs/docs_skeleton/docs/modules/ts_git_log.json', 'seq_num': 27, 'author_name': 'Fabrízio de Royes Mello', 'commit_hash': ' 5bba74a2ec083728f8e93e09d03d102568fd72b5', 'author_email': 'fabriziomello@gmail.com'})]" + "[Document(page_content='{\"commit\": \" 35c91204987ccb0161d745af1a39b7eb91bc65a5\", \"author\": \"Fabr\\\\u00edzio de Royes Mello\", \"date\": \"Thu Nov 24 13:19:36 2022 -0300\", \"change summary\": \"Add Hierarchical Continuous Aggregates validations\", \"change details\": \"Commit 3749953e introduce Hierarchical Continuous Aggregates (aka Continuous Aggregate on top of another Continuous Aggregate) but it lacks of some basic validations. Validations added during the creation of a Hierarchical Continuous Aggregate: * Forbid create a continuous aggregate with fixed-width bucket on top of a continuous aggregate with variable-width bucket. * Forbid incompatible bucket widths: - should not be equal; - bucket width of the new continuous aggregate should be greater than the source continuous aggregate; - bucket width of the new continuous aggregate should be multiple of the source continuous aggregate. \"}', metadata={'id': 'c98d1c00-6c13-11ed-9bbe-23925ce74d13', 'date': '2022-11-24 13:19:36+-500', 'source': '/Users/avtharsewrathan/sideprojects2023/timescaleai/tsv-langchain/langchain/docs/docs/modules/ts_git_log.json', 'seq_num': 446, 'author_name': 'Fabrízio de Royes Mello', 'commit_hash': ' 35c91204987ccb0161d745af1a39b7eb91bc65a5', 'author_email': 'fabriziomello@gmail.com'}),\n", + " Document(page_content='{\"commit\": \" 3749953e9704e45df8f621607989ada0714ce28d\", \"author\": \"Fabr\\\\u00edzio de Royes Mello\", \"date\": \"Wed Oct 5 18:45:40 2022 -0300\", \"change summary\": \"Hierarchical Continuous Aggregates\", \"change details\": \"Enable users create Hierarchical Continuous Aggregates (aka Continuous Aggregates on top of another Continuous Aggregates). With this PR users can create levels of aggregation granularity in Continuous Aggregates making the refresh process even faster. A problem with this feature can be in upper levels we can end up with the \\\\\"average of averages\\\\\". But to get the \\\\\"real average\\\\\" we can rely on \\\\\"stats_aggs\\\\\" TimescaleDB Toolkit function that calculate and store the partials that can be finalized with other toolkit functions like \\\\\"average\\\\\" and \\\\\"sum\\\\\". Closes #1400 \"}', metadata={'id': '0df31a00-44f7-11ed-9794-ebcc1227340f', 'date': '2022-10-5 18:45:40+-500', 'source': '/Users/avtharsewrathan/sideprojects2023/timescaleai/tsv-langchain/langchain/docs/docs/modules/ts_git_log.json', 'seq_num': 470, 'author_name': 'Fabrízio de Royes Mello', 'commit_hash': ' 3749953e9704e45df8f621607989ada0714ce28d', 'author_email': 'fabriziomello@gmail.com'}),\n", + " Document(page_content='{\"commit\": \" a6ff7ba6cc15b280a275e5acd315741ec9c86acc\", \"author\": \"Mats Kindahl\", \"date\": \"Tue Feb 28 12:04:17 2023 +0100\", \"change summary\": \"Rename columns in old-style continuous aggregates\", \"change details\": \"For continuous aggregates with the old-style partial aggregates renaming columns that are not in the group-by clause will generate an error when upgrading to a later version. The reason is that it is implicitly assumed that the name of the column is the same as for the direct view. This holds true for new-style continous aggregates, but is not always true for old-style continuous aggregates. In particular, columns that are not part of the `GROUP BY` clause can have an internally generated name. This commit fixes that by extracting the name of the column from the partial view and use that when renaming the partial view column and the materialized table column. \"}', metadata={'id': 'a49ace80-b757-11ed-8138-2390fd44ffd9', 'date': '2023-02-28 12:04:17+0140', 'source': '/Users/avtharsewrathan/sideprojects2023/timescaleai/tsv-langchain/langchain/docs/docs/modules/ts_git_log.json', 'seq_num': 294, 'author_name': 'Mats Kindahl', 'commit_hash': ' a6ff7ba6cc15b280a275e5acd315741ec9c86acc', 'author_email': 'mats@timescale.com'}),\n", + " Document(page_content='{\"commit\": \" 5bba74a2ec083728f8e93e09d03d102568fd72b5\", \"author\": \"Fabr\\\\u00edzio de Royes Mello\", \"date\": \"Mon Aug 7 19:49:47 2023 -0300\", \"change summary\": \"Relax strong table lock when refreshing a CAGG\", \"change details\": \"When refreshing a Continuous Aggregate we take a table lock on _timescaledb_catalog.continuous_aggs_invalidation_threshold when processing the invalidation logs (the first transaction of the refresh Continuous Aggregate procedure). It means that even two different Continuous Aggregates over two different hypertables will wait each other in the first phase of the refreshing procedure. Also it lead to problems when a pg_dump is running because it take an AccessShareLock on tables so Continuous Aggregate refresh execution will wait until the pg_dump finish. Improved it by relaxing the strong table-level lock to a row-level lock so now the Continuous Aggregate refresh procedure can be executed in multiple sessions with less locks. Fix #3554 \"}', metadata={'id': 'b5583780-3574-11ee-a5ba-2e305874a58f', 'date': '2023-08-7 19:49:47+-500', 'source': '/Users/avtharsewrathan/sideprojects2023/timescaleai/tsv-langchain/langchain/docs/docs/modules/ts_git_log.json', 'seq_num': 27, 'author_name': 'Fabrízio de Royes Mello', 'commit_hash': ' 5bba74a2ec083728f8e93e09d03d102568fd72b5', 'author_email': 'fabriziomello@gmail.com'})]" ] }, "execution_count": 51, @@ -1343,10 +1343,10 @@ { "data": { "text/plain": [ - "[Document(page_content='{\"commit\": \" e2e7ae304521b74ac6b3f157a207da047d44ab06\", \"author\": \"Sven Klemm\", \"date\": \"Fri Mar 3 11:22:06 2023 +0100\", \"change summary\": \"Don\\'t run sanitizer test on individual PRs\", \"change details\": \"Sanitizer tests take a long time to run so we don\\'t want to run them on individual PRs but instead run them nightly and on commits to master. \"}', metadata={'id': '3f401b00-b9ad-11ed-b5ea-a3fd40b9ac16', 'date': '2023-03-3 11:22:06+0140', 'source': '/Users/avtharsewrathan/sideprojects2023/timescaleai/tsv-langchain/langchain/docs/docs_skeleton/docs/modules/ts_git_log.json', 'seq_num': 295, 'author_name': 'Sven Klemm', 'commit_hash': ' e2e7ae304521b74ac6b3f157a207da047d44ab06', 'author_email': 'sven@timescale.com'}),\n", - " Document(page_content='{\"commit\": \" d8f19e57a04d17593df5f2c694eae8775faddbc7\", \"author\": \"Sven Klemm\", \"date\": \"Wed Feb 1 08:34:20 2023 +0100\", \"change summary\": \"Bump version of setup-wsl github action\", \"change details\": \"The currently used version pulls in Node.js 12 which is deprecated on github. https://github.blog/changelog/2022-09-22-github-actions-all-actions-will-begin-running-on-node16-instead-of-node12/ \"}', metadata={'id': 'd70de600-a202-11ed-85d6-30b6df240f49', 'date': '2023-02-1 08:34:20+0140', 'source': '/Users/avtharsewrathan/sideprojects2023/timescaleai/tsv-langchain/langchain/docs/docs_skeleton/docs/modules/ts_git_log.json', 'seq_num': 350, 'author_name': 'Sven Klemm', 'commit_hash': ' d8f19e57a04d17593df5f2c694eae8775faddbc7', 'author_email': 'sven@timescale.com'}),\n", - " Document(page_content='{\"commit\": \" 83b13cf6f73a74656dde9cc6ec6cf76740cddd3c\", \"author\": \"Sven Klemm\", \"date\": \"Fri Nov 25 08:27:45 2022 +0100\", \"change summary\": \"Use packaged postgres for sqlsmith and coverity CI\", \"change details\": \"The sqlsmith and coverity workflows used the cache postgres build but could not produce a build by themselves and therefore relied on other workflows to produce the cached binaries. This patch changes those workflows to use normal postgres packages instead of custom built postgres to remove that dependency. \"}', metadata={'id': 'a786ae80-6c92-11ed-bd6c-a57bd3348b97', 'date': '2022-11-25 08:27:45+0140', 'source': '/Users/avtharsewrathan/sideprojects2023/timescaleai/tsv-langchain/langchain/docs/docs_skeleton/docs/modules/ts_git_log.json', 'seq_num': 447, 'author_name': 'Sven Klemm', 'commit_hash': ' 83b13cf6f73a74656dde9cc6ec6cf76740cddd3c', 'author_email': 'sven@timescale.com'}),\n", - " Document(page_content='{\"commit\": \" b1314e63f2ff6151ab5becfb105afa3682286a4d\", \"author\": \"Sven Klemm\", \"date\": \"Thu Dec 22 12:03:35 2022 +0100\", \"change summary\": \"Fix RPM package test for PG15 on centos 7\", \"change details\": \"Installing PG15 on Centos 7 requires the EPEL repository to satisfy the dependencies. \"}', metadata={'id': '477b1d80-81e8-11ed-9c8c-9b5abbd67c98', 'date': '2022-12-22 12:03:35+0140', 'source': '/Users/avtharsewrathan/sideprojects2023/timescaleai/tsv-langchain/langchain/docs/docs_skeleton/docs/modules/ts_git_log.json', 'seq_num': 408, 'author_name': 'Sven Klemm', 'commit_hash': ' b1314e63f2ff6151ab5becfb105afa3682286a4d', 'author_email': 'sven@timescale.com'})]" + "[Document(page_content='{\"commit\": \" e2e7ae304521b74ac6b3f157a207da047d44ab06\", \"author\": \"Sven Klemm\", \"date\": \"Fri Mar 3 11:22:06 2023 +0100\", \"change summary\": \"Don\\'t run sanitizer test on individual PRs\", \"change details\": \"Sanitizer tests take a long time to run so we don\\'t want to run them on individual PRs but instead run them nightly and on commits to master. \"}', metadata={'id': '3f401b00-b9ad-11ed-b5ea-a3fd40b9ac16', 'date': '2023-03-3 11:22:06+0140', 'source': '/Users/avtharsewrathan/sideprojects2023/timescaleai/tsv-langchain/langchain/docs/docs/modules/ts_git_log.json', 'seq_num': 295, 'author_name': 'Sven Klemm', 'commit_hash': ' e2e7ae304521b74ac6b3f157a207da047d44ab06', 'author_email': 'sven@timescale.com'}),\n", + " Document(page_content='{\"commit\": \" d8f19e57a04d17593df5f2c694eae8775faddbc7\", \"author\": \"Sven Klemm\", \"date\": \"Wed Feb 1 08:34:20 2023 +0100\", \"change summary\": \"Bump version of setup-wsl github action\", \"change details\": \"The currently used version pulls in Node.js 12 which is deprecated on github. https://github.blog/changelog/2022-09-22-github-actions-all-actions-will-begin-running-on-node16-instead-of-node12/ \"}', metadata={'id': 'd70de600-a202-11ed-85d6-30b6df240f49', 'date': '2023-02-1 08:34:20+0140', 'source': '/Users/avtharsewrathan/sideprojects2023/timescaleai/tsv-langchain/langchain/docs/docs/modules/ts_git_log.json', 'seq_num': 350, 'author_name': 'Sven Klemm', 'commit_hash': ' d8f19e57a04d17593df5f2c694eae8775faddbc7', 'author_email': 'sven@timescale.com'}),\n", + " Document(page_content='{\"commit\": \" 83b13cf6f73a74656dde9cc6ec6cf76740cddd3c\", \"author\": \"Sven Klemm\", \"date\": \"Fri Nov 25 08:27:45 2022 +0100\", \"change summary\": \"Use packaged postgres for sqlsmith and coverity CI\", \"change details\": \"The sqlsmith and coverity workflows used the cache postgres build but could not produce a build by themselves and therefore relied on other workflows to produce the cached binaries. This patch changes those workflows to use normal postgres packages instead of custom built postgres to remove that dependency. \"}', metadata={'id': 'a786ae80-6c92-11ed-bd6c-a57bd3348b97', 'date': '2022-11-25 08:27:45+0140', 'source': '/Users/avtharsewrathan/sideprojects2023/timescaleai/tsv-langchain/langchain/docs/docs/modules/ts_git_log.json', 'seq_num': 447, 'author_name': 'Sven Klemm', 'commit_hash': ' 83b13cf6f73a74656dde9cc6ec6cf76740cddd3c', 'author_email': 'sven@timescale.com'}),\n", + " Document(page_content='{\"commit\": \" b1314e63f2ff6151ab5becfb105afa3682286a4d\", \"author\": \"Sven Klemm\", \"date\": \"Thu Dec 22 12:03:35 2022 +0100\", \"change summary\": \"Fix RPM package test for PG15 on centos 7\", \"change details\": \"Installing PG15 on Centos 7 requires the EPEL repository to satisfy the dependencies. \"}', metadata={'id': '477b1d80-81e8-11ed-9c8c-9b5abbd67c98', 'date': '2022-12-22 12:03:35+0140', 'source': '/Users/avtharsewrathan/sideprojects2023/timescaleai/tsv-langchain/langchain/docs/docs/modules/ts_git_log.json', 'seq_num': 408, 'author_name': 'Sven Klemm', 'commit_hash': ' b1314e63f2ff6151ab5becfb105afa3682286a4d', 'author_email': 'sven@timescale.com'})]" ] }, "execution_count": 52, @@ -1374,10 +1374,10 @@ { "data": { "text/plain": [ - "[Document(page_content='{\"commit\": \" 04f43335dea11e9c467ee558ad8edfc00c1a45ed\", \"author\": \"Sven Klemm\", \"date\": \"Thu Apr 6 13:00:00 2023 +0200\", \"change summary\": \"Move aggregate support function into _timescaledb_functions\", \"change details\": \"This patch moves the support functions for histogram, first and last into the _timescaledb_functions schema. Since we alter the schema of the existing functions in upgrade scripts and do not change the aggregates this should work completely transparently for any user objects using those aggregates. \"}', metadata={'id': '2cb47800-d46a-11ed-8f0e-2b624245c561', 'date': '2023-04-6 13:00:00+0320', 'source': '/Users/avtharsewrathan/sideprojects2023/timescaleai/tsv-langchain/langchain/docs/docs_skeleton/docs/modules/ts_git_log.json', 'seq_num': 233, 'author_name': 'Sven Klemm', 'commit_hash': ' 04f43335dea11e9c467ee558ad8edfc00c1a45ed', 'author_email': 'sven@timescale.com'}),\n", - " Document(page_content='{\"commit\": \" feef9206facc5c5f506661de4a81d96ef059b095\", \"author\": \"Sven Klemm\", \"date\": \"Fri Mar 31 08:22:57 2023 +0200\", \"change summary\": \"Add _timescaledb_functions schema\", \"change details\": \"Currently internal user objects like chunks and our functions live in the same schema making locking down that schema hard. This patch adds a new schema _timescaledb_functions that is meant to be the schema used for timescaledb internal functions to allow separation of code and chunks or other user objects. \"}', metadata={'id': '7a257680-cf8c-11ed-848c-a515e8687479', 'date': '2023-03-31 08:22:57+0320', 'source': '/Users/avtharsewrathan/sideprojects2023/timescaleai/tsv-langchain/langchain/docs/docs_skeleton/docs/modules/ts_git_log.json', 'seq_num': 239, 'author_name': 'Sven Klemm', 'commit_hash': ' feef9206facc5c5f506661de4a81d96ef059b095', 'author_email': 'sven@timescale.com'}),\n", - " Document(page_content='{\"commit\": \" 0a66bdb8d36a1879246bd652e4c28500c4b951ab\", \"author\": \"Sven Klemm\", \"date\": \"Sun Aug 20 22:47:10 2023 +0200\", \"change summary\": \"Move functions to _timescaledb_functions schema\", \"change details\": \"To increase schema security we do not want to mix our own internal objects with user objects. Since chunks are created in the _timescaledb_internal schema our internal functions should live in a different dedicated schema. This patch make the necessary adjustments for the following functions: - to_unix_microseconds(timestamptz) - to_timestamp(bigint) - to_timestamp_without_timezone(bigint) - to_date(bigint) - to_interval(bigint) - interval_to_usec(interval) - time_to_internal(anyelement) - subtract_integer_from_now(regclass, bigint) \"}', metadata={'id': 'bb99db00-3f9a-11ee-a8dc-0b9c1a5a37c4', 'date': '2023-08-20 22:47:10+0320', 'source': '/Users/avtharsewrathan/sideprojects2023/timescaleai/tsv-langchain/langchain/docs/docs_skeleton/docs/modules/ts_git_log.json', 'seq_num': 41, 'author_name': 'Sven Klemm', 'commit_hash': ' 0a66bdb8d36a1879246bd652e4c28500c4b951ab', 'author_email': 'sven@timescale.com'}),\n", - " Document(page_content='{\"commit\": \" 56ea8b4de93cefc38e002202d8ac96947dcbaa77\", \"author\": \"Sven Klemm\", \"date\": \"Thu Apr 13 13:16:14 2023 +0200\", \"change summary\": \"Move trigger functions to _timescaledb_functions schema\", \"change details\": \"To increase schema security we do not want to mix our own internal objects with user objects. Since chunks are created in the _timescaledb_internal schema our internal functions should live in a different dedicated schema. This patch make the necessary adjustments for our trigger functions. \"}', metadata={'id': '9a255300-d9ec-11ed-988f-7086c8ca463a', 'date': '2023-04-13 13:16:14+0320', 'source': '/Users/avtharsewrathan/sideprojects2023/timescaleai/tsv-langchain/langchain/docs/docs_skeleton/docs/modules/ts_git_log.json', 'seq_num': 44, 'author_name': 'Sven Klemm', 'commit_hash': ' 56ea8b4de93cefc38e002202d8ac96947dcbaa77', 'author_email': 'sven@timescale.com'})]" + "[Document(page_content='{\"commit\": \" 04f43335dea11e9c467ee558ad8edfc00c1a45ed\", \"author\": \"Sven Klemm\", \"date\": \"Thu Apr 6 13:00:00 2023 +0200\", \"change summary\": \"Move aggregate support function into _timescaledb_functions\", \"change details\": \"This patch moves the support functions for histogram, first and last into the _timescaledb_functions schema. Since we alter the schema of the existing functions in upgrade scripts and do not change the aggregates this should work completely transparently for any user objects using those aggregates. \"}', metadata={'id': '2cb47800-d46a-11ed-8f0e-2b624245c561', 'date': '2023-04-6 13:00:00+0320', 'source': '/Users/avtharsewrathan/sideprojects2023/timescaleai/tsv-langchain/langchain/docs/docs/modules/ts_git_log.json', 'seq_num': 233, 'author_name': 'Sven Klemm', 'commit_hash': ' 04f43335dea11e9c467ee558ad8edfc00c1a45ed', 'author_email': 'sven@timescale.com'}),\n", + " Document(page_content='{\"commit\": \" feef9206facc5c5f506661de4a81d96ef059b095\", \"author\": \"Sven Klemm\", \"date\": \"Fri Mar 31 08:22:57 2023 +0200\", \"change summary\": \"Add _timescaledb_functions schema\", \"change details\": \"Currently internal user objects like chunks and our functions live in the same schema making locking down that schema hard. This patch adds a new schema _timescaledb_functions that is meant to be the schema used for timescaledb internal functions to allow separation of code and chunks or other user objects. \"}', metadata={'id': '7a257680-cf8c-11ed-848c-a515e8687479', 'date': '2023-03-31 08:22:57+0320', 'source': '/Users/avtharsewrathan/sideprojects2023/timescaleai/tsv-langchain/langchain/docs/docs/modules/ts_git_log.json', 'seq_num': 239, 'author_name': 'Sven Klemm', 'commit_hash': ' feef9206facc5c5f506661de4a81d96ef059b095', 'author_email': 'sven@timescale.com'}),\n", + " Document(page_content='{\"commit\": \" 0a66bdb8d36a1879246bd652e4c28500c4b951ab\", \"author\": \"Sven Klemm\", \"date\": \"Sun Aug 20 22:47:10 2023 +0200\", \"change summary\": \"Move functions to _timescaledb_functions schema\", \"change details\": \"To increase schema security we do not want to mix our own internal objects with user objects. Since chunks are created in the _timescaledb_internal schema our internal functions should live in a different dedicated schema. This patch make the necessary adjustments for the following functions: - to_unix_microseconds(timestamptz) - to_timestamp(bigint) - to_timestamp_without_timezone(bigint) - to_date(bigint) - to_interval(bigint) - interval_to_usec(interval) - time_to_internal(anyelement) - subtract_integer_from_now(regclass, bigint) \"}', metadata={'id': 'bb99db00-3f9a-11ee-a8dc-0b9c1a5a37c4', 'date': '2023-08-20 22:47:10+0320', 'source': '/Users/avtharsewrathan/sideprojects2023/timescaleai/tsv-langchain/langchain/docs/docs/modules/ts_git_log.json', 'seq_num': 41, 'author_name': 'Sven Klemm', 'commit_hash': ' 0a66bdb8d36a1879246bd652e4c28500c4b951ab', 'author_email': 'sven@timescale.com'}),\n", + " Document(page_content='{\"commit\": \" 56ea8b4de93cefc38e002202d8ac96947dcbaa77\", \"author\": \"Sven Klemm\", \"date\": \"Thu Apr 13 13:16:14 2023 +0200\", \"change summary\": \"Move trigger functions to _timescaledb_functions schema\", \"change details\": \"To increase schema security we do not want to mix our own internal objects with user objects. Since chunks are created in the _timescaledb_internal schema our internal functions should live in a different dedicated schema. This patch make the necessary adjustments for our trigger functions. \"}', metadata={'id': '9a255300-d9ec-11ed-988f-7086c8ca463a', 'date': '2023-04-13 13:16:14+0320', 'source': '/Users/avtharsewrathan/sideprojects2023/timescaleai/tsv-langchain/langchain/docs/docs/modules/ts_git_log.json', 'seq_num': 44, 'author_name': 'Sven Klemm', 'commit_hash': ' 56ea8b4de93cefc38e002202d8ac96947dcbaa77', 'author_email': 'sven@timescale.com'})]" ] }, "execution_count": 53, @@ -1405,10 +1405,10 @@ { "data": { "text/plain": [ - "[Document(page_content='{\"commit\": \" 5cf354e2469ee7e43248bed382a4b49fc7ccfecd\", \"author\": \"Markus Engel\", \"date\": \"Mon Jul 31 11:28:25 2023 +0200\", \"change summary\": \"Fix quoting owners in sql scripts.\", \"change details\": \"When referring to a role from a string type, it must be properly quoted using pg_catalog.quote_ident before it can be casted to regrole. Fixed this, especially in update scripts. \"}', metadata={'id': '99590280-2f84-11ee-915b-5715b2447de4', 'date': '2023-07-31 11:28:25+0320', 'source': '/Users/avtharsewrathan/sideprojects2023/timescaleai/tsv-langchain/langchain/docs/docs_skeleton/docs/modules/ts_git_log.json', 'seq_num': 76, 'author_name': 'Markus Engel', 'commit_hash': ' 5cf354e2469ee7e43248bed382a4b49fc7ccfecd', 'author_email': 'engel@sero-systems.de'}),\n", - " Document(page_content='{\"commit\": \" 88aaf23ae37fe7f47252b87325eb570aa417c607\", \"author\": \"noctarius aka Christoph Engelbert\", \"date\": \"Wed Jul 12 14:53:40 2023 +0200\", \"change summary\": \"Allow Replica Identity (Alter Table) on CAGGs (#5868)\", \"change details\": \"This commit is a follow up of #5515, which added support for ALTER TABLE\\\\r ... REPLICA IDENTITY (FULL | INDEX) on hypertables.\\\\r \\\\r This commit allows the execution against materialized hypertables to\\\\r enable update / delete operations on continuous aggregates when logical\\\\r replication in enabled for them.\"}', metadata={'id': '1fcfa200-20b3-11ee-9a18-370561c7cb1a', 'date': '2023-07-12 14:53:40+0320', 'source': '/Users/avtharsewrathan/sideprojects2023/timescaleai/tsv-langchain/langchain/docs/docs_skeleton/docs/modules/ts_git_log.json', 'seq_num': 96, 'author_name': 'noctarius aka Christoph Engelbert', 'commit_hash': ' 88aaf23ae37fe7f47252b87325eb570aa417c607', 'author_email': 'me@noctarius.com'}),\n", - " Document(page_content='{\"commit\": \" d5268c36fbd23fa2a93c0371998286e8688247bb\", \"author\": \"Alexander Kuzmenkov<36882414+akuzm@users.noreply.github.com>\", \"date\": \"Fri Jul 28 13:35:05 2023 +0200\", \"change summary\": \"Fix SQLSmith workflow\", \"change details\": \"The build was failing because it was picking up the wrong version of Postgres. Remove it. \"}', metadata={'id': 'cc0fba80-2d3a-11ee-ae7d-36dc25cad3b8', 'date': '2023-07-28 13:35:05+0320', 'source': '/Users/avtharsewrathan/sideprojects2023/timescaleai/tsv-langchain/langchain/docs/docs_skeleton/docs/modules/ts_git_log.json', 'seq_num': 82, 'author_name': 'Alexander Kuzmenkov', 'commit_hash': ' d5268c36fbd23fa2a93c0371998286e8688247bb', 'author_email': '36882414+akuzm@users.noreply.github.com'}),\n", - " Document(page_content='{\"commit\": \" 61c288ec5eb966a9b4d8ed90cd026ffc5e3543c9\", \"author\": \"Lakshmi Narayanan Sreethar\", \"date\": \"Tue Jul 25 16:11:35 2023 +0530\", \"change summary\": \"Fix broken CI after PG12 removal\", \"change details\": \"The commit cdea343cc updated the gh_matrix_builder.py script but failed to import PG_LATEST variable into the script thus breaking the CI. Import that variable to fix the CI tests. \"}', metadata={'id': 'd3835980-2ad7-11ee-b98d-c4e3092e076e', 'date': '2023-07-25 16:11:35+0850', 'source': '/Users/avtharsewrathan/sideprojects2023/timescaleai/tsv-langchain/langchain/docs/docs_skeleton/docs/modules/ts_git_log.json', 'seq_num': 84, 'author_name': 'Lakshmi Narayanan Sreethar', 'commit_hash': ' 61c288ec5eb966a9b4d8ed90cd026ffc5e3543c9', 'author_email': 'lakshmi@timescale.com'})]" + "[Document(page_content='{\"commit\": \" 5cf354e2469ee7e43248bed382a4b49fc7ccfecd\", \"author\": \"Markus Engel\", \"date\": \"Mon Jul 31 11:28:25 2023 +0200\", \"change summary\": \"Fix quoting owners in sql scripts.\", \"change details\": \"When referring to a role from a string type, it must be properly quoted using pg_catalog.quote_ident before it can be casted to regrole. Fixed this, especially in update scripts. \"}', metadata={'id': '99590280-2f84-11ee-915b-5715b2447de4', 'date': '2023-07-31 11:28:25+0320', 'source': '/Users/avtharsewrathan/sideprojects2023/timescaleai/tsv-langchain/langchain/docs/docs/modules/ts_git_log.json', 'seq_num': 76, 'author_name': 'Markus Engel', 'commit_hash': ' 5cf354e2469ee7e43248bed382a4b49fc7ccfecd', 'author_email': 'engel@sero-systems.de'}),\n", + " Document(page_content='{\"commit\": \" 88aaf23ae37fe7f47252b87325eb570aa417c607\", \"author\": \"noctarius aka Christoph Engelbert\", \"date\": \"Wed Jul 12 14:53:40 2023 +0200\", \"change summary\": \"Allow Replica Identity (Alter Table) on CAGGs (#5868)\", \"change details\": \"This commit is a follow up of #5515, which added support for ALTER TABLE\\\\r ... REPLICA IDENTITY (FULL | INDEX) on hypertables.\\\\r \\\\r This commit allows the execution against materialized hypertables to\\\\r enable update / delete operations on continuous aggregates when logical\\\\r replication in enabled for them.\"}', metadata={'id': '1fcfa200-20b3-11ee-9a18-370561c7cb1a', 'date': '2023-07-12 14:53:40+0320', 'source': '/Users/avtharsewrathan/sideprojects2023/timescaleai/tsv-langchain/langchain/docs/docs/modules/ts_git_log.json', 'seq_num': 96, 'author_name': 'noctarius aka Christoph Engelbert', 'commit_hash': ' 88aaf23ae37fe7f47252b87325eb570aa417c607', 'author_email': 'me@noctarius.com'}),\n", + " Document(page_content='{\"commit\": \" d5268c36fbd23fa2a93c0371998286e8688247bb\", \"author\": \"Alexander Kuzmenkov<36882414+akuzm@users.noreply.github.com>\", \"date\": \"Fri Jul 28 13:35:05 2023 +0200\", \"change summary\": \"Fix SQLSmith workflow\", \"change details\": \"The build was failing because it was picking up the wrong version of Postgres. Remove it. \"}', metadata={'id': 'cc0fba80-2d3a-11ee-ae7d-36dc25cad3b8', 'date': '2023-07-28 13:35:05+0320', 'source': '/Users/avtharsewrathan/sideprojects2023/timescaleai/tsv-langchain/langchain/docs/docs/modules/ts_git_log.json', 'seq_num': 82, 'author_name': 'Alexander Kuzmenkov', 'commit_hash': ' d5268c36fbd23fa2a93c0371998286e8688247bb', 'author_email': '36882414+akuzm@users.noreply.github.com'}),\n", + " Document(page_content='{\"commit\": \" 61c288ec5eb966a9b4d8ed90cd026ffc5e3543c9\", \"author\": \"Lakshmi Narayanan Sreethar\", \"date\": \"Tue Jul 25 16:11:35 2023 +0530\", \"change summary\": \"Fix broken CI after PG12 removal\", \"change details\": \"The commit cdea343cc updated the gh_matrix_builder.py script but failed to import PG_LATEST variable into the script thus breaking the CI. Import that variable to fix the CI tests. \"}', metadata={'id': 'd3835980-2ad7-11ee-b98d-c4e3092e076e', 'date': '2023-07-25 16:11:35+0850', 'source': '/Users/avtharsewrathan/sideprojects2023/timescaleai/tsv-langchain/langchain/docs/docs/modules/ts_git_log.json', 'seq_num': 84, 'author_name': 'Lakshmi Narayanan Sreethar', 'commit_hash': ' 61c288ec5eb966a9b4d8ed90cd026ffc5e3543c9', 'author_email': 'lakshmi@timescale.com'})]" ] }, "execution_count": 54, @@ -1436,8 +1436,8 @@ { "data": { "text/plain": [ - "[Document(page_content='{\"commit\": \" 35c91204987ccb0161d745af1a39b7eb91bc65a5\", \"author\": \"Fabr\\\\u00edzio de Royes Mello\", \"date\": \"Thu Nov 24 13:19:36 2022 -0300\", \"change summary\": \"Add Hierarchical Continuous Aggregates validations\", \"change details\": \"Commit 3749953e introduce Hierarchical Continuous Aggregates (aka Continuous Aggregate on top of another Continuous Aggregate) but it lacks of some basic validations. Validations added during the creation of a Hierarchical Continuous Aggregate: * Forbid create a continuous aggregate with fixed-width bucket on top of a continuous aggregate with variable-width bucket. * Forbid incompatible bucket widths: - should not be equal; - bucket width of the new continuous aggregate should be greater than the source continuous aggregate; - bucket width of the new continuous aggregate should be multiple of the source continuous aggregate. \"}', metadata={'id': 'c98d1c00-6c13-11ed-9bbe-23925ce74d13', 'date': '2022-11-24 13:19:36+-500', 'source': '/Users/avtharsewrathan/sideprojects2023/timescaleai/tsv-langchain/langchain/docs/docs_skeleton/docs/modules/ts_git_log.json', 'seq_num': 446, 'author_name': 'Fabrízio de Royes Mello', 'commit_hash': ' 35c91204987ccb0161d745af1a39b7eb91bc65a5', 'author_email': 'fabriziomello@gmail.com'}),\n", - " Document(page_content='{\"commit\": \" 3749953e9704e45df8f621607989ada0714ce28d\", \"author\": \"Fabr\\\\u00edzio de Royes Mello\", \"date\": \"Wed Oct 5 18:45:40 2022 -0300\", \"change summary\": \"Hierarchical Continuous Aggregates\", \"change details\": \"Enable users create Hierarchical Continuous Aggregates (aka Continuous Aggregates on top of another Continuous Aggregates). With this PR users can create levels of aggregation granularity in Continuous Aggregates making the refresh process even faster. A problem with this feature can be in upper levels we can end up with the \\\\\"average of averages\\\\\". But to get the \\\\\"real average\\\\\" we can rely on \\\\\"stats_aggs\\\\\" TimescaleDB Toolkit function that calculate and store the partials that can be finalized with other toolkit functions like \\\\\"average\\\\\" and \\\\\"sum\\\\\". Closes #1400 \"}', metadata={'id': '0df31a00-44f7-11ed-9794-ebcc1227340f', 'date': '2022-10-5 18:45:40+-500', 'source': '/Users/avtharsewrathan/sideprojects2023/timescaleai/tsv-langchain/langchain/docs/docs_skeleton/docs/modules/ts_git_log.json', 'seq_num': 470, 'author_name': 'Fabrízio de Royes Mello', 'commit_hash': ' 3749953e9704e45df8f621607989ada0714ce28d', 'author_email': 'fabriziomello@gmail.com'})]" + "[Document(page_content='{\"commit\": \" 35c91204987ccb0161d745af1a39b7eb91bc65a5\", \"author\": \"Fabr\\\\u00edzio de Royes Mello\", \"date\": \"Thu Nov 24 13:19:36 2022 -0300\", \"change summary\": \"Add Hierarchical Continuous Aggregates validations\", \"change details\": \"Commit 3749953e introduce Hierarchical Continuous Aggregates (aka Continuous Aggregate on top of another Continuous Aggregate) but it lacks of some basic validations. Validations added during the creation of a Hierarchical Continuous Aggregate: * Forbid create a continuous aggregate with fixed-width bucket on top of a continuous aggregate with variable-width bucket. * Forbid incompatible bucket widths: - should not be equal; - bucket width of the new continuous aggregate should be greater than the source continuous aggregate; - bucket width of the new continuous aggregate should be multiple of the source continuous aggregate. \"}', metadata={'id': 'c98d1c00-6c13-11ed-9bbe-23925ce74d13', 'date': '2022-11-24 13:19:36+-500', 'source': '/Users/avtharsewrathan/sideprojects2023/timescaleai/tsv-langchain/langchain/docs/docs/modules/ts_git_log.json', 'seq_num': 446, 'author_name': 'Fabrízio de Royes Mello', 'commit_hash': ' 35c91204987ccb0161d745af1a39b7eb91bc65a5', 'author_email': 'fabriziomello@gmail.com'}),\n", + " Document(page_content='{\"commit\": \" 3749953e9704e45df8f621607989ada0714ce28d\", \"author\": \"Fabr\\\\u00edzio de Royes Mello\", \"date\": \"Wed Oct 5 18:45:40 2022 -0300\", \"change summary\": \"Hierarchical Continuous Aggregates\", \"change details\": \"Enable users create Hierarchical Continuous Aggregates (aka Continuous Aggregates on top of another Continuous Aggregates). With this PR users can create levels of aggregation granularity in Continuous Aggregates making the refresh process even faster. A problem with this feature can be in upper levels we can end up with the \\\\\"average of averages\\\\\". But to get the \\\\\"real average\\\\\" we can rely on \\\\\"stats_aggs\\\\\" TimescaleDB Toolkit function that calculate and store the partials that can be finalized with other toolkit functions like \\\\\"average\\\\\" and \\\\\"sum\\\\\". Closes #1400 \"}', metadata={'id': '0df31a00-44f7-11ed-9794-ebcc1227340f', 'date': '2022-10-5 18:45:40+-500', 'source': '/Users/avtharsewrathan/sideprojects2023/timescaleai/tsv-langchain/langchain/docs/docs/modules/ts_git_log.json', 'seq_num': 470, 'author_name': 'Fabrízio de Royes Mello', 'commit_hash': ' 3749953e9704e45df8f621607989ada0714ce28d', 'author_email': 'fabriziomello@gmail.com'})]" ] }, "execution_count": 55, @@ -1550,7 +1550,7 @@ { "data": { "text/plain": [ - "(Document(page_content='{\"commit\": \" 00b566dfe478c11134bcf1e7bcf38943e7fafe8f\", \"author\": \"Fabr\\\\u00edzio de Royes Mello\", \"date\": \"Mon Mar 6 15:51:03 2023 -0300\", \"change summary\": \"Remove unused functions\", \"change details\": \"We don\\'t use `ts_catalog_delete[_only]` functions anywhere and instead we rely on `ts_catalog_delete_tid[_only]` functions so removing it from our code base. \"}', metadata={'id': 'd7f5c580-bc4f-11ed-9712-ffa0126a201a', 'date': '2023-03-6 15:51:03+-500', 'source': '/Users/avtharsewrathan/sideprojects2023/timescaleai/tsv-langchain/langchain/docs/docs_skeleton/docs/modules/ts_git_log.json', 'seq_num': 285, 'author_name': 'Fabrízio de Royes Mello', 'commit_hash': ' 00b566dfe478c11134bcf1e7bcf38943e7fafe8f', 'author_email': 'fabriziomello@gmail.com'}),\n", + "(Document(page_content='{\"commit\": \" 00b566dfe478c11134bcf1e7bcf38943e7fafe8f\", \"author\": \"Fabr\\\\u00edzio de Royes Mello\", \"date\": \"Mon Mar 6 15:51:03 2023 -0300\", \"change summary\": \"Remove unused functions\", \"change details\": \"We don\\'t use `ts_catalog_delete[_only]` functions anywhere and instead we rely on `ts_catalog_delete_tid[_only]` functions so removing it from our code base. \"}', metadata={'id': 'd7f5c580-bc4f-11ed-9712-ffa0126a201a', 'date': '2023-03-6 15:51:03+-500', 'source': '/Users/avtharsewrathan/sideprojects2023/timescaleai/tsv-langchain/langchain/docs/docs/modules/ts_git_log.json', 'seq_num': 285, 'author_name': 'Fabrízio de Royes Mello', 'commit_hash': ' 00b566dfe478c11134bcf1e7bcf38943e7fafe8f', 'author_email': 'fabriziomello@gmail.com'}),\n", " 0.23607668446580354)" ] }, diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/typesense.ipynb b/docs/docs/integrations/vectorstores/typesense.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/typesense.ipynb rename to docs/docs/integrations/vectorstores/typesense.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/usearch.ipynb b/docs/docs/integrations/vectorstores/usearch.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/usearch.ipynb rename to docs/docs/integrations/vectorstores/usearch.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/vald.ipynb b/docs/docs/integrations/vectorstores/vald.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/vald.ipynb rename to docs/docs/integrations/vectorstores/vald.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/vearch.ipynb b/docs/docs/integrations/vectorstores/vearch.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/vearch.ipynb rename to docs/docs/integrations/vectorstores/vearch.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/vectara.ipynb b/docs/docs/integrations/vectorstores/vectara.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/vectara.ipynb rename to docs/docs/integrations/vectorstores/vectara.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/vespa.ipynb b/docs/docs/integrations/vectorstores/vespa.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/vespa.ipynb rename to docs/docs/integrations/vectorstores/vespa.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/weaviate.ipynb b/docs/docs/integrations/vectorstores/weaviate.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/weaviate.ipynb rename to docs/docs/integrations/vectorstores/weaviate.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/xata.ipynb b/docs/docs/integrations/vectorstores/xata.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/xata.ipynb rename to docs/docs/integrations/vectorstores/xata.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/zep.ipynb b/docs/docs/integrations/vectorstores/zep.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/zep.ipynb rename to docs/docs/integrations/vectorstores/zep.ipynb diff --git a/docs/docs_skeleton/docs/integrations/vectorstores/zilliz.ipynb b/docs/docs/integrations/vectorstores/zilliz.ipynb similarity index 100% rename from docs/docs_skeleton/docs/integrations/vectorstores/zilliz.ipynb rename to docs/docs/integrations/vectorstores/zilliz.ipynb diff --git a/docs/docs_skeleton/docs/modules/agents/agent_types/chat_conversation_agent.ipynb b/docs/docs/modules/agents/agent_types/chat_conversation_agent.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/agent_types/chat_conversation_agent.ipynb rename to docs/docs/modules/agents/agent_types/chat_conversation_agent.ipynb diff --git a/docs/docs_skeleton/docs/modules/agents/agent_types/index.mdx b/docs/docs/modules/agents/agent_types/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/agent_types/index.mdx rename to docs/docs/modules/agents/agent_types/index.mdx diff --git a/docs/docs_skeleton/docs/modules/agents/agent_types/openai_functions_agent.ipynb b/docs/docs/modules/agents/agent_types/openai_functions_agent.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/agent_types/openai_functions_agent.ipynb rename to docs/docs/modules/agents/agent_types/openai_functions_agent.ipynb diff --git a/docs/docs_skeleton/docs/modules/agents/agent_types/openai_multi_functions_agent.ipynb b/docs/docs/modules/agents/agent_types/openai_multi_functions_agent.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/agent_types/openai_multi_functions_agent.ipynb rename to docs/docs/modules/agents/agent_types/openai_multi_functions_agent.ipynb diff --git a/docs/docs_skeleton/docs/modules/agents/agent_types/react.ipynb b/docs/docs/modules/agents/agent_types/react.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/agent_types/react.ipynb rename to docs/docs/modules/agents/agent_types/react.ipynb diff --git a/docs/docs_skeleton/docs/modules/agents/agent_types/react_docstore.ipynb b/docs/docs/modules/agents/agent_types/react_docstore.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/agent_types/react_docstore.ipynb rename to docs/docs/modules/agents/agent_types/react_docstore.ipynb diff --git a/docs/docs_skeleton/docs/modules/agents/agent_types/self_ask_with_search.ipynb b/docs/docs/modules/agents/agent_types/self_ask_with_search.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/agent_types/self_ask_with_search.ipynb rename to docs/docs/modules/agents/agent_types/self_ask_with_search.ipynb diff --git a/docs/docs_skeleton/docs/modules/agents/agent_types/structured_chat.ipynb b/docs/docs/modules/agents/agent_types/structured_chat.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/agent_types/structured_chat.ipynb rename to docs/docs/modules/agents/agent_types/structured_chat.ipynb diff --git a/docs/docs_skeleton/docs/modules/agents/agent_types/xml_agent.ipynb b/docs/docs/modules/agents/agent_types/xml_agent.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/agent_types/xml_agent.ipynb rename to docs/docs/modules/agents/agent_types/xml_agent.ipynb diff --git a/docs/docs_skeleton/docs/modules/agents/how_to/_category_.yml b/docs/docs/modules/agents/how_to/_category_.yml similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/how_to/_category_.yml rename to docs/docs/modules/agents/how_to/_category_.yml diff --git a/docs/docs_skeleton/docs/modules/agents/how_to/add_memory_openai_functions.ipynb b/docs/docs/modules/agents/how_to/add_memory_openai_functions.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/how_to/add_memory_openai_functions.ipynb rename to docs/docs/modules/agents/how_to/add_memory_openai_functions.ipynb diff --git a/docs/docs_skeleton/docs/modules/agents/how_to/agent_iter.ipynb b/docs/docs/modules/agents/how_to/agent_iter.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/how_to/agent_iter.ipynb rename to docs/docs/modules/agents/how_to/agent_iter.ipynb diff --git a/docs/docs_skeleton/docs/modules/agents/how_to/agent_structured.ipynb b/docs/docs/modules/agents/how_to/agent_structured.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/how_to/agent_structured.ipynb rename to docs/docs/modules/agents/how_to/agent_structured.ipynb diff --git a/docs/docs_skeleton/docs/modules/agents/how_to/agent_vectorstore.ipynb b/docs/docs/modules/agents/how_to/agent_vectorstore.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/how_to/agent_vectorstore.ipynb rename to docs/docs/modules/agents/how_to/agent_vectorstore.ipynb diff --git a/docs/docs_skeleton/docs/modules/agents/how_to/async_agent.ipynb b/docs/docs/modules/agents/how_to/async_agent.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/how_to/async_agent.ipynb rename to docs/docs/modules/agents/how_to/async_agent.ipynb diff --git a/docs/docs_skeleton/docs/modules/agents/how_to/chatgpt_clone.ipynb b/docs/docs/modules/agents/how_to/chatgpt_clone.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/how_to/chatgpt_clone.ipynb rename to docs/docs/modules/agents/how_to/chatgpt_clone.ipynb diff --git a/docs/docs_skeleton/docs/modules/agents/how_to/custom-functions-with-openai-functions-agent.ipynb b/docs/docs/modules/agents/how_to/custom-functions-with-openai-functions-agent.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/how_to/custom-functions-with-openai-functions-agent.ipynb rename to docs/docs/modules/agents/how_to/custom-functions-with-openai-functions-agent.ipynb diff --git a/docs/docs_skeleton/docs/modules/agents/how_to/custom_agent.ipynb b/docs/docs/modules/agents/how_to/custom_agent.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/how_to/custom_agent.ipynb rename to docs/docs/modules/agents/how_to/custom_agent.ipynb diff --git a/docs/docs_skeleton/docs/modules/agents/how_to/custom_agent_with_tool_retrieval.ipynb b/docs/docs/modules/agents/how_to/custom_agent_with_tool_retrieval.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/how_to/custom_agent_with_tool_retrieval.ipynb rename to docs/docs/modules/agents/how_to/custom_agent_with_tool_retrieval.ipynb diff --git a/docs/docs_skeleton/docs/modules/agents/how_to/custom_llm_agent.mdx b/docs/docs/modules/agents/how_to/custom_llm_agent.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/how_to/custom_llm_agent.mdx rename to docs/docs/modules/agents/how_to/custom_llm_agent.mdx diff --git a/docs/docs_skeleton/docs/modules/agents/how_to/custom_llm_chat_agent.mdx b/docs/docs/modules/agents/how_to/custom_llm_chat_agent.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/how_to/custom_llm_chat_agent.mdx rename to docs/docs/modules/agents/how_to/custom_llm_chat_agent.mdx diff --git a/docs/docs_skeleton/docs/modules/agents/how_to/custom_mrkl_agent.ipynb b/docs/docs/modules/agents/how_to/custom_mrkl_agent.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/how_to/custom_mrkl_agent.ipynb rename to docs/docs/modules/agents/how_to/custom_mrkl_agent.ipynb diff --git a/docs/docs_skeleton/docs/modules/agents/how_to/custom_multi_action_agent.ipynb b/docs/docs/modules/agents/how_to/custom_multi_action_agent.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/how_to/custom_multi_action_agent.ipynb rename to docs/docs/modules/agents/how_to/custom_multi_action_agent.ipynb diff --git a/docs/docs_skeleton/docs/modules/agents/how_to/handle_parsing_errors.ipynb b/docs/docs/modules/agents/how_to/handle_parsing_errors.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/how_to/handle_parsing_errors.ipynb rename to docs/docs/modules/agents/how_to/handle_parsing_errors.ipynb diff --git a/docs/docs_skeleton/docs/modules/agents/how_to/intermediate_steps.ipynb b/docs/docs/modules/agents/how_to/intermediate_steps.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/how_to/intermediate_steps.ipynb rename to docs/docs/modules/agents/how_to/intermediate_steps.ipynb diff --git a/docs/docs_skeleton/docs/modules/agents/how_to/max_iterations.ipynb b/docs/docs/modules/agents/how_to/max_iterations.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/how_to/max_iterations.ipynb rename to docs/docs/modules/agents/how_to/max_iterations.ipynb diff --git a/docs/docs_skeleton/docs/modules/agents/how_to/max_time_limit.ipynb b/docs/docs/modules/agents/how_to/max_time_limit.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/how_to/max_time_limit.ipynb rename to docs/docs/modules/agents/how_to/max_time_limit.ipynb diff --git a/docs/docs_skeleton/docs/modules/agents/how_to/mrkl.mdx b/docs/docs/modules/agents/how_to/mrkl.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/how_to/mrkl.mdx rename to docs/docs/modules/agents/how_to/mrkl.mdx diff --git a/docs/docs_skeleton/docs/modules/agents/how_to/sharedmemory_for_tools.ipynb b/docs/docs/modules/agents/how_to/sharedmemory_for_tools.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/how_to/sharedmemory_for_tools.ipynb rename to docs/docs/modules/agents/how_to/sharedmemory_for_tools.ipynb diff --git a/docs/docs_skeleton/docs/modules/agents/how_to/streaming_stdout_final_only.ipynb b/docs/docs/modules/agents/how_to/streaming_stdout_final_only.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/how_to/streaming_stdout_final_only.ipynb rename to docs/docs/modules/agents/how_to/streaming_stdout_final_only.ipynb diff --git a/docs/docs_skeleton/docs/modules/agents/how_to/use_toolkits_with_openai_functions.ipynb b/docs/docs/modules/agents/how_to/use_toolkits_with_openai_functions.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/how_to/use_toolkits_with_openai_functions.ipynb rename to docs/docs/modules/agents/how_to/use_toolkits_with_openai_functions.ipynb diff --git a/docs/docs_skeleton/docs/modules/agents/index.mdx b/docs/docs/modules/agents/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/index.mdx rename to docs/docs/modules/agents/index.mdx diff --git a/docs/docs_skeleton/docs/modules/agents/toolkits/index.mdx b/docs/docs/modules/agents/toolkits/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/toolkits/index.mdx rename to docs/docs/modules/agents/toolkits/index.mdx diff --git a/docs/docs_skeleton/docs/modules/agents/tools/custom_tools.ipynb b/docs/docs/modules/agents/tools/custom_tools.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/tools/custom_tools.ipynb rename to docs/docs/modules/agents/tools/custom_tools.ipynb diff --git a/docs/docs_skeleton/docs/modules/agents/tools/human_approval.ipynb b/docs/docs/modules/agents/tools/human_approval.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/tools/human_approval.ipynb rename to docs/docs/modules/agents/tools/human_approval.ipynb diff --git a/docs/docs_skeleton/docs/modules/agents/tools/index.mdx b/docs/docs/modules/agents/tools/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/tools/index.mdx rename to docs/docs/modules/agents/tools/index.mdx diff --git a/docs/docs_skeleton/docs/modules/agents/tools/multi_input_tool.ipynb b/docs/docs/modules/agents/tools/multi_input_tool.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/tools/multi_input_tool.ipynb rename to docs/docs/modules/agents/tools/multi_input_tool.ipynb diff --git a/docs/docs_skeleton/docs/modules/agents/tools/tool_input_validation.ipynb b/docs/docs/modules/agents/tools/tool_input_validation.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/tools/tool_input_validation.ipynb rename to docs/docs/modules/agents/tools/tool_input_validation.ipynb diff --git a/docs/docs_skeleton/docs/modules/agents/tools/tools_as_openai_functions.ipynb b/docs/docs/modules/agents/tools/tools_as_openai_functions.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/agents/tools/tools_as_openai_functions.ipynb rename to docs/docs/modules/agents/tools/tools_as_openai_functions.ipynb diff --git a/docs/docs_skeleton/docs/modules/callbacks/async_callbacks.ipynb b/docs/docs/modules/callbacks/async_callbacks.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/callbacks/async_callbacks.ipynb rename to docs/docs/modules/callbacks/async_callbacks.ipynb diff --git a/docs/docs_skeleton/docs/modules/callbacks/custom_callbacks.ipynb b/docs/docs/modules/callbacks/custom_callbacks.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/callbacks/custom_callbacks.ipynb rename to docs/docs/modules/callbacks/custom_callbacks.ipynb diff --git a/docs/docs_skeleton/docs/modules/callbacks/custom_chain.mdx b/docs/docs/modules/callbacks/custom_chain.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/callbacks/custom_chain.mdx rename to docs/docs/modules/callbacks/custom_chain.mdx diff --git a/docs/docs_skeleton/docs/modules/callbacks/filecallbackhandler.ipynb b/docs/docs/modules/callbacks/filecallbackhandler.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/callbacks/filecallbackhandler.ipynb rename to docs/docs/modules/callbacks/filecallbackhandler.ipynb diff --git a/docs/docs_skeleton/docs/modules/callbacks/index.mdx b/docs/docs/modules/callbacks/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/callbacks/index.mdx rename to docs/docs/modules/callbacks/index.mdx diff --git a/docs/docs_skeleton/docs/modules/callbacks/multiple_callbacks.ipynb b/docs/docs/modules/callbacks/multiple_callbacks.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/callbacks/multiple_callbacks.ipynb rename to docs/docs/modules/callbacks/multiple_callbacks.ipynb diff --git a/docs/docs_skeleton/docs/modules/callbacks/tags.mdx b/docs/docs/modules/callbacks/tags.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/callbacks/tags.mdx rename to docs/docs/modules/callbacks/tags.mdx diff --git a/docs/docs_skeleton/docs/modules/callbacks/token_counting.ipynb b/docs/docs/modules/callbacks/token_counting.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/callbacks/token_counting.ipynb rename to docs/docs/modules/callbacks/token_counting.ipynb diff --git a/docs/docs_skeleton/docs/modules/chains/document/index.mdx b/docs/docs/modules/chains/document/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/chains/document/index.mdx rename to docs/docs/modules/chains/document/index.mdx diff --git a/docs/docs_skeleton/docs/modules/chains/document/map_reduce.mdx b/docs/docs/modules/chains/document/map_reduce.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/chains/document/map_reduce.mdx rename to docs/docs/modules/chains/document/map_reduce.mdx diff --git a/docs/docs_skeleton/docs/modules/chains/document/map_rerank.mdx b/docs/docs/modules/chains/document/map_rerank.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/chains/document/map_rerank.mdx rename to docs/docs/modules/chains/document/map_rerank.mdx diff --git a/docs/docs_skeleton/docs/modules/chains/document/refine.mdx b/docs/docs/modules/chains/document/refine.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/chains/document/refine.mdx rename to docs/docs/modules/chains/document/refine.mdx diff --git a/docs/docs_skeleton/docs/modules/chains/document/stuff.mdx b/docs/docs/modules/chains/document/stuff.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/chains/document/stuff.mdx rename to docs/docs/modules/chains/document/stuff.mdx diff --git a/docs/docs_skeleton/docs/modules/chains/foundational/index.mdx b/docs/docs/modules/chains/foundational/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/chains/foundational/index.mdx rename to docs/docs/modules/chains/foundational/index.mdx diff --git a/docs/docs_skeleton/docs/modules/chains/foundational/llm_chain.mdx b/docs/docs/modules/chains/foundational/llm_chain.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/chains/foundational/llm_chain.mdx rename to docs/docs/modules/chains/foundational/llm_chain.mdx diff --git a/docs/docs_skeleton/docs/modules/chains/foundational/router.ipynb b/docs/docs/modules/chains/foundational/router.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/chains/foundational/router.ipynb rename to docs/docs/modules/chains/foundational/router.ipynb diff --git a/docs/docs_skeleton/docs/modules/chains/foundational/sequential_chains.mdx b/docs/docs/modules/chains/foundational/sequential_chains.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/chains/foundational/sequential_chains.mdx rename to docs/docs/modules/chains/foundational/sequential_chains.mdx diff --git a/docs/docs_skeleton/docs/modules/chains/foundational/transformation.ipynb b/docs/docs/modules/chains/foundational/transformation.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/chains/foundational/transformation.ipynb rename to docs/docs/modules/chains/foundational/transformation.ipynb diff --git a/docs/docs_skeleton/docs/modules/chains/how_to/async_chain.ipynb b/docs/docs/modules/chains/how_to/async_chain.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/chains/how_to/async_chain.ipynb rename to docs/docs/modules/chains/how_to/async_chain.ipynb diff --git a/docs/docs_skeleton/docs/modules/chains/how_to/call_methods.ipynb b/docs/docs/modules/chains/how_to/call_methods.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/chains/how_to/call_methods.ipynb rename to docs/docs/modules/chains/how_to/call_methods.ipynb diff --git a/docs/docs_skeleton/docs/modules/chains/how_to/custom_chain.ipynb b/docs/docs/modules/chains/how_to/custom_chain.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/chains/how_to/custom_chain.ipynb rename to docs/docs/modules/chains/how_to/custom_chain.ipynb diff --git a/docs/docs_skeleton/docs/modules/chains/how_to/debugging.mdx b/docs/docs/modules/chains/how_to/debugging.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/chains/how_to/debugging.mdx rename to docs/docs/modules/chains/how_to/debugging.mdx diff --git a/docs/docs_skeleton/docs/modules/chains/how_to/from_hub.ipynb b/docs/docs/modules/chains/how_to/from_hub.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/chains/how_to/from_hub.ipynb rename to docs/docs/modules/chains/how_to/from_hub.ipynb diff --git a/docs/docs_skeleton/docs/modules/chains/how_to/index.mdx b/docs/docs/modules/chains/how_to/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/chains/how_to/index.mdx rename to docs/docs/modules/chains/how_to/index.mdx diff --git a/docs/docs_skeleton/docs/modules/chains/how_to/llm.json b/docs/docs/modules/chains/how_to/llm.json similarity index 100% rename from docs/docs_skeleton/docs/modules/chains/how_to/llm.json rename to docs/docs/modules/chains/how_to/llm.json diff --git a/docs/docs_skeleton/docs/modules/chains/how_to/llm_chain.json b/docs/docs/modules/chains/how_to/llm_chain.json similarity index 100% rename from docs/docs_skeleton/docs/modules/chains/how_to/llm_chain.json rename to docs/docs/modules/chains/how_to/llm_chain.json diff --git a/docs/docs_skeleton/docs/modules/chains/how_to/llm_chain_separate.json b/docs/docs/modules/chains/how_to/llm_chain_separate.json similarity index 100% rename from docs/docs_skeleton/docs/modules/chains/how_to/llm_chain_separate.json rename to docs/docs/modules/chains/how_to/llm_chain_separate.json diff --git a/docs/docs_skeleton/docs/modules/chains/how_to/memory.mdx b/docs/docs/modules/chains/how_to/memory.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/chains/how_to/memory.mdx rename to docs/docs/modules/chains/how_to/memory.mdx diff --git a/docs/docs_skeleton/docs/modules/chains/how_to/openai_functions.ipynb b/docs/docs/modules/chains/how_to/openai_functions.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/chains/how_to/openai_functions.ipynb rename to docs/docs/modules/chains/how_to/openai_functions.ipynb diff --git a/docs/docs_skeleton/docs/modules/chains/how_to/prompt.json b/docs/docs/modules/chains/how_to/prompt.json similarity index 100% rename from docs/docs_skeleton/docs/modules/chains/how_to/prompt.json rename to docs/docs/modules/chains/how_to/prompt.json diff --git a/docs/docs_skeleton/docs/modules/chains/how_to/serialization.ipynb b/docs/docs/modules/chains/how_to/serialization.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/chains/how_to/serialization.ipynb rename to docs/docs/modules/chains/how_to/serialization.ipynb diff --git a/docs/docs_skeleton/docs/modules/chains/index.mdx b/docs/docs/modules/chains/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/chains/index.mdx rename to docs/docs/modules/chains/index.mdx diff --git a/docs/docs_skeleton/docs/modules/data_connection/document_loaders/csv.mdx b/docs/docs/modules/data_connection/document_loaders/csv.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/document_loaders/csv.mdx rename to docs/docs/modules/data_connection/document_loaders/csv.mdx diff --git a/docs/docs_skeleton/docs/modules/data_connection/document_loaders/file_directory.mdx b/docs/docs/modules/data_connection/document_loaders/file_directory.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/document_loaders/file_directory.mdx rename to docs/docs/modules/data_connection/document_loaders/file_directory.mdx diff --git a/docs/docs_skeleton/docs/modules/data_connection/document_loaders/html.mdx b/docs/docs/modules/data_connection/document_loaders/html.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/document_loaders/html.mdx rename to docs/docs/modules/data_connection/document_loaders/html.mdx diff --git a/docs/docs_skeleton/docs/modules/data_connection/document_loaders/index.mdx b/docs/docs/modules/data_connection/document_loaders/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/document_loaders/index.mdx rename to docs/docs/modules/data_connection/document_loaders/index.mdx diff --git a/docs/docs_skeleton/docs/modules/data_connection/document_loaders/json.mdx b/docs/docs/modules/data_connection/document_loaders/json.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/document_loaders/json.mdx rename to docs/docs/modules/data_connection/document_loaders/json.mdx diff --git a/docs/docs_skeleton/docs/modules/data_connection/document_loaders/markdown.mdx b/docs/docs/modules/data_connection/document_loaders/markdown.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/document_loaders/markdown.mdx rename to docs/docs/modules/data_connection/document_loaders/markdown.mdx diff --git a/docs/docs_skeleton/docs/modules/data_connection/document_loaders/pdf.mdx b/docs/docs/modules/data_connection/document_loaders/pdf.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/document_loaders/pdf.mdx rename to docs/docs/modules/data_connection/document_loaders/pdf.mdx diff --git a/docs/docs_skeleton/docs/modules/data_connection/document_transformers/index.mdx b/docs/docs/modules/data_connection/document_transformers/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/document_transformers/index.mdx rename to docs/docs/modules/data_connection/document_transformers/index.mdx diff --git a/docs/docs_skeleton/docs/modules/data_connection/document_transformers/post_retrieval/_category_.yml b/docs/docs/modules/data_connection/document_transformers/post_retrieval/_category_.yml similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/document_transformers/post_retrieval/_category_.yml rename to docs/docs/modules/data_connection/document_transformers/post_retrieval/_category_.yml diff --git a/docs/docs_skeleton/docs/modules/data_connection/document_transformers/post_retrieval/long_context_reorder.ipynb b/docs/docs/modules/data_connection/document_transformers/post_retrieval/long_context_reorder.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/document_transformers/post_retrieval/long_context_reorder.ipynb rename to docs/docs/modules/data_connection/document_transformers/post_retrieval/long_context_reorder.ipynb diff --git a/docs/docs_skeleton/docs/modules/data_connection/document_transformers/text_splitters/HTML_header_metadata.ipynb b/docs/docs/modules/data_connection/document_transformers/text_splitters/HTML_header_metadata.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/document_transformers/text_splitters/HTML_header_metadata.ipynb rename to docs/docs/modules/data_connection/document_transformers/text_splitters/HTML_header_metadata.ipynb diff --git a/docs/docs_skeleton/docs/modules/data_connection/document_transformers/text_splitters/_category_.yml b/docs/docs/modules/data_connection/document_transformers/text_splitters/_category_.yml similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/document_transformers/text_splitters/_category_.yml rename to docs/docs/modules/data_connection/document_transformers/text_splitters/_category_.yml diff --git a/docs/docs_skeleton/docs/modules/data_connection/document_transformers/text_splitters/character_text_splitter.mdx b/docs/docs/modules/data_connection/document_transformers/text_splitters/character_text_splitter.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/document_transformers/text_splitters/character_text_splitter.mdx rename to docs/docs/modules/data_connection/document_transformers/text_splitters/character_text_splitter.mdx diff --git a/docs/docs_skeleton/docs/modules/data_connection/document_transformers/text_splitters/code_splitter.mdx b/docs/docs/modules/data_connection/document_transformers/text_splitters/code_splitter.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/document_transformers/text_splitters/code_splitter.mdx rename to docs/docs/modules/data_connection/document_transformers/text_splitters/code_splitter.mdx diff --git a/docs/docs_skeleton/docs/modules/data_connection/document_transformers/text_splitters/markdown_header_metadata.ipynb b/docs/docs/modules/data_connection/document_transformers/text_splitters/markdown_header_metadata.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/document_transformers/text_splitters/markdown_header_metadata.ipynb rename to docs/docs/modules/data_connection/document_transformers/text_splitters/markdown_header_metadata.ipynb diff --git a/docs/docs_skeleton/docs/modules/data_connection/document_transformers/text_splitters/recursive_text_splitter.mdx b/docs/docs/modules/data_connection/document_transformers/text_splitters/recursive_text_splitter.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/document_transformers/text_splitters/recursive_text_splitter.mdx rename to docs/docs/modules/data_connection/document_transformers/text_splitters/recursive_text_splitter.mdx diff --git a/docs/docs_skeleton/docs/modules/data_connection/document_transformers/text_splitters/split_by_token.ipynb b/docs/docs/modules/data_connection/document_transformers/text_splitters/split_by_token.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/document_transformers/text_splitters/split_by_token.ipynb rename to docs/docs/modules/data_connection/document_transformers/text_splitters/split_by_token.ipynb diff --git a/docs/docs_skeleton/docs/modules/data_connection/index.mdx b/docs/docs/modules/data_connection/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/index.mdx rename to docs/docs/modules/data_connection/index.mdx diff --git a/docs/docs_skeleton/docs/modules/data_connection/indexing.ipynb b/docs/docs/modules/data_connection/indexing.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/indexing.ipynb rename to docs/docs/modules/data_connection/indexing.ipynb diff --git a/docs/docs_skeleton/docs/modules/data_connection/retrievers/MultiQueryRetriever.ipynb b/docs/docs/modules/data_connection/retrievers/MultiQueryRetriever.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/retrievers/MultiQueryRetriever.ipynb rename to docs/docs/modules/data_connection/retrievers/MultiQueryRetriever.ipynb diff --git a/docs/docs_skeleton/docs/modules/data_connection/retrievers/contextual_compression/index.mdx b/docs/docs/modules/data_connection/retrievers/contextual_compression/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/retrievers/contextual_compression/index.mdx rename to docs/docs/modules/data_connection/retrievers/contextual_compression/index.mdx diff --git a/docs/docs_skeleton/docs/modules/data_connection/retrievers/ensemble.ipynb b/docs/docs/modules/data_connection/retrievers/ensemble.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/retrievers/ensemble.ipynb rename to docs/docs/modules/data_connection/retrievers/ensemble.ipynb diff --git a/docs/docs_skeleton/docs/modules/data_connection/retrievers/index.mdx b/docs/docs/modules/data_connection/retrievers/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/retrievers/index.mdx rename to docs/docs/modules/data_connection/retrievers/index.mdx diff --git a/docs/docs_skeleton/docs/modules/data_connection/retrievers/multi_vector.ipynb b/docs/docs/modules/data_connection/retrievers/multi_vector.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/retrievers/multi_vector.ipynb rename to docs/docs/modules/data_connection/retrievers/multi_vector.ipynb diff --git a/docs/docs_skeleton/docs/modules/data_connection/retrievers/parent_document_retriever.ipynb b/docs/docs/modules/data_connection/retrievers/parent_document_retriever.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/retrievers/parent_document_retriever.ipynb rename to docs/docs/modules/data_connection/retrievers/parent_document_retriever.ipynb diff --git a/docs/docs_skeleton/docs/modules/data_connection/retrievers/self_query/activeloop_deeplake_self_query.ipynb b/docs/docs/modules/data_connection/retrievers/self_query/activeloop_deeplake_self_query.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/retrievers/self_query/activeloop_deeplake_self_query.ipynb rename to docs/docs/modules/data_connection/retrievers/self_query/activeloop_deeplake_self_query.ipynb diff --git a/docs/docs_skeleton/docs/modules/data_connection/retrievers/self_query/chroma_self_query.ipynb b/docs/docs/modules/data_connection/retrievers/self_query/chroma_self_query.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/retrievers/self_query/chroma_self_query.ipynb rename to docs/docs/modules/data_connection/retrievers/self_query/chroma_self_query.ipynb diff --git a/docs/docs_skeleton/docs/modules/data_connection/retrievers/self_query/dashvector.ipynb b/docs/docs/modules/data_connection/retrievers/self_query/dashvector.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/retrievers/self_query/dashvector.ipynb rename to docs/docs/modules/data_connection/retrievers/self_query/dashvector.ipynb diff --git a/docs/docs_skeleton/docs/modules/data_connection/retrievers/self_query/elasticsearch_self_query.ipynb b/docs/docs/modules/data_connection/retrievers/self_query/elasticsearch_self_query.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/retrievers/self_query/elasticsearch_self_query.ipynb rename to docs/docs/modules/data_connection/retrievers/self_query/elasticsearch_self_query.ipynb diff --git a/docs/docs_skeleton/docs/modules/data_connection/retrievers/self_query/index.mdx b/docs/docs/modules/data_connection/retrievers/self_query/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/retrievers/self_query/index.mdx rename to docs/docs/modules/data_connection/retrievers/self_query/index.mdx diff --git a/docs/docs_skeleton/docs/modules/data_connection/retrievers/self_query/milvus_self_query.ipynb b/docs/docs/modules/data_connection/retrievers/self_query/milvus_self_query.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/retrievers/self_query/milvus_self_query.ipynb rename to docs/docs/modules/data_connection/retrievers/self_query/milvus_self_query.ipynb diff --git a/docs/docs_skeleton/docs/modules/data_connection/retrievers/self_query/myscale_self_query.ipynb b/docs/docs/modules/data_connection/retrievers/self_query/myscale_self_query.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/retrievers/self_query/myscale_self_query.ipynb rename to docs/docs/modules/data_connection/retrievers/self_query/myscale_self_query.ipynb diff --git a/docs/docs_skeleton/docs/modules/data_connection/retrievers/self_query/opensearch_self_query.ipynb b/docs/docs/modules/data_connection/retrievers/self_query/opensearch_self_query.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/retrievers/self_query/opensearch_self_query.ipynb rename to docs/docs/modules/data_connection/retrievers/self_query/opensearch_self_query.ipynb diff --git a/docs/docs_skeleton/docs/modules/data_connection/retrievers/self_query/pinecone.ipynb b/docs/docs/modules/data_connection/retrievers/self_query/pinecone.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/retrievers/self_query/pinecone.ipynb rename to docs/docs/modules/data_connection/retrievers/self_query/pinecone.ipynb diff --git a/docs/docs_skeleton/docs/modules/data_connection/retrievers/self_query/qdrant_self_query.ipynb b/docs/docs/modules/data_connection/retrievers/self_query/qdrant_self_query.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/retrievers/self_query/qdrant_self_query.ipynb rename to docs/docs/modules/data_connection/retrievers/self_query/qdrant_self_query.ipynb diff --git a/docs/docs_skeleton/docs/modules/data_connection/retrievers/self_query/redis_self_query.ipynb b/docs/docs/modules/data_connection/retrievers/self_query/redis_self_query.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/retrievers/self_query/redis_self_query.ipynb rename to docs/docs/modules/data_connection/retrievers/self_query/redis_self_query.ipynb diff --git a/docs/docs_skeleton/docs/modules/data_connection/retrievers/self_query/supabase_self_query.ipynb b/docs/docs/modules/data_connection/retrievers/self_query/supabase_self_query.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/retrievers/self_query/supabase_self_query.ipynb rename to docs/docs/modules/data_connection/retrievers/self_query/supabase_self_query.ipynb diff --git a/docs/docs_skeleton/docs/modules/data_connection/retrievers/self_query/timescalevector_self_query.ipynb b/docs/docs/modules/data_connection/retrievers/self_query/timescalevector_self_query.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/retrievers/self_query/timescalevector_self_query.ipynb rename to docs/docs/modules/data_connection/retrievers/self_query/timescalevector_self_query.ipynb diff --git a/docs/docs_skeleton/docs/modules/data_connection/retrievers/self_query/vectara_self_query.ipynb b/docs/docs/modules/data_connection/retrievers/self_query/vectara_self_query.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/retrievers/self_query/vectara_self_query.ipynb rename to docs/docs/modules/data_connection/retrievers/self_query/vectara_self_query.ipynb diff --git a/docs/docs_skeleton/docs/modules/data_connection/retrievers/self_query/weaviate_self_query.ipynb b/docs/docs/modules/data_connection/retrievers/self_query/weaviate_self_query.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/retrievers/self_query/weaviate_self_query.ipynb rename to docs/docs/modules/data_connection/retrievers/self_query/weaviate_self_query.ipynb diff --git a/docs/docs_skeleton/docs/modules/data_connection/retrievers/time_weighted_vectorstore.mdx b/docs/docs/modules/data_connection/retrievers/time_weighted_vectorstore.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/retrievers/time_weighted_vectorstore.mdx rename to docs/docs/modules/data_connection/retrievers/time_weighted_vectorstore.mdx diff --git a/docs/docs_skeleton/docs/modules/data_connection/retrievers/vectorstore.mdx b/docs/docs/modules/data_connection/retrievers/vectorstore.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/retrievers/vectorstore.mdx rename to docs/docs/modules/data_connection/retrievers/vectorstore.mdx diff --git a/docs/docs_skeleton/docs/modules/data_connection/retrievers/web_research.ipynb b/docs/docs/modules/data_connection/retrievers/web_research.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/retrievers/web_research.ipynb rename to docs/docs/modules/data_connection/retrievers/web_research.ipynb diff --git a/docs/docs_skeleton/docs/modules/data_connection/text_embedding/caching_embeddings.ipynb b/docs/docs/modules/data_connection/text_embedding/caching_embeddings.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/text_embedding/caching_embeddings.ipynb rename to docs/docs/modules/data_connection/text_embedding/caching_embeddings.ipynb diff --git a/docs/docs_skeleton/docs/modules/data_connection/text_embedding/index.mdx b/docs/docs/modules/data_connection/text_embedding/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/text_embedding/index.mdx rename to docs/docs/modules/data_connection/text_embedding/index.mdx diff --git a/docs/docs_skeleton/docs/modules/data_connection/vectorstores/index.mdx b/docs/docs/modules/data_connection/vectorstores/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/data_connection/vectorstores/index.mdx rename to docs/docs/modules/data_connection/vectorstores/index.mdx diff --git a/docs/docs_skeleton/docs/modules/index.mdx b/docs/docs/modules/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/index.mdx rename to docs/docs/modules/index.mdx diff --git a/docs/docs_skeleton/docs/modules/memory/adding_memory.ipynb b/docs/docs/modules/memory/adding_memory.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/memory/adding_memory.ipynb rename to docs/docs/modules/memory/adding_memory.ipynb diff --git a/docs/docs_skeleton/docs/modules/memory/adding_memory_chain_multiple_inputs.ipynb b/docs/docs/modules/memory/adding_memory_chain_multiple_inputs.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/memory/adding_memory_chain_multiple_inputs.ipynb rename to docs/docs/modules/memory/adding_memory_chain_multiple_inputs.ipynb diff --git a/docs/docs_skeleton/docs/modules/memory/agent_with_memory.ipynb b/docs/docs/modules/memory/agent_with_memory.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/memory/agent_with_memory.ipynb rename to docs/docs/modules/memory/agent_with_memory.ipynb diff --git a/docs/docs_skeleton/docs/modules/memory/agent_with_memory_in_db.ipynb b/docs/docs/modules/memory/agent_with_memory_in_db.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/memory/agent_with_memory_in_db.ipynb rename to docs/docs/modules/memory/agent_with_memory_in_db.ipynb diff --git a/docs/docs_skeleton/docs/modules/memory/chat_messages/index.mdx b/docs/docs/modules/memory/chat_messages/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/memory/chat_messages/index.mdx rename to docs/docs/modules/memory/chat_messages/index.mdx diff --git a/docs/docs_skeleton/docs/modules/memory/conversational_customization.ipynb b/docs/docs/modules/memory/conversational_customization.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/memory/conversational_customization.ipynb rename to docs/docs/modules/memory/conversational_customization.ipynb diff --git a/docs/docs_skeleton/docs/modules/memory/custom_memory.ipynb b/docs/docs/modules/memory/custom_memory.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/memory/custom_memory.ipynb rename to docs/docs/modules/memory/custom_memory.ipynb diff --git a/docs/docs_skeleton/docs/modules/memory/index.mdx b/docs/docs/modules/memory/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/memory/index.mdx rename to docs/docs/modules/memory/index.mdx diff --git a/docs/docs_skeleton/docs/modules/memory/multiple_memory.ipynb b/docs/docs/modules/memory/multiple_memory.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/memory/multiple_memory.ipynb rename to docs/docs/modules/memory/multiple_memory.ipynb diff --git a/docs/docs_skeleton/docs/modules/memory/types/buffer.mdx b/docs/docs/modules/memory/types/buffer.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/memory/types/buffer.mdx rename to docs/docs/modules/memory/types/buffer.mdx diff --git a/docs/docs_skeleton/docs/modules/memory/types/buffer_window.mdx b/docs/docs/modules/memory/types/buffer_window.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/memory/types/buffer_window.mdx rename to docs/docs/modules/memory/types/buffer_window.mdx diff --git a/docs/docs_skeleton/docs/modules/memory/types/entity_summary_memory.mdx b/docs/docs/modules/memory/types/entity_summary_memory.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/memory/types/entity_summary_memory.mdx rename to docs/docs/modules/memory/types/entity_summary_memory.mdx diff --git a/docs/docs_skeleton/docs/modules/memory/types/index.mdx b/docs/docs/modules/memory/types/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/memory/types/index.mdx rename to docs/docs/modules/memory/types/index.mdx diff --git a/docs/docs_skeleton/docs/modules/memory/types/kg.ipynb b/docs/docs/modules/memory/types/kg.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/memory/types/kg.ipynb rename to docs/docs/modules/memory/types/kg.ipynb diff --git a/docs/docs_skeleton/docs/modules/memory/types/summary.mdx b/docs/docs/modules/memory/types/summary.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/memory/types/summary.mdx rename to docs/docs/modules/memory/types/summary.mdx diff --git a/docs/docs_skeleton/docs/modules/memory/types/summary_buffer.ipynb b/docs/docs/modules/memory/types/summary_buffer.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/memory/types/summary_buffer.ipynb rename to docs/docs/modules/memory/types/summary_buffer.ipynb diff --git a/docs/docs_skeleton/docs/modules/memory/types/token_buffer.ipynb b/docs/docs/modules/memory/types/token_buffer.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/memory/types/token_buffer.ipynb rename to docs/docs/modules/memory/types/token_buffer.ipynb diff --git a/docs/docs_skeleton/docs/modules/memory/types/vectorstore_retriever_memory.mdx b/docs/docs/modules/memory/types/vectorstore_retriever_memory.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/memory/types/vectorstore_retriever_memory.mdx rename to docs/docs/modules/memory/types/vectorstore_retriever_memory.mdx diff --git a/docs/docs_skeleton/docs/modules/model_io/index.mdx b/docs/docs/modules/model_io/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/index.mdx rename to docs/docs/modules/model_io/index.mdx diff --git a/docs/docs_skeleton/docs/modules/model_io/models/chat/chat_model_caching.mdx b/docs/docs/modules/model_io/models/chat/chat_model_caching.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/models/chat/chat_model_caching.mdx rename to docs/docs/modules/model_io/models/chat/chat_model_caching.mdx diff --git a/docs/docs_skeleton/docs/modules/model_io/models/chat/human_input_chat_model.ipynb b/docs/docs/modules/model_io/models/chat/human_input_chat_model.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/models/chat/human_input_chat_model.ipynb rename to docs/docs/modules/model_io/models/chat/human_input_chat_model.ipynb diff --git a/docs/docs_skeleton/docs/modules/model_io/models/chat/index.mdx b/docs/docs/modules/model_io/models/chat/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/models/chat/index.mdx rename to docs/docs/modules/model_io/models/chat/index.mdx diff --git a/docs/docs_skeleton/docs/modules/model_io/models/chat/llm_chain.mdx b/docs/docs/modules/model_io/models/chat/llm_chain.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/models/chat/llm_chain.mdx rename to docs/docs/modules/model_io/models/chat/llm_chain.mdx diff --git a/docs/docs_skeleton/docs/modules/model_io/models/chat/prompts.mdx b/docs/docs/modules/model_io/models/chat/prompts.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/models/chat/prompts.mdx rename to docs/docs/modules/model_io/models/chat/prompts.mdx diff --git a/docs/docs_skeleton/docs/modules/model_io/models/chat/streaming.mdx b/docs/docs/modules/model_io/models/chat/streaming.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/models/chat/streaming.mdx rename to docs/docs/modules/model_io/models/chat/streaming.mdx diff --git a/docs/docs_skeleton/docs/modules/model_io/models/index.mdx b/docs/docs/modules/model_io/models/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/models/index.mdx rename to docs/docs/modules/model_io/models/index.mdx diff --git a/docs/docs_skeleton/docs/modules/model_io/models/llms/async_llm.ipynb b/docs/docs/modules/model_io/models/llms/async_llm.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/models/llms/async_llm.ipynb rename to docs/docs/modules/model_io/models/llms/async_llm.ipynb diff --git a/docs/docs_skeleton/docs/modules/model_io/models/llms/custom_llm.ipynb b/docs/docs/modules/model_io/models/llms/custom_llm.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/models/llms/custom_llm.ipynb rename to docs/docs/modules/model_io/models/llms/custom_llm.ipynb diff --git a/docs/docs_skeleton/docs/modules/model_io/models/llms/fake_llm.ipynb b/docs/docs/modules/model_io/models/llms/fake_llm.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/models/llms/fake_llm.ipynb rename to docs/docs/modules/model_io/models/llms/fake_llm.ipynb diff --git a/docs/docs_skeleton/docs/modules/model_io/models/llms/human_input_llm.ipynb b/docs/docs/modules/model_io/models/llms/human_input_llm.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/models/llms/human_input_llm.ipynb rename to docs/docs/modules/model_io/models/llms/human_input_llm.ipynb diff --git a/docs/docs_skeleton/docs/modules/model_io/models/llms/index.mdx b/docs/docs/modules/model_io/models/llms/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/models/llms/index.mdx rename to docs/docs/modules/model_io/models/llms/index.mdx diff --git a/docs/docs_skeleton/docs/modules/model_io/models/llms/llm.json b/docs/docs/modules/model_io/models/llms/llm.json similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/models/llms/llm.json rename to docs/docs/modules/model_io/models/llms/llm.json diff --git a/docs/docs_skeleton/docs/modules/model_io/models/llms/llm.yaml b/docs/docs/modules/model_io/models/llms/llm.yaml similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/models/llms/llm.yaml rename to docs/docs/modules/model_io/models/llms/llm.yaml diff --git a/docs/docs_skeleton/docs/modules/model_io/models/llms/llm_caching.mdx b/docs/docs/modules/model_io/models/llms/llm_caching.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/models/llms/llm_caching.mdx rename to docs/docs/modules/model_io/models/llms/llm_caching.mdx diff --git a/docs/docs_skeleton/docs/modules/model_io/models/llms/llm_serialization.ipynb b/docs/docs/modules/model_io/models/llms/llm_serialization.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/models/llms/llm_serialization.ipynb rename to docs/docs/modules/model_io/models/llms/llm_serialization.ipynb diff --git a/docs/docs_skeleton/docs/modules/model_io/models/llms/streaming_llm.mdx b/docs/docs/modules/model_io/models/llms/streaming_llm.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/models/llms/streaming_llm.mdx rename to docs/docs/modules/model_io/models/llms/streaming_llm.mdx diff --git a/docs/docs_skeleton/docs/modules/model_io/models/llms/token_usage_tracking.ipynb b/docs/docs/modules/model_io/models/llms/token_usage_tracking.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/models/llms/token_usage_tracking.ipynb rename to docs/docs/modules/model_io/models/llms/token_usage_tracking.ipynb diff --git a/docs/docs_skeleton/docs/modules/model_io/output_parsers/comma_separated.mdx b/docs/docs/modules/model_io/output_parsers/comma_separated.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/output_parsers/comma_separated.mdx rename to docs/docs/modules/model_io/output_parsers/comma_separated.mdx diff --git a/docs/docs_skeleton/docs/modules/model_io/output_parsers/datetime.ipynb b/docs/docs/modules/model_io/output_parsers/datetime.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/output_parsers/datetime.ipynb rename to docs/docs/modules/model_io/output_parsers/datetime.ipynb diff --git a/docs/docs_skeleton/docs/modules/model_io/output_parsers/enum.ipynb b/docs/docs/modules/model_io/output_parsers/enum.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/output_parsers/enum.ipynb rename to docs/docs/modules/model_io/output_parsers/enum.ipynb diff --git a/docs/docs_skeleton/docs/modules/model_io/output_parsers/index.mdx b/docs/docs/modules/model_io/output_parsers/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/output_parsers/index.mdx rename to docs/docs/modules/model_io/output_parsers/index.mdx diff --git a/docs/docs_skeleton/docs/modules/model_io/output_parsers/output_fixing_parser.mdx b/docs/docs/modules/model_io/output_parsers/output_fixing_parser.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/output_parsers/output_fixing_parser.mdx rename to docs/docs/modules/model_io/output_parsers/output_fixing_parser.mdx diff --git a/docs/docs_skeleton/docs/modules/model_io/output_parsers/pydantic.ipynb b/docs/docs/modules/model_io/output_parsers/pydantic.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/output_parsers/pydantic.ipynb rename to docs/docs/modules/model_io/output_parsers/pydantic.ipynb diff --git a/docs/docs_skeleton/docs/modules/model_io/output_parsers/retry.ipynb b/docs/docs/modules/model_io/output_parsers/retry.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/output_parsers/retry.ipynb rename to docs/docs/modules/model_io/output_parsers/retry.ipynb diff --git a/docs/docs_skeleton/docs/modules/model_io/output_parsers/structured.mdx b/docs/docs/modules/model_io/output_parsers/structured.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/output_parsers/structured.mdx rename to docs/docs/modules/model_io/output_parsers/structured.mdx diff --git a/docs/docs_skeleton/docs/modules/model_io/output_parsers/xml.ipynb b/docs/docs/modules/model_io/output_parsers/xml.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/output_parsers/xml.ipynb rename to docs/docs/modules/model_io/output_parsers/xml.ipynb diff --git a/docs/docs_skeleton/docs/modules/model_io/prompts/example_selectors/custom_example_selector.md b/docs/docs/modules/model_io/prompts/example_selectors/custom_example_selector.md similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/prompts/example_selectors/custom_example_selector.md rename to docs/docs/modules/model_io/prompts/example_selectors/custom_example_selector.md diff --git a/docs/docs_skeleton/docs/modules/model_io/prompts/example_selectors/index.mdx b/docs/docs/modules/model_io/prompts/example_selectors/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/prompts/example_selectors/index.mdx rename to docs/docs/modules/model_io/prompts/example_selectors/index.mdx diff --git a/docs/docs_skeleton/docs/modules/model_io/prompts/example_selectors/length_based.mdx b/docs/docs/modules/model_io/prompts/example_selectors/length_based.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/prompts/example_selectors/length_based.mdx rename to docs/docs/modules/model_io/prompts/example_selectors/length_based.mdx diff --git a/docs/docs_skeleton/docs/modules/model_io/prompts/example_selectors/mmr.ipynb b/docs/docs/modules/model_io/prompts/example_selectors/mmr.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/prompts/example_selectors/mmr.ipynb rename to docs/docs/modules/model_io/prompts/example_selectors/mmr.ipynb diff --git a/docs/docs_skeleton/docs/modules/model_io/prompts/example_selectors/ngram_overlap.ipynb b/docs/docs/modules/model_io/prompts/example_selectors/ngram_overlap.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/prompts/example_selectors/ngram_overlap.ipynb rename to docs/docs/modules/model_io/prompts/example_selectors/ngram_overlap.ipynb diff --git a/docs/docs_skeleton/docs/modules/model_io/prompts/example_selectors/similarity.mdx b/docs/docs/modules/model_io/prompts/example_selectors/similarity.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/prompts/example_selectors/similarity.mdx rename to docs/docs/modules/model_io/prompts/example_selectors/similarity.mdx diff --git a/docs/docs_skeleton/docs/modules/model_io/prompts/index.mdx b/docs/docs/modules/model_io/prompts/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/prompts/index.mdx rename to docs/docs/modules/model_io/prompts/index.mdx diff --git a/docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/connecting_to_a_feature_store.ipynb b/docs/docs/modules/model_io/prompts/prompt_templates/connecting_to_a_feature_store.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/connecting_to_a_feature_store.ipynb rename to docs/docs/modules/model_io/prompts/prompt_templates/connecting_to_a_feature_store.ipynb diff --git a/docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/custom_prompt_template.ipynb b/docs/docs/modules/model_io/prompts/prompt_templates/custom_prompt_template.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/custom_prompt_template.ipynb rename to docs/docs/modules/model_io/prompts/prompt_templates/custom_prompt_template.ipynb diff --git a/docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/example_prompt.json b/docs/docs/modules/model_io/prompts/prompt_templates/example_prompt.json similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/example_prompt.json rename to docs/docs/modules/model_io/prompts/prompt_templates/example_prompt.json diff --git a/docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/examples.json b/docs/docs/modules/model_io/prompts/prompt_templates/examples.json similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/examples.json rename to docs/docs/modules/model_io/prompts/prompt_templates/examples.json diff --git a/docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/examples.yaml b/docs/docs/modules/model_io/prompts/prompt_templates/examples.yaml similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/examples.yaml rename to docs/docs/modules/model_io/prompts/prompt_templates/examples.yaml diff --git a/docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/few_shot_examples.mdx b/docs/docs/modules/model_io/prompts/prompt_templates/few_shot_examples.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/few_shot_examples.mdx rename to docs/docs/modules/model_io/prompts/prompt_templates/few_shot_examples.mdx diff --git a/docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/few_shot_examples_chat.ipynb b/docs/docs/modules/model_io/prompts/prompt_templates/few_shot_examples_chat.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/few_shot_examples_chat.ipynb rename to docs/docs/modules/model_io/prompts/prompt_templates/few_shot_examples_chat.ipynb diff --git a/docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/format_output.mdx b/docs/docs/modules/model_io/prompts/prompt_templates/format_output.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/format_output.mdx rename to docs/docs/modules/model_io/prompts/prompt_templates/format_output.mdx diff --git a/docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/formats.mdx b/docs/docs/modules/model_io/prompts/prompt_templates/formats.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/formats.mdx rename to docs/docs/modules/model_io/prompts/prompt_templates/formats.mdx diff --git a/docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/index.mdx b/docs/docs/modules/model_io/prompts/prompt_templates/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/index.mdx rename to docs/docs/modules/model_io/prompts/prompt_templates/index.mdx diff --git a/docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/msg_prompt_templates.mdx b/docs/docs/modules/model_io/prompts/prompt_templates/msg_prompt_templates.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/msg_prompt_templates.mdx rename to docs/docs/modules/model_io/prompts/prompt_templates/msg_prompt_templates.mdx diff --git a/docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/partial.mdx b/docs/docs/modules/model_io/prompts/prompt_templates/partial.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/partial.mdx rename to docs/docs/modules/model_io/prompts/prompt_templates/partial.mdx diff --git a/docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/prompt_composition.mdx b/docs/docs/modules/model_io/prompts/prompt_templates/prompt_composition.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/prompt_composition.mdx rename to docs/docs/modules/model_io/prompts/prompt_templates/prompt_composition.mdx diff --git a/docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/prompt_serialization.ipynb b/docs/docs/modules/model_io/prompts/prompt_templates/prompt_serialization.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/prompt_serialization.ipynb rename to docs/docs/modules/model_io/prompts/prompt_templates/prompt_serialization.ipynb diff --git a/docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/prompt_with_output_parser.json b/docs/docs/modules/model_io/prompts/prompt_templates/prompt_with_output_parser.json similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/prompt_with_output_parser.json rename to docs/docs/modules/model_io/prompts/prompt_templates/prompt_with_output_parser.json diff --git a/docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/prompts_pipelining.ipynb b/docs/docs/modules/model_io/prompts/prompt_templates/prompts_pipelining.ipynb similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/prompts_pipelining.ipynb rename to docs/docs/modules/model_io/prompts/prompt_templates/prompts_pipelining.ipynb diff --git a/docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/simple_prompt.json b/docs/docs/modules/model_io/prompts/prompt_templates/simple_prompt.json similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/simple_prompt.json rename to docs/docs/modules/model_io/prompts/prompt_templates/simple_prompt.json diff --git a/docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/simple_prompt.yaml b/docs/docs/modules/model_io/prompts/prompt_templates/simple_prompt.yaml similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/simple_prompt.yaml rename to docs/docs/modules/model_io/prompts/prompt_templates/simple_prompt.yaml diff --git a/docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/simple_prompt_with_template_file.json b/docs/docs/modules/model_io/prompts/prompt_templates/simple_prompt_with_template_file.json similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/simple_prompt_with_template_file.json rename to docs/docs/modules/model_io/prompts/prompt_templates/simple_prompt_with_template_file.json diff --git a/docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/simple_template.txt b/docs/docs/modules/model_io/prompts/prompt_templates/simple_template.txt similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/simple_template.txt rename to docs/docs/modules/model_io/prompts/prompt_templates/simple_template.txt diff --git a/docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/validate.mdx b/docs/docs/modules/model_io/prompts/prompt_templates/validate.mdx similarity index 100% rename from docs/docs_skeleton/docs/modules/model_io/prompts/prompt_templates/validate.mdx rename to docs/docs/modules/model_io/prompts/prompt_templates/validate.mdx diff --git a/docs/docs_skeleton/docs/modules/paul_graham_essay.txt b/docs/docs/modules/paul_graham_essay.txt similarity index 100% rename from docs/docs_skeleton/docs/modules/paul_graham_essay.txt rename to docs/docs/modules/paul_graham_essay.txt diff --git a/docs/docs_skeleton/docs/modules/state_of_the_union.txt b/docs/docs/modules/state_of_the_union.txt similarity index 100% rename from docs/docs_skeleton/docs/modules/state_of_the_union.txt rename to docs/docs/modules/state_of_the_union.txt diff --git a/docs/docs_skeleton/docs/use_cases/apis.ipynb b/docs/docs/use_cases/apis.ipynb similarity index 99% rename from docs/docs_skeleton/docs/use_cases/apis.ipynb rename to docs/docs/use_cases/apis.ipynb index ecbb7924ce749..789e01e4e3674 100644 --- a/docs/docs_skeleton/docs/use_cases/apis.ipynb +++ b/docs/docs/use_cases/apis.ipynb @@ -16,7 +16,7 @@ "id": "a15e6a18", "metadata": {}, "source": [ - "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs_skeleton/docs/use_cases/apis.ipynb)\n", + "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs/use_cases/apis.ipynb)\n", "\n", "## Use case \n", "\n", diff --git a/docs/docs_skeleton/docs/use_cases/chatbots.ipynb b/docs/docs/use_cases/chatbots.ipynb similarity index 99% rename from docs/docs_skeleton/docs/use_cases/chatbots.ipynb rename to docs/docs/use_cases/chatbots.ipynb index ca808708de7c7..0a3c72ff5fb44 100644 --- a/docs/docs_skeleton/docs/use_cases/chatbots.ipynb +++ b/docs/docs/use_cases/chatbots.ipynb @@ -16,7 +16,7 @@ "id": "ee7f95e4", "metadata": {}, "source": [ - "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs_skeleton/docs/use_cases/chatbots.ipynb)\n", + "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs/use_cases/chatbots.ipynb)\n", "\n", "## Use case\n", "\n", diff --git a/docs/docs_skeleton/docs/use_cases/code_understanding.ipynb b/docs/docs/use_cases/code_understanding.ipynb similarity index 99% rename from docs/docs_skeleton/docs/use_cases/code_understanding.ipynb rename to docs/docs/use_cases/code_understanding.ipynb index a69ade0c18e7c..570967b89c2c1 100644 --- a/docs/docs_skeleton/docs/use_cases/code_understanding.ipynb +++ b/docs/docs/use_cases/code_understanding.ipynb @@ -14,7 +14,7 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs_skeleton/docs/use_cases/code_understanding.ipynb)\n", + "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs/use_cases/code_understanding.ipynb)\n", "\n", "## Use case\n", "\n", @@ -28,7 +28,7 @@ "\n", "## Overview\n", "\n", - "The pipeline for QA over code follows [the steps we do for document question answering](/docs/docs_skeleton/docs/use_cases/question_answering), with some differences:\n", + "The pipeline for QA over code follows [the steps we do for document question answering](/docs/docs/use_cases/question_answering), with some differences:\n", "\n", "In particular, we can employ a [splitting strategy](https://python.langchain.com/docs/integrations/document_loaders/source_code) that does a few things:\n", "\n", @@ -182,7 +182,7 @@ "\n", "When setting up the vectorstore retriever:\n", "\n", - "* We test [max marginal relevance](/docs/docs_skeleton/docs/use_cases/question_answering) for retrieval\n", + "* We test [max marginal relevance](/docs/docs/use_cases/question_answering) for retrieval\n", "* And 8 documents returned\n", "\n", "#### Go deeper\n", @@ -214,7 +214,7 @@ "source": [ "### Chat\n", "\n", - "Test chat, just as we do for [chatbots](/docs/docs_skeleton/docs/use_cases/chatbots).\n", + "Test chat, just as we do for [chatbots](/docs/docs/use_cases/chatbots).\n", "\n", "#### Go deeper\n", "\n", diff --git a/docs/docs_skeleton/docs/use_cases/extraction.ipynb b/docs/docs/use_cases/extraction.ipynb similarity index 99% rename from docs/docs_skeleton/docs/use_cases/extraction.ipynb rename to docs/docs/use_cases/extraction.ipynb index 0d8360268fbbc..356445c67663d 100644 --- a/docs/docs_skeleton/docs/use_cases/extraction.ipynb +++ b/docs/docs/use_cases/extraction.ipynb @@ -16,7 +16,7 @@ "id": "b84edb4e", "metadata": {}, "source": [ - "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs_skeleton/docs/use_cases/extraction.ipynb)\n", + "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs/use_cases/extraction.ipynb)\n", "\n", "## Use case\n", "\n", diff --git a/docs/docs_skeleton/docs/use_cases/more/_category_.yml b/docs/docs/use_cases/more/_category_.yml similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/_category_.yml rename to docs/docs/use_cases/more/_category_.yml diff --git a/docs/docs_skeleton/docs/use_cases/more/agents/agent_simulations/camel_role_playing.ipynb b/docs/docs/use_cases/more/agents/agent_simulations/camel_role_playing.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/agents/agent_simulations/camel_role_playing.ipynb rename to docs/docs/use_cases/more/agents/agent_simulations/camel_role_playing.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/agents/agent_simulations/characters.ipynb b/docs/docs/use_cases/more/agents/agent_simulations/characters.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/agents/agent_simulations/characters.ipynb rename to docs/docs/use_cases/more/agents/agent_simulations/characters.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/agents/agent_simulations/gymnasium.ipynb b/docs/docs/use_cases/more/agents/agent_simulations/gymnasium.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/agents/agent_simulations/gymnasium.ipynb rename to docs/docs/use_cases/more/agents/agent_simulations/gymnasium.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/agents/agent_simulations/index.mdx b/docs/docs/use_cases/more/agents/agent_simulations/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/agents/agent_simulations/index.mdx rename to docs/docs/use_cases/more/agents/agent_simulations/index.mdx diff --git a/docs/docs_skeleton/docs/use_cases/more/agents/agent_simulations/multi_player_dnd.ipynb b/docs/docs/use_cases/more/agents/agent_simulations/multi_player_dnd.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/agents/agent_simulations/multi_player_dnd.ipynb rename to docs/docs/use_cases/more/agents/agent_simulations/multi_player_dnd.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/agents/agent_simulations/multiagent_authoritarian.ipynb b/docs/docs/use_cases/more/agents/agent_simulations/multiagent_authoritarian.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/agents/agent_simulations/multiagent_authoritarian.ipynb rename to docs/docs/use_cases/more/agents/agent_simulations/multiagent_authoritarian.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/agents/agent_simulations/multiagent_bidding.ipynb b/docs/docs/use_cases/more/agents/agent_simulations/multiagent_bidding.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/agents/agent_simulations/multiagent_bidding.ipynb rename to docs/docs/use_cases/more/agents/agent_simulations/multiagent_bidding.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/agents/agent_simulations/petting_zoo.ipynb b/docs/docs/use_cases/more/agents/agent_simulations/petting_zoo.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/agents/agent_simulations/petting_zoo.ipynb rename to docs/docs/use_cases/more/agents/agent_simulations/petting_zoo.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/agents/agent_simulations/two_agent_debate_tools.ipynb b/docs/docs/use_cases/more/agents/agent_simulations/two_agent_debate_tools.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/agents/agent_simulations/two_agent_debate_tools.ipynb rename to docs/docs/use_cases/more/agents/agent_simulations/two_agent_debate_tools.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/agents/agent_simulations/two_player_dnd.ipynb b/docs/docs/use_cases/more/agents/agent_simulations/two_player_dnd.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/agents/agent_simulations/two_player_dnd.ipynb rename to docs/docs/use_cases/more/agents/agent_simulations/two_player_dnd.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/agents/agents.ipynb b/docs/docs/use_cases/more/agents/agents.ipynb similarity index 99% rename from docs/docs_skeleton/docs/use_cases/more/agents/agents.ipynb rename to docs/docs/use_cases/more/agents/agents.ipynb index f248ad32d44e0..713723085c978 100644 --- a/docs/docs_skeleton/docs/use_cases/more/agents/agents.ipynb +++ b/docs/docs/use_cases/more/agents/agents.ipynb @@ -7,7 +7,7 @@ "source": [ "# Agents\n", "\n", - "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs_skeleton/docs/use_cases/more/agents/agents.ipynb)\n", + "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs/use_cases/more/agents/agents.ipynb)\n", "\n", "## Use case \n", "\n", diff --git a/docs/docs_skeleton/docs/use_cases/more/agents/agents/camel_role_playing.ipynb b/docs/docs/use_cases/more/agents/agents/camel_role_playing.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/agents/agents/camel_role_playing.ipynb rename to docs/docs/use_cases/more/agents/agents/camel_role_playing.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/agents/agents/custom_agent_with_plugin_retrieval.ipynb b/docs/docs/use_cases/more/agents/agents/custom_agent_with_plugin_retrieval.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/agents/agents/custom_agent_with_plugin_retrieval.ipynb rename to docs/docs/use_cases/more/agents/agents/custom_agent_with_plugin_retrieval.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/agents/agents/custom_agent_with_plugin_retrieval_using_plugnplai.ipynb b/docs/docs/use_cases/more/agents/agents/custom_agent_with_plugin_retrieval_using_plugnplai.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/agents/agents/custom_agent_with_plugin_retrieval_using_plugnplai.ipynb rename to docs/docs/use_cases/more/agents/agents/custom_agent_with_plugin_retrieval_using_plugnplai.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/agents/agents/index.mdx b/docs/docs/use_cases/more/agents/agents/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/agents/agents/index.mdx rename to docs/docs/use_cases/more/agents/agents/index.mdx diff --git a/docs/docs_skeleton/docs/use_cases/more/agents/agents/sales_agent_with_context.ipynb b/docs/docs/use_cases/more/agents/agents/sales_agent_with_context.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/agents/agents/sales_agent_with_context.ipynb rename to docs/docs/use_cases/more/agents/agents/sales_agent_with_context.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/agents/agents/wikibase_agent.ipynb b/docs/docs/use_cases/more/agents/agents/wikibase_agent.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/agents/agents/wikibase_agent.ipynb rename to docs/docs/use_cases/more/agents/agents/wikibase_agent.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/agents/autonomous_agents/autogpt.ipynb b/docs/docs/use_cases/more/agents/autonomous_agents/autogpt.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/agents/autonomous_agents/autogpt.ipynb rename to docs/docs/use_cases/more/agents/autonomous_agents/autogpt.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/agents/autonomous_agents/baby_agi.ipynb b/docs/docs/use_cases/more/agents/autonomous_agents/baby_agi.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/agents/autonomous_agents/baby_agi.ipynb rename to docs/docs/use_cases/more/agents/autonomous_agents/baby_agi.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/agents/autonomous_agents/baby_agi_with_agent.ipynb b/docs/docs/use_cases/more/agents/autonomous_agents/baby_agi_with_agent.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/agents/autonomous_agents/baby_agi_with_agent.ipynb rename to docs/docs/use_cases/more/agents/autonomous_agents/baby_agi_with_agent.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/agents/autonomous_agents/hugginggpt.ipynb b/docs/docs/use_cases/more/agents/autonomous_agents/hugginggpt.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/agents/autonomous_agents/hugginggpt.ipynb rename to docs/docs/use_cases/more/agents/autonomous_agents/hugginggpt.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/agents/autonomous_agents/index.mdx b/docs/docs/use_cases/more/agents/autonomous_agents/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/agents/autonomous_agents/index.mdx rename to docs/docs/use_cases/more/agents/autonomous_agents/index.mdx diff --git a/docs/docs_skeleton/docs/use_cases/more/agents/autonomous_agents/marathon_times.ipynb b/docs/docs/use_cases/more/agents/autonomous_agents/marathon_times.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/agents/autonomous_agents/marathon_times.ipynb rename to docs/docs/use_cases/more/agents/autonomous_agents/marathon_times.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/agents/autonomous_agents/meta_prompt.ipynb b/docs/docs/use_cases/more/agents/autonomous_agents/meta_prompt.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/agents/autonomous_agents/meta_prompt.ipynb rename to docs/docs/use_cases/more/agents/autonomous_agents/meta_prompt.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/agents/autonomous_agents/plan_and_execute.mdx b/docs/docs/use_cases/more/agents/autonomous_agents/plan_and_execute.mdx similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/agents/autonomous_agents/plan_and_execute.mdx rename to docs/docs/use_cases/more/agents/autonomous_agents/plan_and_execute.mdx diff --git a/docs/docs_skeleton/docs/use_cases/more/agents/multi_modal/_category_.yml b/docs/docs/use_cases/more/agents/multi_modal/_category_.yml similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/agents/multi_modal/_category_.yml rename to docs/docs/use_cases/more/agents/multi_modal/_category_.yml diff --git a/docs/docs_skeleton/docs/use_cases/more/agents/multi_modal/multi_modal_output_agent.ipynb b/docs/docs/use_cases/more/agents/multi_modal/multi_modal_output_agent.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/agents/multi_modal/multi_modal_output_agent.ipynb rename to docs/docs/use_cases/more/agents/multi_modal/multi_modal_output_agent.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/code_writing/cpal.ipynb b/docs/docs/use_cases/more/code_writing/cpal.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/code_writing/cpal.ipynb rename to docs/docs/use_cases/more/code_writing/cpal.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/code_writing/index.mdx b/docs/docs/use_cases/more/code_writing/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/code_writing/index.mdx rename to docs/docs/use_cases/more/code_writing/index.mdx diff --git a/docs/docs_skeleton/docs/use_cases/more/code_writing/llm_bash.ipynb b/docs/docs/use_cases/more/code_writing/llm_bash.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/code_writing/llm_bash.ipynb rename to docs/docs/use_cases/more/code_writing/llm_bash.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/code_writing/llm_math.ipynb b/docs/docs/use_cases/more/code_writing/llm_math.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/code_writing/llm_math.ipynb rename to docs/docs/use_cases/more/code_writing/llm_math.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/code_writing/llm_symbolic_math.ipynb b/docs/docs/use_cases/more/code_writing/llm_symbolic_math.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/code_writing/llm_symbolic_math.ipynb rename to docs/docs/use_cases/more/code_writing/llm_symbolic_math.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/code_writing/pal.ipynb b/docs/docs/use_cases/more/code_writing/pal.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/code_writing/pal.ipynb rename to docs/docs/use_cases/more/code_writing/pal.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/data_generation.ipynb b/docs/docs/use_cases/more/data_generation.ipynb similarity index 99% rename from docs/docs_skeleton/docs/use_cases/more/data_generation.ipynb rename to docs/docs/use_cases/more/data_generation.ipynb index ddd86329a065c..eb9fef2d54d2c 100644 --- a/docs/docs_skeleton/docs/use_cases/more/data_generation.ipynb +++ b/docs/docs/use_cases/more/data_generation.ipynb @@ -8,7 +8,7 @@ "source": [ "# Synthetic Data generation\n", "\n", - "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs_skeleton/docs/use_cases/data_generation.ipynb)\n", + "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs/use_cases/data_generation.ipynb)\n", "\n", "## Use case\n", "\n", diff --git a/docs/docs_skeleton/docs/use_cases/more/graph/diffbot_graphtransformer.ipynb b/docs/docs/use_cases/more/graph/diffbot_graphtransformer.ipynb similarity index 98% rename from docs/docs_skeleton/docs/use_cases/more/graph/diffbot_graphtransformer.ipynb rename to docs/docs/use_cases/more/graph/diffbot_graphtransformer.ipynb index 275ecd7833d7c..8d539c0bbaa95 100644 --- a/docs/docs_skeleton/docs/use_cases/more/graph/diffbot_graphtransformer.ipynb +++ b/docs/docs/use_cases/more/graph/diffbot_graphtransformer.ipynb @@ -7,7 +7,7 @@ "source": [ "# Diffbot Graph Transformer\n", "\n", - "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs_skeleton/docs/use_cases/more/graph/diffbot_graphtransformer.ipynb)\n", + "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs/use_cases/more/graph/diffbot_graphtransformer.ipynb)\n", "\n", "## Use case\n", "\n", diff --git a/docs/docs_skeleton/docs/use_cases/more/graph/graph_arangodb_qa.ipynb b/docs/docs/use_cases/more/graph/graph_arangodb_qa.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/graph/graph_arangodb_qa.ipynb rename to docs/docs/use_cases/more/graph/graph_arangodb_qa.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/graph/graph_cypher_qa.ipynb b/docs/docs/use_cases/more/graph/graph_cypher_qa.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/graph/graph_cypher_qa.ipynb rename to docs/docs/use_cases/more/graph/graph_cypher_qa.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/graph/graph_falkordb_qa.ipynb b/docs/docs/use_cases/more/graph/graph_falkordb_qa.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/graph/graph_falkordb_qa.ipynb rename to docs/docs/use_cases/more/graph/graph_falkordb_qa.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/graph/graph_hugegraph_qa.ipynb b/docs/docs/use_cases/more/graph/graph_hugegraph_qa.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/graph/graph_hugegraph_qa.ipynb rename to docs/docs/use_cases/more/graph/graph_hugegraph_qa.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/graph/graph_kuzu_qa.ipynb b/docs/docs/use_cases/more/graph/graph_kuzu_qa.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/graph/graph_kuzu_qa.ipynb rename to docs/docs/use_cases/more/graph/graph_kuzu_qa.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/graph/graph_memgraph_qa.ipynb b/docs/docs/use_cases/more/graph/graph_memgraph_qa.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/graph/graph_memgraph_qa.ipynb rename to docs/docs/use_cases/more/graph/graph_memgraph_qa.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/graph/graph_nebula_qa.ipynb b/docs/docs/use_cases/more/graph/graph_nebula_qa.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/graph/graph_nebula_qa.ipynb rename to docs/docs/use_cases/more/graph/graph_nebula_qa.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/graph/graph_qa.ipynb b/docs/docs/use_cases/more/graph/graph_qa.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/graph/graph_qa.ipynb rename to docs/docs/use_cases/more/graph/graph_qa.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/graph/graph_sparql_qa.ipynb b/docs/docs/use_cases/more/graph/graph_sparql_qa.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/graph/graph_sparql_qa.ipynb rename to docs/docs/use_cases/more/graph/graph_sparql_qa.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/graph/index.mdx b/docs/docs/use_cases/more/graph/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/graph/index.mdx rename to docs/docs/use_cases/more/graph/index.mdx diff --git a/docs/docs_skeleton/docs/use_cases/more/graph/neptune_cypher_qa.ipynb b/docs/docs/use_cases/more/graph/neptune_cypher_qa.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/graph/neptune_cypher_qa.ipynb rename to docs/docs/use_cases/more/graph/neptune_cypher_qa.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/graph/tot.ipynb b/docs/docs/use_cases/more/graph/tot.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/graph/tot.ipynb rename to docs/docs/use_cases/more/graph/tot.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/learned_prompt_optimization.ipynb b/docs/docs/use_cases/more/learned_prompt_optimization.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/learned_prompt_optimization.ipynb rename to docs/docs/use_cases/more/learned_prompt_optimization.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/self_check/index.mdx b/docs/docs/use_cases/more/self_check/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/self_check/index.mdx rename to docs/docs/use_cases/more/self_check/index.mdx diff --git a/docs/docs_skeleton/docs/use_cases/more/self_check/llm_checker.ipynb b/docs/docs/use_cases/more/self_check/llm_checker.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/self_check/llm_checker.ipynb rename to docs/docs/use_cases/more/self_check/llm_checker.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/self_check/llm_summarization_checker.ipynb b/docs/docs/use_cases/more/self_check/llm_summarization_checker.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/self_check/llm_summarization_checker.ipynb rename to docs/docs/use_cases/more/self_check/llm_summarization_checker.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/more/self_check/smart_llm.ipynb b/docs/docs/use_cases/more/self_check/smart_llm.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/more/self_check/smart_llm.ipynb rename to docs/docs/use_cases/more/self_check/smart_llm.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/qa_structured/_category_.yml b/docs/docs/use_cases/qa_structured/_category_.yml similarity index 100% rename from docs/docs_skeleton/docs/use_cases/qa_structured/_category_.yml rename to docs/docs/use_cases/qa_structured/_category_.yml diff --git a/docs/docs_skeleton/docs/use_cases/qa_structured/integrations/_category_.yml b/docs/docs/use_cases/qa_structured/integrations/_category_.yml similarity index 100% rename from docs/docs_skeleton/docs/use_cases/qa_structured/integrations/_category_.yml rename to docs/docs/use_cases/qa_structured/integrations/_category_.yml diff --git a/docs/docs_skeleton/docs/use_cases/qa_structured/integrations/databricks.ipynb b/docs/docs/use_cases/qa_structured/integrations/databricks.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/qa_structured/integrations/databricks.ipynb rename to docs/docs/use_cases/qa_structured/integrations/databricks.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/qa_structured/integrations/elasticsearch.ipynb b/docs/docs/use_cases/qa_structured/integrations/elasticsearch.ipynb similarity index 97% rename from docs/docs_skeleton/docs/use_cases/qa_structured/integrations/elasticsearch.ipynb rename to docs/docs/use_cases/qa_structured/integrations/elasticsearch.ipynb index dabee6ccc3295..625abb6cdbe68 100644 --- a/docs/docs_skeleton/docs/use_cases/qa_structured/integrations/elasticsearch.ipynb +++ b/docs/docs/use_cases/qa_structured/integrations/elasticsearch.ipynb @@ -6,7 +6,7 @@ "source": [ "# Elasticsearch\n", "\n", - "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs_skeleton/docs/use_cases/qa_structured/integrations/elasticsearch.ipynb)\n", + "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs/use_cases/qa_structured/integrations/elasticsearch.ipynb)\n", "\n", "We can use LLMs to interact with Elasticsearch analytics databases in natural language.\n", "\n", diff --git a/docs/docs_skeleton/docs/use_cases/qa_structured/integrations/myscale_vector_sql.ipynb b/docs/docs/use_cases/qa_structured/integrations/myscale_vector_sql.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/qa_structured/integrations/myscale_vector_sql.ipynb rename to docs/docs/use_cases/qa_structured/integrations/myscale_vector_sql.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/qa_structured/integrations/sqlite.mdx b/docs/docs/use_cases/qa_structured/integrations/sqlite.mdx similarity index 100% rename from docs/docs_skeleton/docs/use_cases/qa_structured/integrations/sqlite.mdx rename to docs/docs/use_cases/qa_structured/integrations/sqlite.mdx diff --git a/docs/docs_skeleton/docs/use_cases/qa_structured/sql.ipynb b/docs/docs/use_cases/qa_structured/sql.ipynb similarity index 99% rename from docs/docs_skeleton/docs/use_cases/qa_structured/sql.ipynb rename to docs/docs/use_cases/qa_structured/sql.ipynb index 41e8db80f9b3c..a3f8e3750037e 100644 --- a/docs/docs_skeleton/docs/use_cases/qa_structured/sql.ipynb +++ b/docs/docs/use_cases/qa_structured/sql.ipynb @@ -14,7 +14,7 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs_skeleton/docs/use_cases/qa_structured/sql.ipynb)\n", + "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs/use_cases/qa_structured/sql.ipynb)\n", "\n", "## Use case\n", "\n", diff --git a/docs/docs_skeleton/docs/use_cases/question_answering/_category_.yml b/docs/docs/use_cases/question_answering/_category_.yml similarity index 100% rename from docs/docs_skeleton/docs/use_cases/question_answering/_category_.yml rename to docs/docs/use_cases/question_answering/_category_.yml diff --git a/docs/docs_skeleton/docs/use_cases/question_answering/how_to/_category_.yml b/docs/docs/use_cases/question_answering/how_to/_category_.yml similarity index 100% rename from docs/docs_skeleton/docs/use_cases/question_answering/how_to/_category_.yml rename to docs/docs/use_cases/question_answering/how_to/_category_.yml diff --git a/docs/docs_skeleton/docs/use_cases/question_answering/how_to/analyze_document.mdx b/docs/docs/use_cases/question_answering/how_to/analyze_document.mdx similarity index 100% rename from docs/docs_skeleton/docs/use_cases/question_answering/how_to/analyze_document.mdx rename to docs/docs/use_cases/question_answering/how_to/analyze_document.mdx diff --git a/docs/docs_skeleton/docs/use_cases/question_answering/how_to/chat_vector_db.mdx b/docs/docs/use_cases/question_answering/how_to/chat_vector_db.mdx similarity index 100% rename from docs/docs_skeleton/docs/use_cases/question_answering/how_to/chat_vector_db.mdx rename to docs/docs/use_cases/question_answering/how_to/chat_vector_db.mdx diff --git a/docs/docs_skeleton/docs/use_cases/question_answering/how_to/code/code-analysis-deeplake.ipynb b/docs/docs/use_cases/question_answering/how_to/code/code-analysis-deeplake.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/question_answering/how_to/code/code-analysis-deeplake.ipynb rename to docs/docs/use_cases/question_answering/how_to/code/code-analysis-deeplake.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/question_answering/how_to/code/index.mdx b/docs/docs/use_cases/question_answering/how_to/code/index.mdx similarity index 100% rename from docs/docs_skeleton/docs/use_cases/question_answering/how_to/code/index.mdx rename to docs/docs/use_cases/question_answering/how_to/code/index.mdx diff --git a/docs/docs_skeleton/docs/use_cases/question_answering/how_to/code/twitter-the-algorithm-analysis-deeplake.ipynb b/docs/docs/use_cases/question_answering/how_to/code/twitter-the-algorithm-analysis-deeplake.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/question_answering/how_to/code/twitter-the-algorithm-analysis-deeplake.ipynb rename to docs/docs/use_cases/question_answering/how_to/code/twitter-the-algorithm-analysis-deeplake.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/question_answering/how_to/conversational_retrieval_agents.ipynb b/docs/docs/use_cases/question_answering/how_to/conversational_retrieval_agents.ipynb similarity index 79% rename from docs/docs_skeleton/docs/use_cases/question_answering/how_to/conversational_retrieval_agents.ipynb rename to docs/docs/use_cases/question_answering/how_to/conversational_retrieval_agents.ipynb index ebe12b211668d..c4cb3d933f69d 100644 --- a/docs/docs_skeleton/docs/use_cases/question_answering/how_to/conversational_retrieval_agents.ipynb +++ b/docs/docs/use_cases/question_answering/how_to/conversational_retrieval_agents.ipynb @@ -30,7 +30,7 @@ "outputs": [], "source": [ "from langchain.document_loaders import TextLoader\n", - "loader = TextLoader('../../../../../docs/docs_skeleton/docs/modules/state_of_the_union.txt')" + "loader = TextLoader('../../../../../docs/docs/modules/state_of_the_union.txt')" ] }, { @@ -269,7 +269,7 @@ "Invoking: `search_state_of_union` with `{'query': 'Kentaji Brown Jackson'}`\n", "\n", "\n", - "\u001b[0m\u001b[36;1m\u001b[1;3m[Document(page_content='Tonight. I call on the Senate to: Pass the Freedom to Vote Act. Pass the John Lewis Voting Rights Act. And while you’re at it, pass the Disclose Act so Americans can know who is funding our elections. \\n\\nTonight, I’d like to honor someone who has dedicated his life to serve this country: Justice Stephen Breyer—an Army veteran, Constitutional scholar, and retiring Justice of the United States Supreme Court. Justice Breyer, thank you for your service. \\n\\nOne of the most serious constitutional responsibilities a President has is nominating someone to serve on the United States Supreme Court. \\n\\nAnd I did that 4 days ago, when I nominated Circuit Court of Appeals Judge Ketanji Brown Jackson. One of our nation’s top legal minds, who will continue Justice Breyer’s legacy of excellence.', metadata={'source': '../../../../../docs/docs_skeleton/docs/modules/state_of_the_union.txt'}), Document(page_content='One was stationed at bases and breathing in toxic smoke from “burn pits” that incinerated wastes of war—medical and hazard material, jet fuel, and more. \\n\\nWhen they came home, many of the world’s fittest and best trained warriors were never the same. \\n\\nHeadaches. Numbness. Dizziness. \\n\\nA cancer that would put them in a flag-draped coffin. \\n\\nI know. \\n\\nOne of those soldiers was my son Major Beau Biden. \\n\\nWe don’t know for sure if a burn pit was the cause of his brain cancer, or the diseases of so many of our troops. \\n\\nBut I’m committed to finding out everything we can. \\n\\nCommitted to military families like Danielle Robinson from Ohio. \\n\\nThe widow of Sergeant First Class Heath Robinson. \\n\\nHe was born a soldier. Army National Guard. Combat medic in Kosovo and Iraq. \\n\\nStationed near Baghdad, just yards from burn pits the size of football fields. \\n\\nHeath’s widow Danielle is here with us tonight. They loved going to Ohio State football games. He loved building Legos with their daughter.', metadata={'source': '../../../../../docs/docs_skeleton/docs/modules/state_of_the_union.txt'}), Document(page_content='A former top litigator in private practice. A former federal public defender. And from a family of public school educators and police officers. A consensus builder. Since she’s been nominated, she’s received a broad range of support—from the Fraternal Order of Police to former judges appointed by Democrats and Republicans. \\n\\nAnd if we are to advance liberty and justice, we need to secure the Border and fix the immigration system. \\n\\nWe can do both. At our border, we’ve installed new technology like cutting-edge scanners to better detect drug smuggling. \\n\\nWe’ve set up joint patrols with Mexico and Guatemala to catch more human traffickers. \\n\\nWe’re putting in place dedicated immigration judges so families fleeing persecution and violence can have their cases heard faster. \\n\\nWe’re securing commitments and supporting partners in South and Central America to host more refugees and secure their own borders.', metadata={'source': '../../../../../docs/docs_skeleton/docs/modules/state_of_the_union.txt'}), Document(page_content='We can’t change how divided we’ve been. But we can change how we move forward—on COVID-19 and other issues we must face together. \\n\\nI recently visited the New York City Police Department days after the funerals of Officer Wilbert Mora and his partner, Officer Jason Rivera. \\n\\nThey were responding to a 9-1-1 call when a man shot and killed them with a stolen gun. \\n\\nOfficer Mora was 27 years old. \\n\\nOfficer Rivera was 22. \\n\\nBoth Dominican Americans who’d grown up on the same streets they later chose to patrol as police officers. \\n\\nI spoke with their families and told them that we are forever in debt for their sacrifice, and we will carry on their mission to restore the trust and safety every community deserves. \\n\\nI’ve worked on these issues a long time. \\n\\nI know what works: Investing in crime preventionand community police officers who’ll walk the beat, who’ll know the neighborhood, and who can restore trust and safety.', metadata={'source': '../../../../../docs/docs_skeleton/docs/modules/state_of_the_union.txt'})]\u001b[0m\u001b[32;1m\u001b[1;3mIn the most recent state of the union, the President mentioned Kentaji Brown Jackson. The President nominated Circuit Court of Appeals Judge Ketanji Brown Jackson to serve on the United States Supreme Court. The President described Judge Ketanji Brown Jackson as one of our nation's top legal minds who will continue Justice Breyer's legacy of excellence.\u001b[0m\n", + "\u001b[0m\u001b[36;1m\u001b[1;3m[Document(page_content='Tonight. I call on the Senate to: Pass the Freedom to Vote Act. Pass the John Lewis Voting Rights Act. And while you’re at it, pass the Disclose Act so Americans can know who is funding our elections. \\n\\nTonight, I’d like to honor someone who has dedicated his life to serve this country: Justice Stephen Breyer—an Army veteran, Constitutional scholar, and retiring Justice of the United States Supreme Court. Justice Breyer, thank you for your service. \\n\\nOne of the most serious constitutional responsibilities a President has is nominating someone to serve on the United States Supreme Court. \\n\\nAnd I did that 4 days ago, when I nominated Circuit Court of Appeals Judge Ketanji Brown Jackson. One of our nation’s top legal minds, who will continue Justice Breyer’s legacy of excellence.', metadata={'source': '../../../../../docs/docs/modules/state_of_the_union.txt'}), Document(page_content='One was stationed at bases and breathing in toxic smoke from “burn pits” that incinerated wastes of war—medical and hazard material, jet fuel, and more. \\n\\nWhen they came home, many of the world’s fittest and best trained warriors were never the same. \\n\\nHeadaches. Numbness. Dizziness. \\n\\nA cancer that would put them in a flag-draped coffin. \\n\\nI know. \\n\\nOne of those soldiers was my son Major Beau Biden. \\n\\nWe don’t know for sure if a burn pit was the cause of his brain cancer, or the diseases of so many of our troops. \\n\\nBut I’m committed to finding out everything we can. \\n\\nCommitted to military families like Danielle Robinson from Ohio. \\n\\nThe widow of Sergeant First Class Heath Robinson. \\n\\nHe was born a soldier. Army National Guard. Combat medic in Kosovo and Iraq. \\n\\nStationed near Baghdad, just yards from burn pits the size of football fields. \\n\\nHeath’s widow Danielle is here with us tonight. They loved going to Ohio State football games. He loved building Legos with their daughter.', metadata={'source': '../../../../../docs/docs/modules/state_of_the_union.txt'}), Document(page_content='A former top litigator in private practice. A former federal public defender. And from a family of public school educators and police officers. A consensus builder. Since she’s been nominated, she’s received a broad range of support—from the Fraternal Order of Police to former judges appointed by Democrats and Republicans. \\n\\nAnd if we are to advance liberty and justice, we need to secure the Border and fix the immigration system. \\n\\nWe can do both. At our border, we’ve installed new technology like cutting-edge scanners to better detect drug smuggling. \\n\\nWe’ve set up joint patrols with Mexico and Guatemala to catch more human traffickers. \\n\\nWe’re putting in place dedicated immigration judges so families fleeing persecution and violence can have their cases heard faster. \\n\\nWe’re securing commitments and supporting partners in South and Central America to host more refugees and secure their own borders.', metadata={'source': '../../../../../docs/docs/modules/state_of_the_union.txt'}), Document(page_content='We can’t change how divided we’ve been. But we can change how we move forward—on COVID-19 and other issues we must face together. \\n\\nI recently visited the New York City Police Department days after the funerals of Officer Wilbert Mora and his partner, Officer Jason Rivera. \\n\\nThey were responding to a 9-1-1 call when a man shot and killed them with a stolen gun. \\n\\nOfficer Mora was 27 years old. \\n\\nOfficer Rivera was 22. \\n\\nBoth Dominican Americans who’d grown up on the same streets they later chose to patrol as police officers. \\n\\nI spoke with their families and told them that we are forever in debt for their sacrifice, and we will carry on their mission to restore the trust and safety every community deserves. \\n\\nI’ve worked on these issues a long time. \\n\\nI know what works: Investing in crime preventionand community police officers who’ll walk the beat, who’ll know the neighborhood, and who can restore trust and safety.', metadata={'source': '../../../../../docs/docs/modules/state_of_the_union.txt'})]\u001b[0m\u001b[32;1m\u001b[1;3mIn the most recent state of the union, the President mentioned Kentaji Brown Jackson. The President nominated Circuit Court of Appeals Judge Ketanji Brown Jackson to serve on the United States Supreme Court. The President described Judge Ketanji Brown Jackson as one of our nation's top legal minds who will continue Justice Breyer's legacy of excellence.\u001b[0m\n", "\n", "\u001b[1m> Finished chain.\u001b[0m\n" ] diff --git a/docs/docs_skeleton/docs/use_cases/question_answering/how_to/document-context-aware-QA.ipynb b/docs/docs/use_cases/question_answering/how_to/document-context-aware-QA.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/question_answering/how_to/document-context-aware-QA.ipynb rename to docs/docs/use_cases/question_answering/how_to/document-context-aware-QA.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/question_answering/how_to/flare.ipynb b/docs/docs/use_cases/question_answering/how_to/flare.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/question_answering/how_to/flare.ipynb rename to docs/docs/use_cases/question_answering/how_to/flare.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/question_answering/how_to/hyde.ipynb b/docs/docs/use_cases/question_answering/how_to/hyde.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/question_answering/how_to/hyde.ipynb rename to docs/docs/use_cases/question_answering/how_to/hyde.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/question_answering/how_to/local_retrieval_qa.ipynb b/docs/docs/use_cases/question_answering/how_to/local_retrieval_qa.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/question_answering/how_to/local_retrieval_qa.ipynb rename to docs/docs/use_cases/question_answering/how_to/local_retrieval_qa.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/question_answering/how_to/multi_retrieval_qa_router.mdx b/docs/docs/use_cases/question_answering/how_to/multi_retrieval_qa_router.mdx similarity index 100% rename from docs/docs_skeleton/docs/use_cases/question_answering/how_to/multi_retrieval_qa_router.mdx rename to docs/docs/use_cases/question_answering/how_to/multi_retrieval_qa_router.mdx diff --git a/docs/docs_skeleton/docs/use_cases/question_answering/how_to/multiple_retrieval.ipynb b/docs/docs/use_cases/question_answering/how_to/multiple_retrieval.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/question_answering/how_to/multiple_retrieval.ipynb rename to docs/docs/use_cases/question_answering/how_to/multiple_retrieval.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/question_answering/how_to/qa_citations.ipynb b/docs/docs/use_cases/question_answering/how_to/qa_citations.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/question_answering/how_to/qa_citations.ipynb rename to docs/docs/use_cases/question_answering/how_to/qa_citations.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/question_answering/how_to/question_answering.mdx b/docs/docs/use_cases/question_answering/how_to/question_answering.mdx similarity index 100% rename from docs/docs_skeleton/docs/use_cases/question_answering/how_to/question_answering.mdx rename to docs/docs/use_cases/question_answering/how_to/question_answering.mdx diff --git a/docs/docs_skeleton/docs/use_cases/question_answering/how_to/vector_db_qa.mdx b/docs/docs/use_cases/question_answering/how_to/vector_db_qa.mdx similarity index 100% rename from docs/docs_skeleton/docs/use_cases/question_answering/how_to/vector_db_qa.mdx rename to docs/docs/use_cases/question_answering/how_to/vector_db_qa.mdx diff --git a/docs/docs_skeleton/docs/use_cases/question_answering/how_to/vector_db_text_generation.ipynb b/docs/docs/use_cases/question_answering/how_to/vector_db_text_generation.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/question_answering/how_to/vector_db_text_generation.ipynb rename to docs/docs/use_cases/question_answering/how_to/vector_db_text_generation.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/question_answering/integrations/_category_.yml b/docs/docs/use_cases/question_answering/integrations/_category_.yml similarity index 100% rename from docs/docs_skeleton/docs/use_cases/question_answering/integrations/_category_.yml rename to docs/docs/use_cases/question_answering/integrations/_category_.yml diff --git a/docs/docs_skeleton/docs/use_cases/question_answering/integrations/openai_functions_retrieval_qa.ipynb b/docs/docs/use_cases/question_answering/integrations/openai_functions_retrieval_qa.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/question_answering/integrations/openai_functions_retrieval_qa.ipynb rename to docs/docs/use_cases/question_answering/integrations/openai_functions_retrieval_qa.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/question_answering/integrations/semantic-search-over-chat.ipynb b/docs/docs/use_cases/question_answering/integrations/semantic-search-over-chat.ipynb similarity index 100% rename from docs/docs_skeleton/docs/use_cases/question_answering/integrations/semantic-search-over-chat.ipynb rename to docs/docs/use_cases/question_answering/integrations/semantic-search-over-chat.ipynb diff --git a/docs/docs_skeleton/docs/use_cases/question_answering/question_answering.ipynb b/docs/docs/use_cases/question_answering/question_answering.ipynb similarity index 99% rename from docs/docs_skeleton/docs/use_cases/question_answering/question_answering.ipynb rename to docs/docs/use_cases/question_answering/question_answering.ipynb index d83d98e57bdb4..89d7dd3a667b2 100644 --- a/docs/docs_skeleton/docs/use_cases/question_answering/question_answering.ipynb +++ b/docs/docs/use_cases/question_answering/question_answering.ipynb @@ -7,7 +7,7 @@ "source": [ "# Question Answering\n", "\n", - "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs_skeleton/docs/use_cases/question_answering/qa.ipynb)\n", + "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs/use_cases/question_answering/qa.ipynb)\n", "\n", "## Use case\n", "Suppose you have some text documents (PDF, blog, Notion pages, etc.) and want to ask questions related to the contents of those documents. \n", diff --git a/docs/docs_skeleton/docs/use_cases/summarization.ipynb b/docs/docs/use_cases/summarization.ipynb similarity index 99% rename from docs/docs_skeleton/docs/use_cases/summarization.ipynb rename to docs/docs/use_cases/summarization.ipynb index 366a84bb425a8..46e273ada5083 100644 --- a/docs/docs_skeleton/docs/use_cases/summarization.ipynb +++ b/docs/docs/use_cases/summarization.ipynb @@ -16,7 +16,7 @@ "id": "cf13f702", "metadata": {}, "source": [ - "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs_skeleton/docs/use_cases/summarization.ipynb)\n", + "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs/use_cases/summarization.ipynb)\n", "\n", "## Use case\n", "\n", diff --git a/docs/docs_skeleton/docs/use_cases/tagging.ipynb b/docs/docs/use_cases/tagging.ipynb similarity index 99% rename from docs/docs_skeleton/docs/use_cases/tagging.ipynb rename to docs/docs/use_cases/tagging.ipynb index 97f5e94c7cbcb..645f1f5d98013 100644 --- a/docs/docs_skeleton/docs/use_cases/tagging.ipynb +++ b/docs/docs/use_cases/tagging.ipynb @@ -16,7 +16,7 @@ "id": "a0507a4b", "metadata": {}, "source": [ - "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs_skeleton/docs/use_cases/tagging.ipynb)\n", + "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs/use_cases/tagging.ipynb)\n", "\n", "## Use case\n", "\n", diff --git a/docs/docs_skeleton/docs/use_cases/web_scraping.ipynb b/docs/docs/use_cases/web_scraping.ipynb similarity index 99% rename from docs/docs_skeleton/docs/use_cases/web_scraping.ipynb rename to docs/docs/use_cases/web_scraping.ipynb index fb3e94fb5d3ea..fc01c3ecfa810 100644 --- a/docs/docs_skeleton/docs/use_cases/web_scraping.ipynb +++ b/docs/docs/use_cases/web_scraping.ipynb @@ -16,7 +16,7 @@ "id": "6605e7f7", "metadata": {}, "source": [ - "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs_skeleton/docs/use_cases/web_scraping.ipynb)\n", + "[![Open In Collab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/langchain-ai/langchain/blob/master/docs/docs/use_cases/web_scraping.ipynb)\n", "\n", "## Use case\n", "\n", diff --git a/docs/docs_skeleton/ignore_build.sh b/docs/docs_skeleton/ignore_build.sh deleted file mode 100755 index 8669cde18833d..0000000000000 --- a/docs/docs_skeleton/ignore_build.sh +++ /dev/null @@ -1,14 +0,0 @@ -#!/bin/bash - -echo "VERCEL_GIT_COMMIT_REF: $VERCEL_GIT_COMMIT_REF" - -if [[ $VERCEL_GIT_COMMIT_REF = __docs__* || "$VERCEL_GIT_COMMIT_REF" == "master" ]] ; then - # Proceed with the build - echo "✅ - Build can proceed" - exit 1; - -else - # Don't build - echo "🛑 - Build cancelled" - exit 0; -fi diff --git a/docs/docs_skeleton/docusaurus.config.js b/docs/docusaurus.config.js similarity index 95% rename from docs/docs_skeleton/docusaurus.config.js rename to docs/docusaurus.config.js index e395b1166de55..545d9476fe85d 100644 --- a/docs/docs_skeleton/docusaurus.config.js +++ b/docs/docusaurus.config.js @@ -6,8 +6,7 @@ const { ProvidePlugin } = require("webpack"); const path = require("path"); -const examplesPath = path.resolve(__dirname, "..", "examples", "src"); -const snippetsPath = path.resolve(__dirname, "..", "snippets"); +const snippetsPath = path.resolve(__dirname, "snippets"); const baseLightCodeBlockTheme = require("prism-react-renderer/themes/vsLight"); const baseDarkCodeBlockTheme = require("prism-react-renderer/themes/vsDark"); @@ -44,16 +43,11 @@ const config = { url: false, }, alias: { - "@examples": examplesPath, "@snippets": snippetsPath, }, }, module: { rules: [ - { - test: examplesPath, - use: ["json-loader", "./code-block-loader.js"], - }, { test: /\.m?js/, resolve: { diff --git a/docs/extras/guides/langsmith/README.md b/docs/extras/guides/langsmith/README.md index 93064e3e73214..4fe029d03cbfc 100644 --- a/docs/extras/guides/langsmith/README.md +++ b/docs/extras/guides/langsmith/README.md @@ -1 +1 @@ -This section has been moved to [/docs/docs_skeleton/docs/guides/langsmith](https://github.com/langchain-ai/langchain/blob/master/docs/docs_skeleton/docs/guides/langsmith) +This section has been moved to [/docs/docs/guides/langsmith](https://github.com/langchain-ai/langchain/blob/master/docs/docs/guides/langsmith) diff --git a/docs/docs_skeleton/package-lock.json b/docs/package-lock.json similarity index 100% rename from docs/docs_skeleton/package-lock.json rename to docs/package-lock.json diff --git a/docs/docs_skeleton/package.json b/docs/package.json similarity index 100% rename from docs/docs_skeleton/package.json rename to docs/package.json diff --git a/docs/scripts/generate_api_reference_links.py b/docs/scripts/generate_api_reference_links.py index 6df19659eea1c..cc994ad06ee21 100644 --- a/docs/scripts/generate_api_reference_links.py +++ b/docs/scripts/generate_api_reference_links.py @@ -24,7 +24,7 @@ _CURRENT_PATH = Path(__file__).parent.absolute() # Directory where generated markdown files are stored -_DOCS_DIR = _CURRENT_PATH / "docs_skeleton" / "docs" +_DOCS_DIR = _CURRENT_PATH / "docs" _JSON_PATH = _CURRENT_PATH / "api_reference" / "guide_imports.json" diff --git a/docs/scripts/model_feat_table.py b/docs/scripts/model_feat_table.py index c54f35f96943e..d02299f4d81e0 100644 --- a/docs/scripts/model_feat_table.py +++ b/docs/scripts/model_feat_table.py @@ -7,7 +7,6 @@ INTEGRATIONS_DIR = ( Path(os.path.abspath(__file__)).parents[1] - / "docs_skeleton" / "docs" / "integrations" ) diff --git a/docs/docs_skeleton/settings.ini b/docs/settings.ini similarity index 100% rename from docs/docs_skeleton/settings.ini rename to docs/settings.ini diff --git a/docs/docs_skeleton/sidebars.js b/docs/sidebars.js similarity index 100% rename from docs/docs_skeleton/sidebars.js rename to docs/sidebars.js diff --git a/docs/snippets/modules/data_connection/document_loaders/get_started.mdx b/docs/snippets/modules/data_connection/document_loaders/get_started.mdx index 9a937e7b5b350..ff59812bbd7e0 100644 --- a/docs/snippets/modules/data_connection/document_loaders/get_started.mdx +++ b/docs/snippets/modules/data_connection/document_loaders/get_started.mdx @@ -11,7 +11,7 @@ loader.load() ``` [ - Document(page_content='---\nsidebar_position: 0\n---\n# Document loaders\n\nUse document loaders to load data from a source as `Document`\'s. A `Document` is a piece of text\nand associated metadata. For example, there are document loaders for loading a simple `.txt` file, for loading the text\ncontents of any web page, or even for loading a transcript of a YouTube video.\n\nEvery document loader exposes two methods:\n1. "Load": load documents from the configured source\n2. "Load and split": load documents from the configured source and split them using the passed in text splitter\n\nThey optionally implement:\n\n3. "Lazy load": load documents into memory lazily\n', metadata={'source': '../docs/docs_skeleton/docs/modules/data_connection/document_loaders/index.md'}) + Document(page_content='---\nsidebar_position: 0\n---\n# Document loaders\n\nUse document loaders to load data from a source as `Document`\'s. A `Document` is a piece of text\nand associated metadata. For example, there are document loaders for loading a simple `.txt` file, for loading the text\ncontents of any web page, or even for loading a transcript of a YouTube video.\n\nEvery document loader exposes two methods:\n1. "Load": load documents from the configured source\n2. "Load and split": load documents from the configured source and split them using the passed in text splitter\n\nThey optionally implement:\n\n3. "Lazy load": load documents into memory lazily\n', metadata={'source': '../docs/docs/modules/data_connection/document_loaders/index.md'}) ] ``` diff --git a/docs/docs_skeleton/src/css/custom.css b/docs/src/css/custom.css similarity index 100% rename from docs/docs_skeleton/src/css/custom.css rename to docs/src/css/custom.css diff --git a/docs/docs_skeleton/src/pages/index.js b/docs/src/pages/index.js similarity index 100% rename from docs/docs_skeleton/src/pages/index.js rename to docs/src/pages/index.js diff --git a/docs/docs_skeleton/src/theme/CodeBlock/index.js b/docs/src/theme/CodeBlock/index.js similarity index 100% rename from docs/docs_skeleton/src/theme/CodeBlock/index.js rename to docs/src/theme/CodeBlock/index.js diff --git a/docs/docs_skeleton/src/theme/SearchBar.js b/docs/src/theme/SearchBar.js similarity index 100% rename from docs/docs_skeleton/src/theme/SearchBar.js rename to docs/src/theme/SearchBar.js diff --git a/docs/docs_skeleton/static/.nojekyll b/docs/static/.nojekyll similarity index 100% rename from docs/docs_skeleton/static/.nojekyll rename to docs/static/.nojekyll diff --git a/docs/docs_skeleton/static/img/ApifyActors.png b/docs/static/img/ApifyActors.png similarity index 100% rename from docs/docs_skeleton/static/img/ApifyActors.png rename to docs/static/img/ApifyActors.png diff --git a/docs/docs_skeleton/static/img/HeliconeDashboard.png b/docs/static/img/HeliconeDashboard.png similarity index 100% rename from docs/docs_skeleton/static/img/HeliconeDashboard.png rename to docs/static/img/HeliconeDashboard.png diff --git a/docs/docs_skeleton/static/img/HeliconeKeys.png b/docs/static/img/HeliconeKeys.png similarity index 100% rename from docs/docs_skeleton/static/img/HeliconeKeys.png rename to docs/static/img/HeliconeKeys.png diff --git a/docs/docs_skeleton/static/img/MetalDash.png b/docs/static/img/MetalDash.png similarity index 100% rename from docs/docs_skeleton/static/img/MetalDash.png rename to docs/static/img/MetalDash.png diff --git a/docs/docs_skeleton/static/img/OSS_LLM_overview.png b/docs/static/img/OSS_LLM_overview.png similarity index 100% rename from docs/docs_skeleton/static/img/OSS_LLM_overview.png rename to docs/static/img/OSS_LLM_overview.png diff --git a/docs/docs_skeleton/static/img/ReAct.png b/docs/static/img/ReAct.png similarity index 100% rename from docs/docs_skeleton/static/img/ReAct.png rename to docs/static/img/ReAct.png diff --git a/docs/docs_skeleton/static/img/RemembrallDashboard.png b/docs/static/img/RemembrallDashboard.png similarity index 100% rename from docs/docs_skeleton/static/img/RemembrallDashboard.png rename to docs/static/img/RemembrallDashboard.png diff --git a/docs/docs_skeleton/static/img/SQLDatabaseToolkit.png b/docs/static/img/SQLDatabaseToolkit.png similarity index 100% rename from docs/docs_skeleton/static/img/SQLDatabaseToolkit.png rename to docs/static/img/SQLDatabaseToolkit.png diff --git a/docs/docs_skeleton/static/img/agents_use_case_1.png b/docs/static/img/agents_use_case_1.png similarity index 100% rename from docs/docs_skeleton/static/img/agents_use_case_1.png rename to docs/static/img/agents_use_case_1.png diff --git a/docs/docs_skeleton/static/img/agents_use_case_trace_1.png b/docs/static/img/agents_use_case_trace_1.png similarity index 100% rename from docs/docs_skeleton/static/img/agents_use_case_trace_1.png rename to docs/static/img/agents_use_case_trace_1.png diff --git a/docs/docs_skeleton/static/img/agents_use_case_trace_2.png b/docs/static/img/agents_use_case_trace_2.png similarity index 100% rename from docs/docs_skeleton/static/img/agents_use_case_trace_2.png rename to docs/static/img/agents_use_case_trace_2.png diff --git a/docs/docs_skeleton/static/img/agents_vs_chains.png b/docs/static/img/agents_vs_chains.png similarity index 100% rename from docs/docs_skeleton/static/img/agents_vs_chains.png rename to docs/static/img/agents_vs_chains.png diff --git a/docs/docs_skeleton/static/img/api_chain.png b/docs/static/img/api_chain.png similarity index 100% rename from docs/docs_skeleton/static/img/api_chain.png rename to docs/static/img/api_chain.png diff --git a/docs/docs_skeleton/static/img/api_chain_response.png b/docs/static/img/api_chain_response.png similarity index 100% rename from docs/docs_skeleton/static/img/api_chain_response.png rename to docs/static/img/api_chain_response.png diff --git a/docs/docs_skeleton/static/img/api_function_call.png b/docs/static/img/api_function_call.png similarity index 100% rename from docs/docs_skeleton/static/img/api_function_call.png rename to docs/static/img/api_function_call.png diff --git a/docs/docs_skeleton/static/img/api_use_case.png b/docs/static/img/api_use_case.png similarity index 100% rename from docs/docs_skeleton/static/img/api_use_case.png rename to docs/static/img/api_use_case.png diff --git a/docs/docs_skeleton/static/img/apple-touch-icon.png b/docs/static/img/apple-touch-icon.png similarity index 100% rename from docs/docs_skeleton/static/img/apple-touch-icon.png rename to docs/static/img/apple-touch-icon.png diff --git a/docs/docs_skeleton/static/img/chat_use_case.png b/docs/static/img/chat_use_case.png similarity index 100% rename from docs/docs_skeleton/static/img/chat_use_case.png rename to docs/static/img/chat_use_case.png diff --git a/docs/docs_skeleton/static/img/chat_use_case_2.png b/docs/static/img/chat_use_case_2.png similarity index 100% rename from docs/docs_skeleton/static/img/chat_use_case_2.png rename to docs/static/img/chat_use_case_2.png diff --git a/docs/docs_skeleton/static/img/code_retrieval.png b/docs/static/img/code_retrieval.png similarity index 100% rename from docs/docs_skeleton/static/img/code_retrieval.png rename to docs/static/img/code_retrieval.png diff --git a/docs/docs_skeleton/static/img/code_understanding.png b/docs/static/img/code_understanding.png similarity index 100% rename from docs/docs_skeleton/static/img/code_understanding.png rename to docs/static/img/code_understanding.png diff --git a/docs/docs_skeleton/static/img/contextual_compression.jpg b/docs/static/img/contextual_compression.jpg similarity index 100% rename from docs/docs_skeleton/static/img/contextual_compression.jpg rename to docs/static/img/contextual_compression.jpg diff --git a/docs/docs_skeleton/static/img/cpal_diagram.png b/docs/static/img/cpal_diagram.png similarity index 100% rename from docs/docs_skeleton/static/img/cpal_diagram.png rename to docs/static/img/cpal_diagram.png diff --git a/docs/docs_skeleton/static/img/create_sql_query_chain.png b/docs/static/img/create_sql_query_chain.png similarity index 100% rename from docs/docs_skeleton/static/img/create_sql_query_chain.png rename to docs/static/img/create_sql_query_chain.png diff --git a/docs/docs_skeleton/static/img/data_connection.jpg b/docs/static/img/data_connection.jpg similarity index 100% rename from docs/docs_skeleton/static/img/data_connection.jpg rename to docs/static/img/data_connection.jpg diff --git a/docs/docs_skeleton/static/img/extraction.png b/docs/static/img/extraction.png similarity index 100% rename from docs/docs_skeleton/static/img/extraction.png rename to docs/static/img/extraction.png diff --git a/docs/docs_skeleton/static/img/extraction_trace_function.png b/docs/static/img/extraction_trace_function.png similarity index 100% rename from docs/docs_skeleton/static/img/extraction_trace_function.png rename to docs/static/img/extraction_trace_function.png diff --git a/docs/docs_skeleton/static/img/extraction_trace_function_2.png b/docs/static/img/extraction_trace_function_2.png similarity index 100% rename from docs/docs_skeleton/static/img/extraction_trace_function_2.png rename to docs/static/img/extraction_trace_function_2.png diff --git a/docs/docs_skeleton/static/img/extraction_trace_joke.png b/docs/static/img/extraction_trace_joke.png similarity index 100% rename from docs/docs_skeleton/static/img/extraction_trace_joke.png rename to docs/static/img/extraction_trace_joke.png diff --git a/docs/docs_skeleton/static/img/favicon-16x16.png b/docs/static/img/favicon-16x16.png similarity index 100% rename from docs/docs_skeleton/static/img/favicon-16x16.png rename to docs/static/img/favicon-16x16.png diff --git a/docs/docs_skeleton/static/img/favicon-32x32.png b/docs/static/img/favicon-32x32.png similarity index 100% rename from docs/docs_skeleton/static/img/favicon-32x32.png rename to docs/static/img/favicon-32x32.png diff --git a/docs/docs_skeleton/static/img/favicon.ico b/docs/static/img/favicon.ico similarity index 100% rename from docs/docs_skeleton/static/img/favicon.ico rename to docs/static/img/favicon.ico diff --git a/docs/docs_skeleton/static/img/llama-memory-weights.png b/docs/static/img/llama-memory-weights.png similarity index 100% rename from docs/docs_skeleton/static/img/llama-memory-weights.png rename to docs/static/img/llama-memory-weights.png diff --git a/docs/docs_skeleton/static/img/llama_t_put.png b/docs/static/img/llama_t_put.png similarity index 100% rename from docs/docs_skeleton/static/img/llama_t_put.png rename to docs/static/img/llama_t_put.png diff --git a/docs/docs_skeleton/static/img/map_reduce.jpg b/docs/static/img/map_reduce.jpg similarity index 100% rename from docs/docs_skeleton/static/img/map_reduce.jpg rename to docs/static/img/map_reduce.jpg diff --git a/docs/docs_skeleton/static/img/map_rerank.jpg b/docs/static/img/map_rerank.jpg similarity index 100% rename from docs/docs_skeleton/static/img/map_rerank.jpg rename to docs/static/img/map_rerank.jpg diff --git a/docs/docs_skeleton/static/img/memory_diagram.png b/docs/static/img/memory_diagram.png similarity index 100% rename from docs/docs_skeleton/static/img/memory_diagram.png rename to docs/static/img/memory_diagram.png diff --git a/docs/docs_skeleton/static/img/model_io.jpg b/docs/static/img/model_io.jpg similarity index 100% rename from docs/docs_skeleton/static/img/model_io.jpg rename to docs/static/img/model_io.jpg diff --git a/docs/docs_skeleton/static/img/multi_vector.png b/docs/static/img/multi_vector.png similarity index 100% rename from docs/docs_skeleton/static/img/multi_vector.png rename to docs/static/img/multi_vector.png diff --git a/docs/docs_skeleton/static/img/oai_function_agent.png b/docs/static/img/oai_function_agent.png similarity index 100% rename from docs/docs_skeleton/static/img/oai_function_agent.png rename to docs/static/img/oai_function_agent.png diff --git a/docs/docs_skeleton/static/img/parrot-chainlink-icon.png b/docs/static/img/parrot-chainlink-icon.png similarity index 100% rename from docs/docs_skeleton/static/img/parrot-chainlink-icon.png rename to docs/static/img/parrot-chainlink-icon.png diff --git a/docs/docs_skeleton/static/img/parrot-icon.png b/docs/static/img/parrot-icon.png similarity index 100% rename from docs/docs_skeleton/static/img/parrot-icon.png rename to docs/static/img/parrot-icon.png diff --git a/docs/docs_skeleton/static/img/portkey-dashboard.gif b/docs/static/img/portkey-dashboard.gif similarity index 100% rename from docs/docs_skeleton/static/img/portkey-dashboard.gif rename to docs/static/img/portkey-dashboard.gif diff --git a/docs/docs_skeleton/static/img/portkey-tracing.png b/docs/static/img/portkey-tracing.png similarity index 100% rename from docs/docs_skeleton/static/img/portkey-tracing.png rename to docs/static/img/portkey-tracing.png diff --git a/docs/docs_skeleton/static/img/qa_data_load.png b/docs/static/img/qa_data_load.png similarity index 100% rename from docs/docs_skeleton/static/img/qa_data_load.png rename to docs/static/img/qa_data_load.png diff --git a/docs/docs_skeleton/static/img/qa_flow.jpeg b/docs/static/img/qa_flow.jpeg similarity index 100% rename from docs/docs_skeleton/static/img/qa_flow.jpeg rename to docs/static/img/qa_flow.jpeg diff --git a/docs/docs_skeleton/static/img/qa_intro.png b/docs/static/img/qa_intro.png similarity index 100% rename from docs/docs_skeleton/static/img/qa_intro.png rename to docs/static/img/qa_intro.png diff --git a/docs/docs_skeleton/static/img/refine.jpg b/docs/static/img/refine.jpg similarity index 100% rename from docs/docs_skeleton/static/img/refine.jpg rename to docs/static/img/refine.jpg diff --git a/docs/docs_skeleton/static/img/run_details.png b/docs/static/img/run_details.png similarity index 100% rename from docs/docs_skeleton/static/img/run_details.png rename to docs/static/img/run_details.png diff --git a/docs/docs_skeleton/static/img/self_querying.jpg b/docs/static/img/self_querying.jpg similarity index 100% rename from docs/docs_skeleton/static/img/self_querying.jpg rename to docs/static/img/self_querying.jpg diff --git a/docs/docs_skeleton/static/img/sql_usecase.png b/docs/static/img/sql_usecase.png similarity index 100% rename from docs/docs_skeleton/static/img/sql_usecase.png rename to docs/static/img/sql_usecase.png diff --git a/docs/docs_skeleton/static/img/sqldbchain_trace.png b/docs/static/img/sqldbchain_trace.png similarity index 100% rename from docs/docs_skeleton/static/img/sqldbchain_trace.png rename to docs/static/img/sqldbchain_trace.png diff --git a/docs/docs_skeleton/static/img/stuff.jpg b/docs/static/img/stuff.jpg similarity index 100% rename from docs/docs_skeleton/static/img/stuff.jpg rename to docs/static/img/stuff.jpg diff --git a/docs/docs_skeleton/static/img/summarization_use_case_1.png b/docs/static/img/summarization_use_case_1.png similarity index 100% rename from docs/docs_skeleton/static/img/summarization_use_case_1.png rename to docs/static/img/summarization_use_case_1.png diff --git a/docs/docs_skeleton/static/img/summarization_use_case_2.png b/docs/static/img/summarization_use_case_2.png similarity index 100% rename from docs/docs_skeleton/static/img/summarization_use_case_2.png rename to docs/static/img/summarization_use_case_2.png diff --git a/docs/docs_skeleton/static/img/summarization_use_case_3.png b/docs/static/img/summarization_use_case_3.png similarity index 100% rename from docs/docs_skeleton/static/img/summarization_use_case_3.png rename to docs/static/img/summarization_use_case_3.png diff --git a/docs/docs_skeleton/static/img/summary_chains.png b/docs/static/img/summary_chains.png similarity index 100% rename from docs/docs_skeleton/static/img/summary_chains.png rename to docs/static/img/summary_chains.png diff --git a/docs/docs_skeleton/static/img/tagging.png b/docs/static/img/tagging.png similarity index 100% rename from docs/docs_skeleton/static/img/tagging.png rename to docs/static/img/tagging.png diff --git a/docs/docs_skeleton/static/img/tagging_trace.png b/docs/static/img/tagging_trace.png similarity index 100% rename from docs/docs_skeleton/static/img/tagging_trace.png rename to docs/static/img/tagging_trace.png diff --git a/docs/docs_skeleton/static/img/vector_stores.jpg b/docs/static/img/vector_stores.jpg similarity index 100% rename from docs/docs_skeleton/static/img/vector_stores.jpg rename to docs/static/img/vector_stores.jpg diff --git a/docs/docs_skeleton/static/img/web_research.png b/docs/static/img/web_research.png similarity index 100% rename from docs/docs_skeleton/static/img/web_research.png rename to docs/static/img/web_research.png diff --git a/docs/docs_skeleton/static/img/web_scraping.png b/docs/static/img/web_scraping.png similarity index 100% rename from docs/docs_skeleton/static/img/web_scraping.png rename to docs/static/img/web_scraping.png diff --git a/docs/docs_skeleton/static/img/wsj_page.png b/docs/static/img/wsj_page.png similarity index 100% rename from docs/docs_skeleton/static/img/wsj_page.png rename to docs/static/img/wsj_page.png diff --git a/docs/docs_skeleton/static/js/google_analytics.js b/docs/static/js/google_analytics.js similarity index 100% rename from docs/docs_skeleton/static/js/google_analytics.js rename to docs/static/js/google_analytics.js diff --git a/docs/docs_skeleton/vercel.json b/docs/vercel.json similarity index 100% rename from docs/docs_skeleton/vercel.json rename to docs/vercel.json diff --git a/docs/docs_skeleton/vercel_build.sh b/docs/vercel_build.sh similarity index 94% rename from docs/docs_skeleton/vercel_build.sh rename to docs/vercel_build.sh index 73ba144a45df3..5200772c6a44f 100755 --- a/docs/docs_skeleton/vercel_build.sh +++ b/docs/vercel_build.sh @@ -42,12 +42,10 @@ if ! version_compare $openssl_version $required_openssl_version && ! version_com cd .. fi -cd .. python3.11 -m venv .venv source .venv/bin/activate python3.11 -m pip install --upgrade pip python3.11 -m pip install -r vercel_requirements.txt python3.11 scripts/model_feat_table.py -cd docs_skeleton -nbdoc_build -python3.11 ../scripts/generate_api_reference_links.py +nbdoc_build --srcdir docs +python3.11 scripts/generate_api_reference_links.py From 0ca8d4449cb80cdc52e3f526a383af297a645488 Mon Sep 17 00:00:00 2001 From: Bagatur <22008038+baskaryan@users.noreply.github.com> Date: Tue, 10 Oct 2023 12:58:04 -0700 Subject: [PATCH 4/4] add ls guide redirect (#11623) --- docs/docs_skeleton/docs/guides/langsmith/README.md | 1 + 1 file changed, 1 insertion(+) create mode 100644 docs/docs_skeleton/docs/guides/langsmith/README.md diff --git a/docs/docs_skeleton/docs/guides/langsmith/README.md b/docs/docs_skeleton/docs/guides/langsmith/README.md new file mode 100644 index 0000000000000..4fe029d03cbfc --- /dev/null +++ b/docs/docs_skeleton/docs/guides/langsmith/README.md @@ -0,0 +1 @@ +This section has been moved to [/docs/docs/guides/langsmith](https://github.com/langchain-ai/langchain/blob/master/docs/docs/guides/langsmith)