diff --git a/llama-index-packs/llama-index-packs-koda-retriever/.gitignore b/llama-index-packs/llama-index-packs-koda-retriever/.gitignore
new file mode 100644
index 0000000000000000000000000000000000000000..990c18de229088f55c6c514fd0f2d49981d1b0e7
--- /dev/null
+++ b/llama-index-packs/llama-index-packs-koda-retriever/.gitignore
@@ -0,0 +1,153 @@
+llama_index/_static
+.DS_Store
+# Byte-compiled / optimized / DLL files
+__pycache__/
+*.py[cod]
+*$py.class
+
+# C extensions
+*.so
+
+# Distribution / packaging
+.Python
+bin/
+build/
+develop-eggs/
+dist/
+downloads/
+eggs/
+.eggs/
+etc/
+include/
+lib/
+lib64/
+parts/
+sdist/
+share/
+var/
+wheels/
+pip-wheel-metadata/
+share/python-wheels/
+*.egg-info/
+.installed.cfg
+*.egg
+MANIFEST
+
+# PyInstaller
+#  Usually these files are written by a python script from a template
+#  before PyInstaller builds the exe, so as to inject date/other infos into it.
+*.manifest
+*.spec
+
+# Installer logs
+pip-log.txt
+pip-delete-this-directory.txt
+
+# Unit test / coverage reports
+htmlcov/
+.tox/
+.nox/
+.coverage
+.coverage.*
+.cache
+nosetests.xml
+coverage.xml
+*.cover
+*.py,cover
+.hypothesis/
+.pytest_cache/
+.ruff_cache
+
+# Translations
+*.mo
+*.pot
+
+# Django stuff:
+*.log
+local_settings.py
+db.sqlite3
+db.sqlite3-journal
+
+# Flask stuff:
+instance/
+.webassets-cache
+
+# Scrapy stuff:
+.scrapy
+
+# Sphinx documentation
+docs/_build/
+
+# PyBuilder
+target/
+
+# Jupyter Notebook
+.ipynb_checkpoints
+notebooks/
+
+# IPython
+profile_default/
+ipython_config.py
+
+# pyenv
+.python-version
+
+# pipenv
+#   According to pypa/pipenv#598, it is recommended to include Pipfile.lock in version control.
+#   However, in case of collaboration, if having platform-specific dependencies or dependencies
+#   having no cross-platform support, pipenv may install dependencies that don't work, or not
+#   install all needed dependencies.
+#Pipfile.lock
+
+# PEP 582; used by e.g. github.com/David-OConnor/pyflow
+__pypackages__/
+
+# Celery stuff
+celerybeat-schedule
+celerybeat.pid
+
+# SageMath parsed files
+*.sage.py
+
+# Environments
+.env
+.venv
+env/
+venv/
+ENV/
+env.bak/
+venv.bak/
+pyvenv.cfg
+
+# Spyder project settings
+.spyderproject
+.spyproject
+
+# Rope project settings
+.ropeproject
+
+# mkdocs documentation
+/site
+
+# mypy
+.mypy_cache/
+.dmypy.json
+dmypy.json
+
+# Pyre type checker
+.pyre/
+
+# Jetbrains
+.idea
+modules/
+*.swp
+
+# VsCode
+.vscode
+
+# pipenv
+Pipfile
+Pipfile.lock
+
+# pyright
+pyrightconfig.json
diff --git a/llama-index-packs/llama-index-packs-koda-retriever/BUILD b/llama-index-packs/llama-index-packs-koda-retriever/BUILD
new file mode 100644
index 0000000000000000000000000000000000000000..0896ca890d8bffd60a44fa824f8d57fecd73ee53
--- /dev/null
+++ b/llama-index-packs/llama-index-packs-koda-retriever/BUILD
@@ -0,0 +1,3 @@
+poetry_requirements(
+    name="poetry",
+)
diff --git a/llama-index-packs/llama-index-packs-koda-retriever/Makefile b/llama-index-packs/llama-index-packs-koda-retriever/Makefile
new file mode 100644
index 0000000000000000000000000000000000000000..b9eab05aa370629a4a3de75df3ff64cd53887b68
--- /dev/null
+++ b/llama-index-packs/llama-index-packs-koda-retriever/Makefile
@@ -0,0 +1,17 @@
+GIT_ROOT ?= $(shell git rev-parse --show-toplevel)
+
+help:	## Show all Makefile targets.
+	@grep -E '^[a-zA-Z_-]+:.*?## .*$$' $(MAKEFILE_LIST) | awk 'BEGIN {FS = ":.*?## "}; {printf "\033[33m%-30s\033[0m %s\n", $$1, $$2}'
+
+format:	## Run code autoformatters (black).
+	pre-commit install
+	git ls-files | xargs pre-commit run black --files
+
+lint:	## Run linters: pre-commit (black, ruff, codespell) and mypy
+	pre-commit install && git ls-files | xargs pre-commit run --show-diff-on-failure --files
+
+test:	## Run tests via pytest.
+	pytest tests
+
+watch-docs:	## Build and watch documentation.
+	sphinx-autobuild docs/ docs/_build/html --open-browser --watch $(GIT_ROOT)/llama_index/
diff --git a/llama-index-packs/llama-index-packs-koda-retriever/README.md b/llama-index-packs/llama-index-packs-koda-retriever/README.md
new file mode 100644
index 0000000000000000000000000000000000000000..582d67388a106fdc7365191788db359d7234eb7f
--- /dev/null
+++ b/llama-index-packs/llama-index-packs-koda-retriever/README.md
@@ -0,0 +1,77 @@
+# Koda Retriever
+
+This retriever is a custom fine-tunable Hybrid Retriever that dynamically determines the optimal alpha for a given query.
+An LLM is used to categorize the query and therefore determine the optimal alpha value, as each category has a preset/provided alpha value.
+It is recommended that you run tests on your corpus of data and queries to determine categories and corresponding alpha values for your use case.
+
+![koda-retriever-mascot](https://i.imgur.com/224ocIw.jpeg)
+
+### Disclaimer
+
+_The default categories and alpha values are not recommended for production use_
+
+## Introduction
+
+Alpha tuning in hybrid retrieval for RAG models refers to the process of adjusting the weight (alpha) given to different components of a hybrid search strategy. In RAG, the retrieval component is crucial for fetching relevant context from a knowledge base, which the generation component then uses to produce answers. By fine-tuning the alpha parameter, the balance between the retrieved results from dense vector search methods and traditional sparse methods can be optimized. This optimization aims to enhance the overall performance of the system, ensuring that the retrieval process effectively supports the generation of accurate and contextually relevant responses.
+
+### Simply explained
+
+Imagine you're playing a game where someone whispers a sentence to you, and you have to decide whether to draw a picture of exactly what they said, or draw a picture of what you think they mean. Alpha tuning is like finding the best rule for when to draw exactly what's said and when to think deeper about the meaning. It helps us get the best mix, so the game is more fun and everyone understands each other better!
+
+## Usage Snapshot
+
+Koda Retriever is compatible with all other retrieval interfaces and objects that would normally be able to interact with an LI-native [retriever](https://docs.llamaindex.ai/en/stable/module_guides/querying/retriever/root.html).
+
+Please see the [examples](./examples/) folder for more specific examples.
+
+```python
+# Setup
+from llama_index.packs.koda_retriever import KodaRetriever
+from llama_index.core import VectorStoreIndex
+from llama_index.llms.openai import OpenAI
+from llama_index.embeddings.openai.base import OpenAIEmbedding
+from llama_index.core.postprocessor import LLMRerank
+from llama_index.core import Settings
+
+Settings.llm = OpenAI()
+Settings.embed_model = OpenAIEmbedding()
+vector_store = PineconeVectorStore(pinecone_index=index, text_key="summary")
+vector_index = VectorStoreIndex.from_vector_store(
+    vector_store=vector_store, embed_model=Settings.embed_model
+)
+
+reranker = LLMRerank(llm=Settings.llm)  # optional
+retriever = KodaRetriever(
+    index=vector_index, llm=Settings.llm, reranker=reranker, verbose=True
+)
+
+# Retrieval
+query = "What was the intended business model for the parks in the Jurassic Park lore?"
+
+results = retriever.retrieve(query)
+
+# Query Engine
+query_engine = RetrieverQueryEngine.from_args(retriever=retriever)
+
+response = query_engine.query(query)
+```
+
+### Prerequisites
+
+- Vector Store Index w/ hybrid search enabled
+- LLM (or any model to route/classify prompts)
+
+Please note that you will also need vector AND text representations of your data for a hybrid retriever to work. It is not uncommon for some vector databases to only store the vectors themselves, in which case an error will occur downstream if you try to run any hybrid queries.
+
+## Setup
+
+## Citations
+
+Idea & original implementation sourced from the following docs:
+
+- https://blog.llamaindex.ai/llamaindex-enhancing-retrieval-performance-with-alpha-tuning-in-hybrid-search-in-rag-135d0c9b8a00
+- https://techcommunity.microsoft.com/t5/ai-azure-ai-services-blog/azure-ai-search-outperforming-vector-search-with-hybrid/ba-p/3929167
+
+## Buy me a coffee
+
+[Thanks!](https://www.buymeacoffee.com/nodice)
diff --git a/llama-index-packs/llama-index-packs-koda-retriever/examples/README.md b/llama-index-packs/llama-index-packs-koda-retriever/examples/README.md
new file mode 100644
index 0000000000000000000000000000000000000000..aa395f80e54897a9023fd4434f6c0450ac366de5
--- /dev/null
+++ b/llama-index-packs/llama-index-packs-koda-retriever/examples/README.md
@@ -0,0 +1,8 @@
+# Notebooks as a guide
+
+For now, the following guides exist:
+
+- [Alpha Tuning](alpha_tuning.ipynb): Showcases a (simple) example on how to provide custom categories/alpha values for alpha tuning.
+- [Quickstart](quickstart.ipynb): A quickstart notebook showing how Koda Retriever functions with default values and basic fixtures.
+
+Both are recommended to review. More notebooks will be added as this project grows.
diff --git a/llama-index-packs/llama-index-packs-koda-retriever/examples/alpha_evaluation.ipynb b/llama-index-packs/llama-index-packs-koda-retriever/examples/alpha_evaluation.ipynb
new file mode 100644
index 0000000000000000000000000000000000000000..6ec22ffa63f0104a47c4cd31c9d01eec2f4a29fb
--- /dev/null
+++ b/llama-index-packs/llama-index-packs-koda-retriever/examples/alpha_evaluation.ipynb
@@ -0,0 +1,740 @@
+{
+ "cells": [
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "# Evaluating RAG w/ Alpha Tuning\n",
+    "Evaluation is a crucial piece of development when building a RAG pipeline. Likewise, alpha tuning can be a time consuming exercise to build out, so what does the performance benefit look like for all of this extra effort? Let's dig into that.\n",
+    "\n",
+    "### Fixtures\n",
+    "- For our dataset: Several research papers on AI (same used in the blog post referenced below) /data\n",
+    "- Our vector db: [Pinecone](https://www.pinecone.io/)\n",
+    "- For our embedding model: [ada-002](https://platform.openai.com/docs/models/embeddings) \n",
+    "- For our LLM: [GPT-3.5 Turbo](https://platform.openai.com/docs/models/gpt-3-5-turbo)\n",
+    "\n",
+    "These fixtures were chosen because they're well integrated within LlamaIndex to make this notebook very transferrable to those looking to reproduce this.\n",
+    "Likewise, Pinecone supports hybrid search, which is a requirement for hybrid searches to be possible. Koda Retriever will also be used!\n",
+    "\n",
+    "### Testing\n",
+    "\n",
+    "Koda Retriever was largely inspired from the alpha tuning [blog post written by Ravi Theja](https://blog.llamaindex.ai/llamaindex-enhancing-retrieval-performance-with-alpha-tuning-in-hybrid-search-in-rag-135d0c9b8a00) from Llama Index. For that reason, we'll follow a similar pattern and evaluate with:\n",
+    "- MRR (Mean Reciprocal Rank)\n",
+    "- Hit Rate\n",
+    "\n",
+    "### Agenda:\n",
+    "- Fixture Setup\n",
+    "- Data Ingestion\n",
+    "- Synthetic Query Generation\n",
+    "- Alpha Mining & Evaluation\n",
+    "- Koda Retriever vs Vanilla Hybrid Retriever"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": null,
+   "metadata": {},
+   "outputs": [],
+   "source": [
+    "# Import all the necessary modules\n",
+    "from llama_index.llms.openai import OpenAI\n",
+    "from llama_index.core import VectorStoreIndex\n",
+    "from llama_index.embeddings.openai import OpenAIEmbedding\n",
+    "from llama_index.core.postprocessor import LLMRerank\n",
+    "from llama_index.core import VectorStoreIndex\n",
+    "from llama_index.vector_stores.pinecone import PineconeVectorStore\n",
+    "from llama_index.core import Settings\n",
+    "from llama_index.packs.koda_retriever import KodaRetriever\n",
+    "from llama_index.core.evaluation import RetrieverEvaluator\n",
+    "from llama_index.core import SimpleDirectoryReader\n",
+    "import os\n",
+    "from pinecone import Pinecone\n",
+    "from llama_index.core.node_parser import SemanticSplitterNodeParser\n",
+    "from llama_index.core.ingestion import IngestionPipeline\n",
+    "from llama_index.core.retrievers import VectorIndexRetriever\n",
+    "from llama_index.core.evaluation import generate_qa_embedding_pairs\n",
+    "import pandas as pd"
+   ]
+  },
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "## Fixture Setup"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": null,
+   "metadata": {},
+   "outputs": [],
+   "source": [
+    "pc = Pinecone(api_key=os.environ.get(\"PINECONE_API_KEY\"))\n",
+    "index = pc.Index(\"llama2-paper\")  # this was previously created in my pinecone account\n",
+    "\n",
+    "Settings.llm = OpenAI()\n",
+    "Settings.embed_model = OpenAIEmbedding()\n",
+    "\n",
+    "# if you recreate this using the default dataset in pinecone, you'll want to set `text_key = \"summary\"`\n",
+    "vector_store = PineconeVectorStore(pinecone_index=index)\n",
+    "vector_index = VectorStoreIndex.from_vector_store(\n",
+    "    vector_store=vector_store, embed_model=Settings.embed_model\n",
+    ")\n",
+    "\n",
+    "reranker = LLMRerank(llm=Settings.llm)  # optional\n",
+    "\n",
+    "koda_retriever = KodaRetriever(\n",
+    "    index=vector_index,\n",
+    "    llm=Settings.llm,\n",
+    "    reranker=reranker,  # optional\n",
+    "    verbose=True,\n",
+    "    similarity_top_k=10,\n",
+    ")\n",
+    "\n",
+    "vanilla_retriever = vector_index.as_retriever()\n",
+    "\n",
+    "pipeline = IngestionPipeline(\n",
+    "    transformations=[Settings.embed_model], vector_store=vector_store\n",
+    ")"
+   ]
+  },
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "## Data Ingestion\n",
+    "\n",
+    "Three research papers in `/data` are going to be ingested into our Pinecone instance.\n",
+    "\n",
+    "Our chunking strategy will solely be [semantic](https://docs.llamaindex.ai/en/stable/examples/node_parsers/semantic_chunking.html) - although this is not recommended for production. For production use cases it is recommended more analysis and other chunking strategies are considered for production use cases."
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": null,
+   "metadata": {},
+   "outputs": [
+    {
+     "data": {
+      "application/vnd.jupyter.widget-view+json": {
+       "model_id": "5f5e9c3aec13441194a2ee4ba2f63f82",
+       "version_major": 2,
+       "version_minor": 0
+      },
+      "text/plain": [
+       "Upserted vectors:   0%|          | 0/26 [00:00<?, ?it/s]"
+      ]
+     },
+     "metadata": {},
+     "output_type": "display_data"
+    },
+    {
+     "data": {
+      "application/vnd.jupyter.widget-view+json": {
+       "model_id": "181d68e22edd4cfcb577876550d68ad8",
+       "version_major": 2,
+       "version_minor": 0
+      },
+      "text/plain": [
+       "Upserted vectors:   0%|          | 0/23 [00:00<?, ?it/s]"
+      ]
+     },
+     "metadata": {},
+     "output_type": "display_data"
+    },
+    {
+     "data": {
+      "application/vnd.jupyter.widget-view+json": {
+       "model_id": "d94c8389fdc9470ab39ce7d33143dcd7",
+       "version_major": 2,
+       "version_minor": 0
+      },
+      "text/plain": [
+       "Upserted vectors:   0%|          | 0/37 [00:00<?, ?it/s]"
+      ]
+     },
+     "metadata": {},
+     "output_type": "display_data"
+    }
+   ],
+   "source": [
+    "# Simple function to load documents from a file - also taken from the source blog post\n",
+    "\n",
+    "\n",
+    "def load_documents(file_path, num_pages=None):\n",
+    "    if num_pages:\n",
+    "        documents = SimpleDirectoryReader(input_files=[file_path]).load_data()[\n",
+    "            :num_pages\n",
+    "        ]\n",
+    "    else:\n",
+    "        documents = SimpleDirectoryReader(input_files=[file_path]).load_data()\n",
+    "    return documents\n",
+    "\n",
+    "\n",
+    "# Load the documents\n",
+    "doc1 = load_documents(\n",
+    "    \"/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf\",\n",
+    "    num_pages=9,\n",
+    ")\n",
+    "doc2 = load_documents(\n",
+    "    \"/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf\",\n",
+    "    num_pages=7,\n",
+    ")\n",
+    "doc3 = load_documents(\n",
+    "    \"/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf\",\n",
+    "    num_pages=12,\n",
+    ")\n",
+    "docs = [doc1, doc2, doc3]\n",
+    "nodes = list()\n",
+    "\n",
+    "node_parser = SemanticSplitterNodeParser(\n",
+    "    embed_model=Settings.embed_model, breakpoint_percentile_threshold=95\n",
+    ")\n",
+    "# ingestion\n",
+    "for doc in docs:\n",
+    "    _nodes = node_parser.build_semantic_nodes_from_documents(\n",
+    "        documents=doc,\n",
+    "    )\n",
+    "    nodes.extend(_nodes)\n",
+    "\n",
+    "    pipeline.run(nodes=_nodes)"
+   ]
+  },
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "## Synthetic Query Generation"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": null,
+   "metadata": {},
+   "outputs": [
+    {
+     "name": "stdout",
+     "output_type": "stream",
+     "text": [
+      "[TextNode(id_='7fc3876d-f73f-4b4e-8710-53923a6f6ef3', embedding=[0.0002587825874798, 0.021306069567799568, 0.01790156401693821, -0.02210138365626335, 0.0058183567598462105, 0.02769649401307106, -8.795501344138756e-06, -0.003264977131038904, -0.031338199973106384, -0.039430879056453705, 0.02178046852350235, 0.03580312803387642, -0.014127305708825588, 0.023873401805758476, 0.0033399739768356085, 0.011253009550273418, 0.017301589250564575, 0.0054451171308755875, 0.01838991418480873, -0.01890617236495018, -0.0030644044745713472, -0.02380363829433918, -0.025436125695705414, -0.012773874215781689, -0.003517873352393508, -0.0016778354765847325, 0.04827701300382614, -0.018655018880963326, -0.007332245819270611, -0.002000496257096529, 0.013415707275271416, -0.005291635170578957, -0.007192716933786869, -0.010471646673977375, -0.0005084085860289633, 0.018948029726743698, 0.0006897962302900851, -0.00768804457038641, 0.019143370911478996, -0.0163667444139719, 0.02378968521952629, 0.02550589106976986, 0.010408858768641949, -0.0064427489414811134, -0.004070756956934929, 0.0029335960280150175, 0.004130056593567133, -0.021306069567799568, -0.005309076048433781, -0.016645802184939384, 0.0004445304803084582, 0.04623989015817642, -0.030305685475468636, 0.0026301206089556217, -0.017148107290267944, -0.009606567211449146, -0.013883129693567753, 0.026538405567407608, -0.01621326245367527, -0.027082568034529686, -0.00027883987058885396, 0.004876536317169666, -0.009599591605365276, 0.029859192669391632, 0.0061462498269975185, -0.01435752771794796, -0.020343320444226265, -0.008127560839056969, 0.009208910167217255, -0.018473632633686066, 0.027933694422245026, 0.009194957092404366, 0.017287636175751686, 0.005214894190430641, 0.022003713995218277, -0.0005698885070160031, 0.020873529836535454, 0.0027190702967345715, -0.008755440823733807, 0.0022987392731010914, 0.0014170907670632005, -0.015334230847656727, 0.01737135276198387, 0.043281879276037216, 0.018459679558873177, 0.016771377995610237, 0.004168427083641291, 0.02480824664235115, 0.0034149708226323128, -0.013115720823407173, -0.0013516866602003574, 0.00730434013530612, 0.022729264572262764, 0.021166540682315826, 0.004897465929389, 0.0037812343798577785, -0.00522884726524353, 0.004527714103460312, 0.0026475617196410894, -0.042305175215005875, -0.004499808419495821, 0.011825078167021275, -0.037728626281023026, -0.004841654095798731, -0.005483487620949745, 0.00777176208794117, -0.0006823837175033987, -0.00851824227720499, -0.003537058597430587, -0.0038928575813770294, -0.009062404744327068, 0.036724016070365906, -0.0015949902590364218, -0.025784948840737343, 0.007192716933786869, -0.006198573391884565, 0.020999105647206306, -0.007736879866570234, 0.008497312664985657, -0.02196185477077961, 0.016617896035313606, 0.006456701550632715, 0.030361497774720192, -0.015194701962172985, 0.030277781188488007, 0.0029824310913681984, -0.01653417944908142, -0.019841015338897705, -0.020385177806019783, -0.020496802404522896, -0.010792563669383526, 0.04141218960285187, 0.009006593376398087, 0.012578533962368965, -0.025240786373615265, 0.014664491638541222, 0.0061322967521846294, 0.002488847589120269, -0.01098790392279625, -0.022575782611966133, 0.009885625913739204, 0.005207917653024197, -0.019003842025995255, -0.012334358878433704, -0.007443869020789862, 0.03845417499542236, 0.01309479121118784, -0.0028167404234409332, 0.006006720941513777, 0.01991078071296215, 0.004517249297350645, -0.002288274699822068, -0.002682443941012025, 0.029998721554875374, 0.014162187464535236, -0.006156714633107185, -0.019143370911478996, 0.02397107146680355, -0.022715311497449875, -0.01792946830391884, 0.020050309598445892, 0.011106504127383232, 0.011839030310511589, 0.016645802184939384, 0.023566437885165215, 0.03211956098675728, 0.018864313140511513, 0.00316381873562932, 0.0012636089231818914, -0.035551972687244415, -0.006582277826964855, 0.015808628872036934, 0.0007399393944069743, 0.017650410532951355, -0.005682316143065691, 0.000978446681983769, 0.04970020800828934, -0.014748209156095982, -0.022840887308120728, -0.004733519162982702, -0.002396409632638097, -0.007667115423828363, 0.020399130880832672, 0.005424187518656254, -0.013785459101200104, -0.013387802056968212, 0.02111072838306427, 0.013136649504303932, 0.009411226958036423, -0.01688300259411335, 0.005755568854510784, -0.007206670008599758, -0.0131785087287426, -0.024724528193473816, -0.635358989238739, -0.00010322961315978318, 0.015278419479727745, -0.018864313140511513, -0.003941692411899567, 0.020831670612096786, -0.0048625837080180645, 0.025938430801033974, -0.005682316143065691, 0.023943167179822922, 0.002766161225736141, -0.013876153156161308, -0.01005306001752615, 0.0008066517184488475, -0.03396134451031685, -0.014413340017199516, -0.022059526294469833, 0.01132277399301529, 0.012257617898285389, 0.014971455559134483, -0.026747697964310646, 0.023357145488262177, -0.03142191842198372, 0.0009435644606128335, 0.0007037490722723305, -0.0011955886147916317, -0.000694156507961452, -0.011469279415905476, -0.0032911389134824276, 0.01758064702153206, -0.019841015338897705, 0.018641065806150436, 0.01826433837413788, 0.02109677530825138, 0.05299309268593788, -0.006488095968961716, -0.008497312664985657, 0.0017144618323072791, 0.008832181803882122, 0.01974334567785263, -0.02991500496864319, 6.584022048627958e-05, 0.019380569458007812, -0.008839158341288567, 0.006941564846783876, 0.009536802768707275, 0.00363124068826437, -0.0020964222494512796, 0.0022254865616559982, -0.003285906510427594, -0.009536802768707275, 0.006481119431555271, -0.009404250420629978, -0.020008450374007225, 0.01022049505263567, 0.0026388410478830338, 0.03820302337408066, -0.028491809964179993, -0.0007142137619666755, -0.01012282446026802, 0.009801908396184444, -0.006739248055964708, -0.023915261030197144, -0.0006440132856369019, -0.04646313935518265, 0.011085574515163898, 0.007827573455870152, -0.004144009668380022, 0.012180876918137074, -0.03172888234257698, 0.014092423021793365, 0.022185102105140686, 0.006362519692629576, -0.02602214738726616, -0.0020249136723577976, -0.0004301415756344795, 0.005347446538507938, -0.015013313852250576, 0.00777176208794117, 0.022492066025733948, 0.005643945652991533, -0.021068871021270752, -0.00519745284691453, 0.0055462755262851715, -0.0007739496068097651, -0.0038405340164899826, -0.012432028539478779, 0.03192422166466713, 0.02025960199534893, 0.020873529836535454, 0.0006409610505215824, 0.005563716404139996, -0.023273427039384842, -0.02786392904818058, -0.0018295733025297523, 0.009467038325965405, -0.004914906807243824, -0.019129417836666107, 0.007911290973424911, -0.020050309598445892, -0.011636713519692421, -0.005992767866700888, -0.002776626031845808, -0.0032876506447792053, 0.0013691277708858252, 0.02819879911839962, -0.00877637043595314, -0.005026530008763075, 0.004621895961463451, -0.005703245289623737, 0.004074245225638151, -0.005036994814872742, -0.009069381281733513, -0.001388313015922904, -0.0041963327676057816, -0.028449950739741325, 0.024738481268286705, 0.021682796999812126, -0.027459295466542244, -0.0020179373677819967, -0.007834549993276596, -0.013680812902748585, 0.023175757378339767, -0.003540546866133809, -0.0009767025476321578, 0.010687916539609432, -0.0025045445654541254, -0.008797300048172474, -0.010778610594570637, -0.0020859576761722565, 0.011622760444879532, -0.012264593504369259, 0.007081093732267618, -0.009920507669448853, 0.02531054988503456, 0.006941564846783876, 0.01122510340064764, -0.015962110832333565, -0.00443004397675395, -0.023385049775242805, -0.0371146984398365, -0.02365015633404255, 0.010492576286196709, -0.04640732705593109, -0.009955390356481075, -0.01791551522910595, -0.010994880460202694, -0.005640457384288311, -0.007904314436018467, -0.027068614959716797, -0.006449725478887558, -0.00961354374885559, 0.003378344466909766, -0.008950782008469105, -0.03091961331665516, 0.005797427613288164, -0.01889221929013729, -0.0317009761929512, -3.932426989194937e-05, -0.042835384607315063, -0.0029423164669424295, 0.015236560255289078, -0.0165620855987072, 0.007150858175009489, -0.003701005131006241, -0.036891452968120575, 0.003069636644795537, 0.015110984444618225, -0.02681746333837509, -0.030110346153378487, 0.015124937519431114, -0.015334230847656727, 0.007429915945976973, 0.03340322896838188, 0.001485111191868782, 0.009041475132107735, -0.02568727731704712, -0.0039626220241189, -0.008490336127579212, -0.0317009761929512, 0.00843452475965023, 0.018013186752796173, -0.028226705268025398, -0.007443869020789862, 0.008762417361140251, 0.005964862182736397, 0.008748464286327362, 0.012041348032653332, -0.015599335543811321, 0.01773412898182869, 0.011629736982285976, 0.016938813030719757, -0.016938813030719757, 0.00717876385897398, -0.018375961109995842, 0.0031568421982228756, 0.014399386942386627, 0.013185485266149044, -0.01857130229473114, 0.01791551522910595, 0.02176651544868946, 0.01569700613617897, -0.002141769276931882, -0.014315669424831867, 0.00768804457038641, -0.0007634849171154201, 0.017162060365080833, -0.026580262929201126, 0.012634345330297947, 0.0028934814035892487, 0.013185485266149044, -0.008832181803882122, -0.03437993302941322, 0.0003222246596124023, -0.0041370331309735775, 0.041272662580013275, -0.008811253122985363, 0.00280627585016191, -0.012892474420368671, -0.0046951486729085445, -0.002539426786825061, 0.016269074752926826, 0.027459295466542244, 0.018306197598576546, -0.023929214105010033, -0.006945053115487099, 0.00887404102832079, -0.001744111767038703, 0.0250035859644413, -0.020189838483929634, -0.016631849110126495, 0.027640683576464653, 0.027082568034529686, 0.006550883874297142, 0.0010028642136603594, 0.011294867843389511, 0.02515706792473793, -0.0012775618815794587, 0.012020418420433998, -0.0035858938936144114, 0.01343663688749075, 0.012299476191401482, 0.006177643779665232, -0.03156144544482231, -0.0007351430831477046, -0.006376472767442465, 0.02094329334795475, 0.021529315039515495, -0.00971121434122324, 0.009843766689300537, -0.0008716198499314487, 0.013701742514967918, -0.009222863242030144, -0.01720391772687435, 0.023231569677591324, -0.008162443526089191, 0.013457566499710083, 0.009718190878629684, 0.0079252440482378, 0.023873401805758476, 0.013136649504303932, -0.008560100570321083, 0.026091912761330605, -0.014915644191205502, 0.02532450295984745, -0.0019638699013739824, 0.022073479369282722, -0.009662379510700703, -0.015320277772843838, 0.021850232034921646, 0.008064772933721542, -0.019687533378601074, 0.010283282957971096, -0.01686904951930046, 0.0009985039941966534, 0.02533845603466034, -0.0005882016848772764, 0.010757680982351303, 0.0010255377274006605, 0.026050053536891937, -0.018487583845853806, -0.0431702546775341, 0.006725294981151819, 0.02699884958565235, 0.004642825573682785, -0.028491809964179993, -0.015069126151502132, -0.0018295733025297523, -0.017120201140642166, 0.005804404150694609, -0.010346070863306522, -0.008950782008469105, -0.0005812252638861537, -0.013597095385193825, -0.023022275418043137, 0.017301589250564575, 0.025533797219395638, 0.0007460438064299524, -0.00438818521797657, 0.011887866072356701, -0.004824213217943907, 0.0023179245181381702, -0.020524706691503525, 0.018975935876369476, 0.04593292623758316, -0.011587878689169884, -0.026901179924607277, -0.016464415937662125, 7.77764871600084e-05, -0.01291340310126543, 0.019129417836666107, -0.0019272435456514359, -0.005643945652991533, 0.019534051418304443, 0.012118089012801647, 0.009139145724475384, -0.0008838286157697439, 0.009278674609959126, 0.0442027673125267, -0.003816116601228714, 0.019631722941994667, -0.01974334567785263, 0.018696878105401993, -0.006840406451374292, 0.03153353929519653, 0.0621182844042778, -0.02904992550611496, 0.013052932918071747, -0.01266922801733017, 0.003048707265406847, -0.02245020680129528, -0.009592615067958832, 0.01756669394671917, -0.0011249521048739552, -0.013478496111929417, -0.021501410752534866, 0.016659755259752274, -0.014552868902683258, 0.010318165645003319, 0.013415707275271416, -0.0047370074316859245, -0.021333975717425346, 0.00969726126641035, -0.00473003089427948, 0.0006025906186550856, 0.009229839779436588, 0.0009514129487797618, 0.022506019100546837, -0.0014572053914889693, -0.02009216696023941, 0.03298464044928551, 0.015655146911740303, 0.006665995344519615, -0.02885458432137966, -0.017985280603170395, -0.0007076733745634556, 6.126192602096125e-05, 0.009062404744327068, -0.01386220008134842, 0.00879032351076603, 0.02127816341817379, 0.0036556583363562822, 0.008225231431424618, -0.006596230901777744, -0.00022139318753033876, 0.027794165536761284, 0.0076392097398638725, -0.008336854167282581, 0.020664235576987267, -0.002051075454801321, 0.011525090783834457, 0.0226176418364048, -0.018306197598576546, 0.015822581946849823, 0.006310196593403816, 0.00015664304373785853, -0.018627114593982697, -0.016296980902552605, -0.025031492114067078, 0.0032876506447792053, -0.02060842514038086, -0.004988159518688917, -0.013569189235568047, -0.039626218378543854, 0.001083093462511897, -0.011525090783834457, 0.008371736854314804, -0.015124937519431114, -0.003353926818817854, -0.02902201935648918, -0.014155210927128792, 0.00023589111515320837, -0.02162698656320572, 0.011776242405176163, 0.000553319463506341, -0.017636457458138466, -0.05201638862490654, -0.027598824352025986, 0.02193395048379898, 0.014204046688973904, 0.01925499364733696, -0.006976447068154812, -0.004768401384353638, -0.008322901092469692, 0.000323968764860183, -0.01537608914077282, 0.0030452192295342684, -0.015069126151502132, 0.005183500237762928, 0.005340470466762781, 0.0019621257670223713, -0.008762417361140251, -0.014050564728677273, -0.015990016981959343, -0.00887404102832079, -0.00971121434122324, 0.01840386725962162, -0.0020842135418206453, 0.018110856413841248, 0.015208655036985874, 0.042640045285224915, 0.020873529836535454, -0.010318165645003319, -0.02702675573527813, -0.00041117434739135206, 0.018850360065698624, -0.0025760531425476074, -0.033542755991220474, 0.04121685028076172, 5.18600718351081e-05, 0.017650410532951355, -0.003416714956983924, 0.02076190710067749, 0.009271698072552681, 0.01181810162961483, -0.020217742770910263, 0.016003970056772232, -0.013366872444748878, 0.021892091259360313, 0.006174155510962009, 0.020161932334303856, 0.025896571576595306, 0.007457822095602751, -0.013897082768380642, -0.01544585358351469, -0.024612905457615852, 0.03867742419242859, 0.015934204682707787, -0.01377848256379366, 0.021710703149437904, -0.028966208919882774, -0.004457949660718441, -0.014804020524024963, -0.012264593504369259, -0.010094919241964817, 0.024264082312583923, -0.009425180032849312, -0.02278507687151432, -0.014238928444683552, -0.008950782008469105, -0.01672952063381672, -0.012941309250891209, -0.023092038929462433, 0.0072275991551578045, 0.0013752321247011423, -0.005752080585807562, -0.011266961693763733, -0.0014990640338510275, 0.008601958863437176, -0.02602214738726616, -0.0327334888279438, 0.03817511722445488, 0.009397273883223534, 0.008741487748920918, 0.012641321867704391, -0.019841015338897705, -0.027919741347432137, -0.0331241711974144, -0.020873529836535454, -0.01199251227080822, -0.006899706088006496, 0.009243791922926903, 0.04490041360259056, 0.003938204143196344, 0.05927189439535141, -0.010541411116719246, 0.00236501544713974, 0.012390170246362686, -0.013087814673781395, 0.004935836419463158, -0.009362392127513885, -0.0131785087287426, -0.020901435986161232, 0.0068159885704517365, 0.02681746333837509, -0.008511265739798546, 0.007604327518492937, 0.008385688997805119, 0.024543140083551407, 0.03778443858027458, -0.006850871257483959, -0.020510753616690636, -0.021878138184547424, -0.04258423298597336, -0.035719409584999084, 0.009076357819139957, 0.014455198310315609, 0.003010337008163333, -0.04437020421028137, 0.0032597449608147144, 0.027445342391729355, -0.015194701962172985, 0.007081093732267618, 0.0004148805746808648, 0.03954250365495682, -0.0021138633601367474, 0.0018191086128354073, -0.00033116323174908757, 0.0032580008264631033, -0.016603944823145866, -0.0006296243518590927, -0.027598824352025986, -0.015822581946849823, 0.02328738011419773, -0.014371480792760849, 0.004670731257647276, 0.03089170716702938, 0.011280914768576622, -0.006362519692629576, -0.032649774104356766, -0.015738865360617638, -0.01956195756793022, -0.018794547766447067, -0.008406618610024452, -0.03867742419242859, -0.027236049994826317, -0.018306197598576546, 0.00843452475965023, 0.03108704835176468, 0.01788761094212532, -0.013973823748528957, 0.02704070881009102, -0.025198927149176598, -0.013792435638606548, -0.0029353401623666286, 0.01003910694271326, 0.04423067346215248, -0.007876408286392689, 0.019882874563336372, 0.026412827894091606, -0.0021330486051738262, -0.0029318518936634064, 0.004339349921792746, 0.03075217828154564, -0.006899706088006496, 0.025240786373615265, 0.012683181092143059, -0.027110474184155464, -0.017148107290267944, 0.018375961109995842, 0.001647313591092825, -0.008441501297056675, -0.040770355612039566, 0.014148234389722347, 0.018473632633686066, 0.011790195479989052, 0.0003956953587476164, -0.011643690057098866, -0.025436125695705414, -0.005089317914098501, -0.017831798642873764, 0.010164683684706688, 0.006742736324667931, 0.006160202901810408, -0.008601958863437176, 0.03474270552396774, -0.011636713519692421, 0.01910151168704033, -0.01284363865852356, -0.0012801780831068754, 0.00032832904253154993, 0.008057796396315098, -0.022506019100546837, 0.019310805946588516, 0.013087814673781395, 0.045821305364370346, -0.02702675573527813, -0.0015025523025542498, 0.012341334484517574, 0.005267217755317688, -0.020468896254897118, 0.00853917095810175, -0.014092423021793365, 0.03276139497756958, -0.02111072838306427, -0.004977695178240538, 0.016841143369674683, -0.01653417944908142, 0.02971966378390789, -0.027152331545948982, -0.01568305306136608, 0.01402963511645794, -0.0018696878105401993, 0.006275314372032881, 0.0291894543915987, 0.015780722722411156, -0.009264721535146236, -0.003533570561558008, 0.011343702673912048, -0.0005018681404180825, -0.01544585358351469, -0.0032161420676857233, 0.019380569458007812, -0.04308653622865677, -0.022171149030327797, 0.022366490215063095, -0.008441501297056675, 0.01922708749771118, 0.00017877145728562027, 0.002153977984562516, -0.0010063524823635817, 0.02971966378390789, -0.017441118136048317, 0.011915771290659904, 0.010171660222113132, 0.0038928575813770294, -0.04760727658867836, -0.019129417836666107, -0.015599335543811321, -0.0040777334943413734, 0.03192422166466713, -0.0163667444139719, -0.017622506245970726, -0.024222224950790405, -0.011371608823537827, 0.015152842737734318, -0.00869265291839838, 0.005089317914098501, 0.0014423804823309183, -0.0029649899806827307, 0.020496802404522896, 0.014859831891953945, -0.004890489391982555, 0.0314498245716095, 0.019017795100808144, 0.0019743344746530056, 0.016938813030719757, -0.029970817267894745, 0.028324374929070473, 0.0031673070043325424, -0.013429660350084305, -0.0027260466013103724, -0.02175256237387657, -0.0015322022372856736, -0.03437993302941322, 0.007091558538377285, -0.035524070262908936, -0.007785715162754059, -0.008783346973359585, -0.0061462498269975185, -0.011211150325834751, 0.05034204199910164, 0.010401882231235504, -0.016310933977365494, 0.020664235576987267, -0.006052067968994379, 0.00836476031690836, 0.00434632645919919, -0.025240786373615265, -0.006170667242258787, -0.007534563075751066, 0.01079954020678997, -0.03998899459838867, -0.012264593504369259, -0.011364632286131382, 0.043309781700372696, 0.02159908041357994, -0.042947009205818176, -0.03920763358473778, 0.0030556838028132915, -0.024710575118660927, -0.01624116860330105, 0.008462429977953434, 0.002781858202069998, -0.0027696494944393635, 0.006174155510962009, -0.01706438884139061, 0.03747747465968132, -0.014064516872167587, 0.012194829061627388, -0.013143626041710377, -0.005459069740027189, -0.005183500237762928, -0.018780594691634178, 0.019143370911478996, -0.015990016981959343, -0.05586738884449005, -0.011511137709021568, 0.010415835306048393, -0.0014197069685906172, 0.005026530008763075, 0.034714799374341965, 0.007199693471193314, 0.016101639717817307, -0.03382181376218796, 0.024905916303396225, 0.014915644191205502, 0.010332117788493633, 0.011455326341092587, -0.02969175949692726, -0.00331555656157434, 0.005807892419397831, 0.004391673486679792, -0.011880889534950256, 0.009041475132107735, -0.004712590016424656, 0.00785547960549593, 0.006592742633074522, 0.004360279534012079, -0.0018330614548176527, 0.017999233677983284, -0.0017999233677983284, 0.017859704792499542, 0.0018853847868740559, 0.0007918267510831356, 0.011825078167021275, 0.019185230135917664, 0.011148362420499325, -0.018166668713092804, -0.0017510881880298257, -0.023524578660726547, 0.017608553171157837, 0.015794675797224045, -0.005567204672843218, 0.013241296634078026, -0.03256605565547943, 0.019003842025995255, 0.0024190829135477543, 0.001121463836170733, 0.0012191340792924166, -0.011671596206724644, -0.03725422918796539, 0.02952432446181774, 0.030807990580797195, -0.031170764937996864, -0.0008192965178750455, -0.02246415987610817, -0.009794931858778, -0.0007861583726480603, 0.020496802404522896, 0.004318420775234699, -0.02838018722832203, 0.0056544104591012, -0.00844847783446312, -0.021668843924999237, -0.009934460744261742, 0.0008018554071895778, 0.02044099010527134, 0.006550883874297142, 0.011615784838795662, 0.19969381392002106, -0.009480991400778294, -0.0020440989173948765, 0.013980800285935402, -0.0024155948776751757, 0.00938332173973322, 0.027431389316916466, -0.00018269570136908442, -0.025212880223989487, 0.005713710095733404, 0.0053788404911756516, -0.005741615779697895, -0.02935688942670822, -0.003374856198206544, 0.00632763747125864, -0.004461437929421663, -0.03677982836961746, -0.05165361240506172, -0.014748209156095982, -0.0015426668105646968, -0.004510273225605488, 0.005574181210249662, 0.004775377921760082, -0.0131785087287426, 0.025212880223989487, -0.01265527494251728, 0.021836278960108757, -0.01989682763814926, 0.0011118712136521935, 0.03156144544482231, 0.0018836407689377666, -0.009487967938184738, -0.0020161932334303856, -0.0003483863256406039, -0.006529954262077808, 0.016659755259752274, 0.005483487620949745, 0.008260113187134266, 0.02565937303006649, 0.0024225711822509766, 0.02413850650191307, -0.01173438411206007, -0.008504289202392101, -0.014538915827870369, -0.004475391004234552, 0.0327334888279438, -0.010415835306048393, 0.015013313852250576, -0.0006540419417433441, -0.0020754931028932333, -0.023552484810352325, 0.020161932334303856, 0.026426780968904495, 0.006275314372032881, -0.027654636651277542, 0.0015095287235453725, -0.011594855226576328, 0.0006082589970901608, 0.010708846151828766, 0.007883384823799133, -0.03527291491627693, 0.0006736631621606648, 0.008720559068024158, 0.022492066025733948, -0.00896473415195942, 0.002610935363918543, -0.006679947953671217, 0.006732271518558264, -0.004217262379825115, -0.014176140539348125, -0.014329622499644756, 0.0014711582334712148, -0.004587013740092516, 0.005542787257581949, -0.020887482911348343, -0.023036228492856026, 0.02161303348839283, 0.02127816341817379, 0.019338712096214294, 0.006066020578145981, 0.0036486817989498377, -0.0016420811880379915, -0.007715950254350901, 0.008462429977953434, -0.0035021763760596514, -0.025045445188879967, 0.01905965432524681, -0.016841143369674683, -0.004712590016424656, -0.013045956380665302, -0.01063210517168045, -0.0036591466050595045, -0.016673708334565163, -0.010115847922861576, 0.022896699607372284, -0.011741360649466515, 0.015515618026256561, 0.016324887052178383, -0.001106638927012682, -0.019129417836666107, -0.01705043576657772, 0.07506657391786575, 0.03343113511800766, 0.023036228492856026, -0.007318293210119009, -0.0023929213639348745, -0.023664109408855438, -0.004810260143131018, 0.020315414294600487, 0.004614919889718294, 0.009425180032849312, -0.04981183260679245, 0.02652445249259472, -0.007981055416166782, 1.61739117174875e-05, 0.011866936460137367, 0.008643818087875843, -0.019310805946588516, 0.029133642092347145, 0.001131928525865078, -0.0026266323402523994, -0.036556582897901535, 0.014231951907277107, 0.021654890850186348, -0.0061881085857748985, -0.012132041156291962, 0.010408858768641949, -0.01231342926621437, -0.02821275219321251, -4.665499000111595e-05, 0.014273811131715775, -0.032817207276821136, 0.027738353237509727, -0.008225231431424618, -0.00124529586173594, -0.004133544862270355, -0.012236688286066055, 0.0027173261623829603, -0.022729264572262764, 0.0007774378173053265, 0.015920251607894897, -0.020538659766316414, 0.0231338981539011, 0.017496928572654724, -0.0025568678975105286, 0.005131176672875881, 0.002488847589120269, 0.020636331290006638, -0.023664109408855438, -0.029077831655740738, 0.010764657519757748, -0.014127305708825588, -0.0047788661904633045, 0.003439388470724225, 0.006209037732332945, -0.02247811295092106, -0.003327765269204974, -0.014664491638541222, -0.01181810162961483, 0.018864313140511513, -0.044314391911029816, -0.004848630633205175, 0.025980288162827492, -0.0024818710517138243, -0.025450078770518303, -0.00519745284691453, -0.1792667806148529, 0.026929086074233055, 0.02988709881901741, -0.02109677530825138, 0.006707853637635708, 0.005856727249920368, 0.024082696065306664, -0.012083206325769424, -0.011371608823537827, -0.03446364775300026, -0.00021877701510675251, -0.0242919884622097, -0.03465899080038071, -0.025366362184286118, -0.0040358747355639935, 0.004573061130940914, -0.013722671195864677, 0.00946006178855896, 0.03563569113612175, 0.022561829537153244, 0.027626730501651764, -0.047523558139801025, 0.010318165645003319, -0.00862288847565651, 0.00826708972454071, -0.01107162144035101, -0.013318037614226341, 0.006997376214712858, -0.016408603638410568, -0.011866936460137367, 0.023566437885165215, -0.021208399906754494, 0.0226176418364048, -0.022073479369282722, 0.0012967471266165376, 0.00954377930611372, 0.006910170894116163, 0.02769649401307106, -0.027124425396323204, 0.023747825995087624, 0.022059526294469833, 0.03295673429965973, 0.02836623415350914, -0.008713582530617714, -0.026747697964310646, 0.009662379510700703, -0.011315797455608845, -0.007820596918463707, 0.019966591149568558, -0.019520098343491554, -0.021515361964702606, -0.00809965468943119, 0.020050309598445892, 0.006240431685000658, -0.0032370714470744133, 0.0033853210043162107, 0.025617513805627823, 0.03580312803387642, -0.009676331654191017, 0.007569445297122002, 0.0011554739903658628, -0.022157195955514908, 0.03516129404306412, 0.0013856968143954873, 0.01484587974846363, -0.012194829061627388, -0.017608553171157837, -0.006474142894148827, -0.008357783779501915, -0.010932092554867268, -0.023901307955384254, -0.005891609471291304, -0.0024330359883606434, 0.011692524887621403, 0.012466911226511002, 0.05726267769932747, 0.0013237808598205447, -0.0002402513928245753, 0.016813237220048904, -0.018445726484060287, -0.015766769647598267, 0.012718062847852707, -0.010506529361009598, -0.002378968521952629, -0.014957502484321594, -0.006617160048335791, 0.005521857645362616, -0.005595110356807709, -0.01753878779709339, -0.013115720823407173, 0.022924605756998062, -0.014720303006470203, 0.008839158341288567, -0.0009758305386640131, -0.007967102341353893, 0.011643690057098866, -0.012557604350149632, 0.002143513411283493, 0.005923003423959017, -0.0011301843915134668, -0.018348054960370064, -0.004911418538540602, -0.010534435510635376, -0.0023214127868413925, 0.02212928980588913, 0.008594983257353306, -0.02991500496864319, 0.007897337898612022, 0.022031620144844055, -0.019031748175621033, 0.013736624270677567, -0.003012081142514944, 0.021654890850186348, -0.0032597449608147144, -0.011671596206724644, 0.030835896730422974, -0.012208782136440277, -0.009390297345817089, 0.019548004493117332, -0.018027139827609062, 0.04353303089737892, -0.025268690660595894, -0.007813620381057262, -0.003641705261543393, 0.004042851272970438, -0.007869432680308819, -0.11162315309047699, -0.00485560717061162, -0.012766898609697819, 0.03253814950585365, -0.034547366201877594, 0.00717876385897398, 0.002947548869997263, 0.007743856403976679, -0.03717051073908806, 0.03516129404306412, -0.015501664951443672, -0.004360279534012079, -0.004381208680570126, -0.005982303526252508, 0.02175256237387657, -0.042277269065380096, 0.016422556713223457, -0.03870532661676407, 0.006034626625478268, 0.041774965822696686, -0.0006200317293405533, -0.005082341842353344, 0.01875269040465355, 0.007077605463564396, -0.008762417361140251, 0.015083078294992447, -0.023203663527965546, 0.015515618026256561, 0.025212880223989487, -0.011378585360944271, 0.015110984444618225, -0.015431900508701801, 0.005040483083575964, -0.01892012357711792, -0.004503296688199043, -0.01791551522910595, -0.034854330122470856, -0.0038579751271754503, 0.017636457458138466, -0.019659627228975296, 0.008469406515359879, 0.02651049941778183, -0.0009697261266410351, 0.012480863370001316, -0.009139145724475384, 0.002307459944859147, -0.013562212698161602, 0.02819879911839962, 0.00853917095810175, -0.01838991418480873, -0.020538659766316414, -0.028826680034399033, -0.011211150325834751, 0.002216766122728586, 0.0047370074316859245, 0.021906044334173203, 0.013276178389787674, 0.010185612365603447, -0.004510273225605488, 0.00679505942389369, -0.030445214360952377, 0.008050819858908653, -0.0040114568546414375, 0.0026458175852894783, 0.038565799593925476, -0.002021425636485219, -0.012683181092143059, -0.026133770123124123, -0.031310293823480606, -0.01107162144035101, -0.007981055416166782, 0.012627368792891502, -0.017496928572654724, 0.00994841381907463, -0.038761138916015625, -0.015152842737734318, -0.014483104459941387, -0.024710575118660927, 0.02007821388542652, -0.017134154215455055, -0.01587839424610138, -0.022338584065437317, 0.007457822095602751, -0.011950653977692127, 0.018975935876369476, 0.019994497299194336, 0.0014545891899615526, -0.027096521109342575, 0.015934204682707787, -0.032314904034137726, -0.007171787787228823, 0.022924605756998062, -0.010869304649531841, -0.015822581946849823, -0.010660011321306229, 0.013157579116523266, -0.02582680620253086, -0.004248656332492828, 0.002691164379939437, -0.005023041740059853, -0.033347416669130325, -0.004977695178240538, -0.04716078191995621, 0.0219758078455925, 0.004307955969125032, -0.019813109189271927, -0.016631849110126495, -0.01003213133662939, 0.008671723306179047, 0.003990527708083391, -0.026887226849794388, 0.01908755861222744, -0.010492576286196709, 0.0014502289704978466, 0.002396409632638097, 0.0012278546346351504, -0.029077831655740738, -0.016450462862849236, 0.030333591625094414, -0.019366616383194923, 0.002052819589152932, 0.014720303006470203, -0.000803599483333528, 0.015585382468998432, -0.012473887763917446, 0.007192716933786869, -0.03951459750533104, -0.0008044715505093336, -0.011671596206724644, 0.027989504858851433, -0.003439388470724225, -0.0035248498897999525, -0.001407498144544661, -0.03463108465075493, -0.010827445425093174, 0.02618958242237568, 0.02012007310986519, -0.0001553349575260654, 0.0049637421034276485, 0.01688300259411335, 0.018655018880963326, 0.021668843924999237, -0.03460317850112915, -0.02935688942670822, -0.004210285842418671, 0.005703245289623737, -0.0007621768163517118, 0.01723182387650013, -0.011622760444879532, 0.0047370074316859245, 0.02362225018441677, -0.00034468009835109115, 0.014622633345425129, 0.014252881519496441, 0.005671851336956024, -0.0047614253126084805, -0.02531054988503456, -0.005560228135436773, 0.0063590314239263535, 0.00819732528179884, -0.0038719282019883394, -0.002455709269270301, 0.03175678849220276, 0.0013272690121084452, 0.030528932809829712, -0.00023959735699463636, 0.021571174263954163, -0.029635947197675705, -0.041970305144786835, 0.010401882231235504, 0.000913042516913265, -0.009397273883223534, 0.010862328112125397, 0.008483359590172768, 0.01926894672214985, 0.010653034783899784, 0.003868439933285117, 0.0009810628835111856, 0.002949293004348874, -0.01741321198642254, 0.014650538563728333, 0.008476383052766323, 0.004789330996572971, -0.009097287431359291, -0.01622721552848816, 0.009020546451210976, 0.039291348308324814, 0.02247811295092106, -0.00671134190633893, 0.014469151385128498, -0.01401568204164505, 0.018878266215324402, 0.03527291491627693, 0.029328983277082443, -0.022059526294469833, 0.017357399687170982, -0.0017031251918524504, -0.0051765237003564835, -0.015766769647598267, 0.03022196888923645, 0.03072427213191986, 0.011929724365472794, 0.03398925065994263, 0.009836790151894093, -0.0028934814035892487, -0.024766387417912483, -0.021906044334173203, 0.0016795796109363437, -0.04155172035098076, -0.013150602579116821, 0.006477631162852049, -0.00047091019223444164, 0.014078469946980476, 0.022589735686779022, 0.00793919712305069, 0.012069253250956535, -0.01071582268923521, 0.007708974182605743, -0.009732143953442574, -0.04439811035990715, -0.029105737805366516, 0.02789183519780636, -0.005727663170546293, 0.01290642749518156, 0.02665002830326557, -0.0011223359033465385, 0.01222971174865961, 0.022547876462340355, 0.016283027827739716, -0.019157323986291885, 0.03580312803387642, -0.0006945924833416939, 0.019366616383194923, -0.0032597449608147144, 0.004496320150792599, -0.013897082768380642, -0.013073861598968506, -0.01241807546466589, -0.011476255021989346, 0.006177643779665232, 0.005343958269804716, 0.06635996699333191, 0.03139401227235794, -0.02349667437374592, -0.004723054822534323, -0.001525225699879229, 0.005692780949175358, 0.017120201140642166, 0.0037603050004690886, -0.018487583845853806, -0.03680773451924324, 0.009222863242030144, -0.004702125210314989, 0.0165620855987072, -0.026775604113936424, -0.0005376224289648235, -0.02480824664235115, -0.007862456142902374, 0.01291340310126543, -0.00321090966463089, 0.0022673453204333782, 0.015013313852250576, -0.013631977140903473, 0.0011127432808279991, -0.002896969672292471, -0.030835896730422974, -0.018794547766447067, 0.020552612841129303, 0.00994841381907463, 0.01148323155939579, -0.029440606012940407, 0.016589991748332977, 0.01840386725962162, -0.032705582678318024, -0.027738353237509727, -0.019841015338897705, -0.011232079938054085, 0.004335861653089523, -0.009760049171745777, -0.0016883001662790775, 0.0007617408409714699, 0.008413595147430897, 0.02193395048379898, 0.005343958269804716, -0.025910524651408195, -0.0008790323045104742, 0.0038509988225996494, -0.03055683895945549, -0.012285523116588593, -0.014943549409508705], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='f0f9267c-b964-422b-833a-42f6938bf154', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '1', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_type': 'application/pdf', 'file_size': 1103758, 'creation_date': '2024-02-25', 'last_modified_date': '2023-12-13', 'last_accessed_date': None}, hash='5b1f3212d587e9ddbb9c98457483a2dc4b77023a3789de555c853505279e2ddf')}, text='DenseXRetrieval: What Retrieval Granularity Should We Use?\\nTong Chen♣∗Hongwei Wang♢Sihao Chen♡Wenhao Yu♢\\nKaixin Ma♢Xinran Zhao♠Hongming Zhang♢Dong Yu♢\\n♣University of Washington♢Tencent AI Lab\\n♡University of Pennsylvania♠Carnegie Mellon University\\nAbstract\\nDense retrieval has become a prominent\\nmethod to obtain relevant context or world\\nknowledge in open-domain NLP tasks. When\\nwe use a learned dense retriever on a retrieval\\ncorpus at inference time, an often-overlooked\\ndesign choice is the retrieval unit in which the\\ncorpus is indexed, e.g. document, passage, or\\nsentence. We discover that the retrieval unit\\nchoice significantly impacts the performance\\nof both retrieval and downstream tasks. Dis-\\ntinct from the typical approach of using pas-\\nsages or sentences, we introduce a novel re-\\ntrieval unit, proposition , for dense retrieval.\\nPropositions are defined as atomic expressions\\nwithin text, each encapsulating a distinct fac-\\ntoid and presented in a concise, self-contained\\nnatural language format. We conduct an empir-\\nical comparison of different retrieval granular-\\nity. Our results reveal that proposition-based\\nretrieval significantly outperforms traditional\\npassage or sentence-based methods in dense\\nretrieval. Moreover, retrieval by proposition\\nalso enhances the performance of downstream\\nQA tasks, since the retrieved texts are more\\ncondensed with question-relevant information,\\nreducing the need for lengthy input tokens and\\nminimizing the inclusion of extraneous, irrele-\\nvant information.\\n1 Introduction\\nDense retrievers are a popular class of techniques\\nfor accessing external information sources for\\nknowledge-intensive tasks (Karpukhin et al., 2020).\\nBefore we use a learned dense retriever to retrieve\\nfrom a corpus, an imperative design decision we\\nhave to make is the retrieval unit – i.e. the granu-\\nlarity at which we segment and index the retrieval\\n∗Work was done during internship at Tencent AI Lab,\\nBellevue.\\n/githubhttps://github.com/ct123098/\\nfactoid-wikiQuestion: What is the angle of the Tower of Pisa?\\nPassage\\nRetrievalPrior to restoration work performed be-\\ntween 1990 and 2001, the tower leaned at\\nan angle of 5.5 degrees, but thetower now\\nleans atabout 3.99 degrees. This means\\nthe top of the Leaning Tower of Pisa is dis-\\nplaced horizontally 3.9 meters (12 ft 10 in)\\nfrom the center.\\nSentence\\nRetrievalPrior to restoration work performed be-\\ntween 1990 and 2001, the tower leaned at\\nan angle of 5.5 degrees, but thetower now\\nleans atabout 3.99 degrees.\\nProposition\\nRetrievalThe Lean ingTower ofPisa now leans at\\nabout 3.99 degrees.\\nContriever GTR3040506070Recall@5 (%)Passage Retrieval\\nContriever GTR010203040EM@100 (%)Question AnsweringPassage Sentence Proposition\\nFigure 1: ( Top) An example of three granularities of\\nretrieval units of Wikipedia text when using dense re-\\ntrieval. ( Bottom ) We observe that retrieving by proposi-\\ntions yields the best retrieval performance in both pas-\\nsage retrieval task and downstream open-domain QA\\ntask, e.g. with Contriever (Izacard et al., 2022) or GTR\\n(Ni et al., 2022) as the backbone retriever. High light\\nindicates the part that contains answer to the question.\\n', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='7872ee44-928f-4386-a203-92c17f8383a0', embedding=[-0.015010450035333633, 0.0005226010107435286, -0.006658948492258787, -0.010168804787099361, 0.005387847777456045, 0.012185032479465008, -0.004619118757545948, 0.007565914187580347, -0.008557170629501343, -0.014969990588724613, -0.011402817443013191, 0.02472071349620819, -0.006571286357939243, 0.0017582995351403952, -0.006706151179969311, 0.0019403670448809862, 0.023129310458898544, -0.00075060676317662, 0.022603336721658707, -0.029319602996110916, -0.0033058729022741318, 0.0050439429469406605, -0.011807410977780819, 0.000713097513653338, -0.002223582938313484, -0.0007135189953260124, 0.02681111730635166, -0.019892554730176926, -0.01962282508611679, -0.011578141711652279, 0.015388071537017822, -0.005778955761343241, -0.026352576911449432, -0.014821639284491539, -0.007842387072741985, 0.000458961701951921, -0.0063217864371836185, -0.024046389386057854, 0.015347612090408802, 0.0005040570977143943, 0.03312278911471367, 0.010242979973554611, -0.0037930719554424286, -0.0325833298265934, 0.0020954615902155638, -0.0073029277846217155, 0.014187774620950222, 0.004396591801196337, -0.018409041687846184, -0.006814043037593365, 0.015050909481942654, 0.023992443457245827, -0.023506930097937584, -0.003971767611801624, -0.006119489204138517, -0.004460652358829975, -0.019029419869184494, 0.023075364530086517, 0.008449278771877289, -0.0029737683944404125, 0.01374946441501379, -0.00377621385268867, -0.029535386711359024, 0.008334643207490444, -0.02494998462498188, -0.0003042886673938483, -0.000836583087220788, 0.017114341259002686, 0.0021881810389459133, 0.003597517963498831, 0.02640652284026146, 0.029697224497795105, -0.004025713540613651, -0.0032215823885053396, 0.03689900413155556, -0.005836273543536663, -0.015266693197190762, -0.022293148562312126, -0.0075928871519863605, 0.02147047221660614, 0.00239553558640182, -0.007336643990129232, -0.02772819809615612, 0.02640652284026146, 0.024370064958930016, -0.0027596706058830023, 0.01251545175909996, 0.03050641342997551, 0.008860616013407707, -0.003799815196543932, 0.0151453148573637, 0.030991926789283752, 0.01321000512689352, 0.013021194376051426, -0.013041424565017223, 0.021659282967448235, 0.0005331373540684581, 0.02163231000304222, -0.0008597629494033754, -0.02000044658780098, -0.0025641166139394045, 0.010377844795584679, -0.029751170426607132, -0.0006553585408255458, -0.00132757518440485, 0.002764727920293808, 0.02292701229453087, 0.007660319563001394, 0.025529902428388596, -0.008199778385460377, 0.001942052855156362, 0.038490407168865204, -0.005347388330847025, -0.03662927448749542, 0.012454762123525143, -0.011409560218453407, 0.014417044818401337, -0.022832607850432396, -0.011470249854028225, -0.002203353215008974, 0.010688033886253834, -0.010984736494719982, 0.011949019506573677, -0.008860616013407707, 0.017815636470913887, 0.031072845682501793, 0.005094517022371292, -0.012744721956551075, -0.03050641342997551, -0.022886553779244423, 0.0048079295083880424, 0.014093369245529175, 0.0036514638923108578, -0.004858503583818674, 0.0015804466092959046, 0.01366854552179575, -0.01366854552179575, 0.017802150920033455, 0.00012738400255329907, -0.009703520685434341, 0.008381846360862255, 0.020917527377605438, -0.0151453148573637, -0.005226009991019964, -0.004295443184673786, 0.0438850000500679, 0.011665803380310535, 0.0029198224656283855, 0.019528420642018318, -0.01660185493528843, 0.00869203545153141, -0.03870619088411331, 0.00950122345238924, 0.003658207133412361, 0.010546425357460976, 0.0020061135292053223, 0.013189774937927723, 0.031072845682501793, -0.008826899342238903, 0.007134346757084131, -0.02155139110982418, 0.011126344092190266, 0.018409041687846184, 0.007876102812588215, 0.003789700334891677, 0.013156059198081493, 0.006186921615153551, -0.006918563041836023, 0.007983994670212269, -0.004885476548224688, -0.01552293635904789, 0.03220570832490921, -0.0018257319461554289, 0.018112339079380035, -0.002147721592336893, 0.012569397687911987, 0.037950947880744934, -0.0012146258959546685, -0.02246847189962864, -0.021038904786109924, -0.011133087798953056, 0.0232372023165226, 0.014889071695506573, 0.00308840349316597, 0.004278585314750671, -0.02155139110982418, 0.007916562259197235, -0.03894894942641258, -0.001305659650824964, -0.015185774303972721, 0.013452761806547642, -0.0025641166139394045, 0.008975250646471977, -0.018328122794628143, -0.7064756751060486, -0.016264691948890686, 0.02194250002503395, -0.03501089662313461, 0.010202520526945591, 0.0034693963825702667, -0.009939534589648247, 0.005488996393978596, -0.02194250002503395, 0.031477440148591995, -0.03252938389778137, 0.008449278771877289, -0.003722267923876643, 0.0014514821814373136, -0.010984736494719982, -0.023574363440275192, -0.027997927740216255, -0.0013671916676685214, 0.0007455493323504925, -0.0005053214845247567, -0.015617341734468937, 0.011247722432017326, -0.013810153119266033, 0.007835643365979195, -0.009157318621873856, -0.002852390054613352, 0.025529902428388596, -0.02209085039794445, -0.004308929666876793, 0.02200993150472641, -0.008118859492242336, 0.008327900432050228, -0.004140348639339209, -0.008287440985441208, 0.035631272941827774, 0.008604372851550579, -0.034633275121450424, 0.01707388088107109, 0.010033939965069294, 0.026622306555509567, -0.03948840871453285, -0.0019454244757071137, 0.01960933953523636, -0.0012896443950012326, -0.005438422318547964, 0.011476992629468441, 0.00896176416426897, -0.00900222361087799, 0.003944794647395611, -0.018044907599687576, -0.00513834785670042, -0.012481735087931156, -0.002105576451867819, -0.00922475103288889, -0.004497740417718887, 0.012259208597242832, 0.022576363757252693, -0.02341252565383911, -0.005397962871938944, -0.008240237832069397, 0.001943738665431738, 0.008368359878659248, -0.0288880355656147, -0.024828605353832245, -0.02586706541478634, 0.019137311726808548, -0.020809635519981384, 8.4092935139779e-06, 0.02503090351819992, -0.020351095125079155, 0.011052168905735016, 0.012535681016743183, -0.019137311726808548, -0.020040906965732574, 0.005074287299066782, -0.005819415207952261, 0.0017085681902244687, -0.005559800658375025, -0.0016234348295256495, 0.002860819222405553, 0.00954168289899826, -0.015131828375160694, -0.025907523930072784, -0.016952503472566605, 0.01991952769458294, -0.017316637560725212, -0.0149430176243186, -0.016939016059041023, -0.0031372918747365475, 0.0037054098211228848, 0.01737058348953724, 0.025921011343598366, -0.00946750771254301, -0.01853042095899582, -0.0005845545092597604, 0.018786663189530373, 0.002009485149756074, -0.0021527791395783424, 0.03706084191799164, -0.021834608167409897, 0.015630828216671944, -0.023129310458898544, 0.0017549279145896435, -0.0011067340383306146, 0.01066106092184782, 0.01761334016919136, 0.003216525074094534, 0.014619342051446438, 0.005010226741433144, -0.03352738544344902, -0.0151453148573637, 0.00473038200289011, 0.010323898866772652, -0.012212005443871021, 0.0005963551811873913, -0.026001930236816406, 0.0064296782948076725, 0.0075928871519863605, -0.0009406818426214159, -0.02148395963013172, 0.006099259480834007, 0.009669804945588112, 0.001089876051992178, -0.008590886369347572, 0.019568879157304764, 0.007417562883347273, 0.0029316230211406946, -0.020445501431822777, 0.0021527791395783424, -0.021349094808101654, -0.01123423594981432, -0.005873361136764288, 0.016359098255634308, -0.0010932476725429296, 0.030479440465569496, -0.004774213302880526, 0.021888554096221924, -0.013837126083672047, -0.006729752290993929, -0.008941534906625748, -0.04464024305343628, 0.00011063126294175163, 0.01382363960146904, -0.00992604810744524, -0.024221714586019516, -0.039812084287405014, -0.01800444722175598, 0.01321000512689352, -0.012994221411645412, 0.0113960737362504, -0.004743868485093117, -0.011247722432017326, -0.005856502801179886, -0.0038031868170946836, -0.007687292527407408, -0.020904039964079857, -0.01452493667602539, -0.026379549875855446, 0.007862616330385208, -0.02387106604874134, -0.005215895362198353, 0.03916473314166069, -0.00030787099967710674, 0.017478475347161293, -0.007916562259197235, -0.015388071537017822, -0.0006882318411953747, 0.022225715219974518, -0.02346647158265114, -0.02726965770125389, 0.030803116038441658, -0.01668277382850647, 0.014916044659912586, 0.01846298761665821, -0.0006519869202747941, -0.0013562339590862393, -0.038193706423044205, -0.017640313133597374, -0.010924046859145164, -0.01862482540309429, -0.011571398004889488, 0.02062082476913929, -0.005178807303309441, -0.012286181561648846, 0.016426529735326767, 0.008719008415937424, 0.02147047221660614, 0.0031136905308812857, -0.01668277382850647, 0.005300185643136501, 0.009123601950705051, 0.009905817918479443, -0.01946098729968071, 0.007019711658358574, 0.008638089522719383, 0.0175459086894989, -0.008206522092223167, 0.02588055096566677, -0.0007758939173072577, 0.017249206081032753, 0.018961988389492035, 0.015118341892957687, 0.013803410343825817, -0.019407041370868683, -0.01304816734045744, -0.02842949517071247, 0.010398074053227901, -0.012380586937069893, 0.02602890320122242, -0.004635976627469063, -0.004609003663063049, -0.0019032792188227177, -0.027485441416502, -0.005880104377865791, 0.008476251736283302, 0.022495444864034653, 0.01000696700066328, -0.015334125608205795, -0.027215711772441864, -0.0012390702031552792, 0.005219266749918461, 0.004801186267286539, 0.03212479129433632, 0.010074399411678314, -0.019272176548838615, -0.0015711747109889984, -0.0030378291849046946, 0.017977474257349968, 0.014794666320085526, -0.011503965593874454, -0.010930790565907955, 0.012569397687911987, 0.005276584532111883, 0.025840092450380325, 0.008449278771877289, -0.015172287821769714, 0.01722223311662674, -0.015860097482800484, 0.019110338762402534, -0.003965024370700121, -0.0010098000057041645, 0.022900039330124855, 0.021119823679327965, -0.022535905241966248, 0.03382408618927002, -0.013655059039592743, 0.03320370987057686, 0.0021982959005981684, -0.02447795681655407, 0.008348129689693451, -0.021510932594537735, -0.00689159007743001, -0.01844950206577778, 0.005509226117283106, 0.008294183760881424, -0.02333160676062107, 0.0007796870195306838, 0.006301556713879108, 0.023223714902997017, 0.03242149204015732, 0.013877585530281067, -0.007538941223174334, 0.005057429429143667, -0.0016369213117286563, 0.007727751974016428, -0.005377733148634434, 0.009123601950705051, -0.003998740576207638, -0.025516416877508163, 0.010478992946445942, -0.01978466287255287, -0.008516711182892323, -0.006999481935054064, -0.01502393651753664, 0.026069361716508865, 0.013891072012484074, -0.004069544840604067, 0.013479734770953655, 0.0257861465215683, -3.255720002925955e-05, -0.014133828692138195, -0.019744204357266426, 0.006473509594798088, 0.006348759401589632, 0.00016162700194399804, -0.0011143202427774668, -0.018557393923401833, 0.005620489828288555, -0.0123940734192729, 0.014093369245529175, 0.001262671547010541, 0.021335607394576073, -0.005357503425329924, -0.0070669143460690975, -0.010438533499836922, 0.015630828216671944, 0.007107373792678118, 0.0062105231918394566, -0.00436287559568882, 0.003410393139347434, -0.015077882446348667, -0.006841016001999378, -0.018085366114974022, 0.008449278771877289, 0.044208675622940063, -0.005981252994388342, -0.005185550544410944, -0.0011733236024156213, 0.0003095568099524826, 0.000604362809099257, 0.005772212520241737, 0.005128233227878809, -0.006281326990574598, 0.0149430176243186, 0.00658477284014225, 0.019865581765770912, -0.00330250128172338, 0.006055428646504879, 0.03582008555531502, 0.004679807927459478, 0.0026517787482589483, -0.027674252167344093, 0.003540200414136052, 0.0037323827855288982, 0.023291148245334625, 0.03266425058245659, -0.02387106604874134, 0.012164803221821785, -0.0016478790203109384, -0.011463506147265434, -0.033014897257089615, 0.002267414005473256, 0.0031170621514320374, 0.004895591642707586, -0.02532760612666607, -0.013452761806547642, 0.014295666478574276, -0.014120342209935188, 0.019177772104740143, 0.003799815196543932, -0.02579963207244873, -0.0022690999321639538, 0.0016529364511370659, -0.018786663189530373, -0.004042571876198053, -0.004501111805438995, 0.011139830574393272, 0.012751464731991291, 0.004251612350344658, -0.021794147789478302, 0.016642313450574875, 0.031855061650276184, -0.008078400045633316, -0.014578882604837418, -0.0047573549672961235, 0.007613116875290871, 0.0025792887900024652, 0.004359504207968712, -0.004834902472794056, 0.006658948492258787, 0.006591516081243753, 0.019717231392860413, 0.01700644940137863, 0.020054392516613007, 0.0018173028947785497, 0.02571871317923069, 0.010431790724396706, -0.006146462168544531, 0.00806491356343031, -0.012697518803179264, 0.0074647655710577965, 0.00826721079647541, -0.0006979252211749554, -0.032718196511268616, 0.011949019506573677, 0.012845870107412338, -0.028672251850366592, -0.002870934084057808, 0.014160801656544209, 0.01074197981506586, -0.008321156725287437, 0.014309152960777283, -0.010155318304896355, -0.01250870805233717, 0.009764210321009159, -0.023304633796215057, 0.015077882446348667, -0.0011092628119513392, -0.012070397846400738, -0.011861356906592846, -0.007538941223174334, 0.005333901848644018, -0.02511182241141796, 0.0048079295083880424, 0.005610374733805656, -0.012218749150633812, -0.03020971082150936, -0.0012053539976477623, 0.004743868485093117, 0.040513381361961365, 0.020674770697951317, -0.005876732524484396, 0.012980734929442406, 0.010263209231197834, -0.0033851058688014746, -0.036952950060367584, 0.00017258476873394102, -0.03225965425372124, -0.004986625164747238, -0.00200779945589602, -0.020877066999673843, -0.0037829570937901735, 0.0006604159716516733, -0.003430622862651944, -0.004029085393995047, -0.0030428864993155003, -0.0014666544739156961, -0.022751688957214355, 0.01340555865317583, 0.009602372534573078, 0.023898039013147354, 0.017262691631913185, -0.007687292527407408, -0.029400521889328957, -0.0010822898475453258, -0.01382363960146904, -0.012158059515058994, -0.018274176865816116, 0.013998963870108128, 0.006433050148189068, 0.0061902934685349464, 0.02001393400132656, -0.017019934952259064, -0.013594369404017925, 0.008928048424422741, -0.015576882287859917, 0.01193553302437067, -0.008422305807471275, 0.011996221728622913, 0.00377621385268867, 0.006267840508371592, 0.02540852501988411, -0.005950908176600933, -0.02302141860127449, -0.0077007790096104145, -0.011429790407419205, 0.02410033531486988, 0.02192901261150837, -0.004002112429589033, 0.02200993150472641, -0.012528938241302967, 0.013580882921814919, -0.0319899246096611, 0.01131515484303236, -0.009157318621873856, 0.02114679664373398, 0.00015983583580236882, -0.01746498979628086, -0.01297399215400219, -0.015967989340424538, 0.005175435915589333, -0.00822675134986639, -0.012623343616724014, 0.008361616171896458, 0.01906988024711609, -0.010492479428648949, -0.010263209231197834, -0.02547595649957657, 0.00868529174476862, -0.015698259696364403, 1.489570968260523e-05, 0.025759173557162285, 0.000674745358992368, 0.007026454899460077, -0.006409448571503162, 0.016588367521762848, -0.010876844637095928, -0.0007253196672536433, -0.01723571866750717, -0.024046389386057854, -0.02617725357413292, 0.003085031872615218, 0.04156532511115074, 0.012198518961668015, 0.029454467818140984, -0.003208095906302333, 0.010425047017633915, 0.010411560535430908, -0.00598462438210845, 0.00019481638446450233, 0.01560385525226593, -0.010330641642212868, -0.02802490070462227, 0.010883587412536144, 0.005317043978720903, -0.009400075301527977, 0.016048908233642578, -0.006571286357939243, 0.012778437696397305, 0.041673216968774796, -0.008139089681208134, 0.0027815860230475664, 0.002319674240425229, -0.012212005443871021, -0.03466024994850159, 0.025529902428388596, 0.007370360195636749, 0.009818156249821186, -0.020270176231861115, -0.0005082716234028339, 0.01822023093700409, -0.013075140304863453, 0.027606820687651634, -0.005397962871938944, 0.024005930870771408, -0.042131755501031876, 0.0026956098154187202, -0.0005626389756798744, 0.00884038582444191, -0.007835643365979195, 0.004585402552038431, -0.003036143258213997, 0.012913302518427372, 0.024464471265673637, 0.0223875530064106, -0.0018257319461554289, -0.00012116757716285065, 0.004349389113485813, 0.005590145010501146, -0.008166062645614147, 0.014875585213303566, -0.0006869674543850124, 0.009824899025261402, -0.018908042460680008, -0.025287145748734474, -0.01954190619289875, -0.011503965593874454, 0.005950908176600933, 0.027229199185967445, 0.011503965593874454, -0.011301668360829353, 0.016359098255634308, -0.01660185493528843, -0.008624603040516376, -0.001715311431325972, 0.0010671175550669432, 0.03225965425372124, -0.014052909798920155, 0.03196295350790024, 0.031935978680849075, 9.960106126527535e-07, 0.0007628289167769253, 0.0035064842086285353, 0.009487736970186234, -0.008321156725287437, 0.003133920254185796, 0.01791004277765751, 0.0020786034874618053, -0.022117823362350464, -0.00892130471765995, 0.020364582538604736, -0.019825123250484467, -0.02679763175547123, 0.005428307224065065, 0.015792666003108025, 0.042347539216279984, -0.01123423594981432, -0.005593516863882542, -0.02503090351819992, 0.0006975037977099419, -0.003779585473239422, 0.0019774548709392548, -0.010802668519318104, -0.013446018099784851, -0.0024663396179676056, 0.02524668723344803, -0.004086402710527182, 0.024073362350463867, -0.008159318938851357, 0.0014160801656544209, -0.006837644148617983, -0.0027714711613953114, -0.013385329395532608, -0.005485625006258488, 0.021740201860666275, 0.026298632845282555, -0.009197778068482876, -0.00012885908654425293, 0.0009735551429912448, -0.002203353215008974, -0.016804151237010956, 0.025516416877508163, -0.019717231392860413, 0.025772659108042717, 0.0027680995408445597, -0.008206522092223167, -0.013796666637063026, -0.004544943105429411, 0.012178289704024792, -0.026136795058846474, 0.01607588119804859, -0.0031878661829978228, -0.0019707116298377514, 0.002311245072633028, 0.016359098255634308, 0.019744204357266426, 0.014160801656544209, 0.00045811879681423306, -0.0034491666592657566, 0.0016790664521977305, -0.023493444547057152, -0.006449908018112183, 0.011470249854028225, -0.02431611903011799, -0.019096853211522102, 0.01955539360642433, -0.00946076400578022, 0.027620306238532066, -0.010020453482866287, -0.013338126242160797, 0.007768211420625448, 0.0288880355656147, -0.017100853845477104, 0.02718873880803585, -0.004733753856271505, 0.015509449876844883, -0.02060733735561371, 0.017491962760686874, -0.00811211671680212, -0.021173769608139992, 0.018247203901410103, -0.010472250171005726, -0.005344016943126917, -0.005438422318547964, 0.025502929463982582, 0.018409041687846184, 0.015860097482800484, -0.005381104536354542, 0.026514414697885513, 0.002720896853134036, 0.007141089998185635, -0.0030732310842722654, -0.015361098572611809, 0.02271122857928276, -0.008894331753253937, -0.007316414266824722, 0.029157765209674835, -0.03096495382487774, 0.011551168747246265, 0.017586367204785347, 0.009487736970186234, 0.005711523350328207, -0.039029866456985474, -0.013850612565875053, -0.012866100296378136, 0.021254688501358032, -0.0213895533233881, -0.004929307848215103, -0.0006258568610064685, -0.019906042143702507, -0.014686774462461472, 0.010310412384569645, -0.011578141711652279, -0.007019711658358574, 0.016048908233642578, 0.0288880355656147, 0.011861356906592846, -0.0012163117062300444, -0.029562359675765038, -0.005317043978720903, -0.00580930057913065, -0.005057429429143667, -0.026204226538538933, -0.00995976384729147, -0.024208227172493935, 0.01250870805233717, 0.008078400045633316, -0.03544246405363083, -0.032556358724832535, -0.002329789102077484, -0.019285663962364197, -0.006163320504128933, 0.008813412860035896, 0.012097370810806751, 0.02503090351819992, 0.022576363757252693, 0.001262671547010541, 0.04054035246372223, 0.006820786278694868, 0.024275660514831543, -0.016736719757318497, 0.007876102812588215, 0.00018744096450973302, 0.004241497255861759, 0.013756207190454006, 0.008955021388828754, -0.00942704826593399, -0.011261208914220333, 0.009979994036257267, -0.0016040479531511664, -0.0031575215980410576, 0.02818673849105835, -0.0026332347188144922, -0.006965765729546547, -0.0131695456802845, 0.002739440882578492, 0.0012129400856792927, -0.0038234165403991938, 0.004996740259230137, -0.017276179045438766, -0.007370360195636749, -0.0033429607283324003, -0.02333160676062107, -0.02725617215037346, -0.019272176548838615, 0.0026618936099112034, -0.0047573549672961235, -0.006449908018112183, -0.009069656021893024, -0.009400075301527977, 0.007390589918941259, -0.007660319563001394, 0.010074399411678314, 0.004052686505019665, 0.001403436646796763, 0.006591516081243753, 0.007498481776565313, -0.012360356748104095, -0.03590100258588791, 0.01336509920656681, -0.02588055096566677, -0.006348759401589632, 0.003420508000999689, -0.017249206081032753, 0.0007704150630161166, -0.016008449718356133, 0.016790665686130524, -0.03188203275203705, 0.01304816734045744, -0.00623749615624547, -0.0038369030226022005, -0.02601541578769684, -0.0015087997308000922, 0.03304187208414078, -0.045611269772052765, -0.002280900487676263, 0.00047666270984336734, 0.01591404341161251, -0.011949019506573677, 0.006918563041836023, -0.01875969022512436, -0.002862504916265607, 0.006824157666414976, 0.005084402393549681, 0.008402075618505478, 0.009332642890512943, -0.01590055786073208, 0.01382363960146904, 0.0005689607933163643, 0.00468992255628109, 0.19603943824768066, -0.01177369523793459, 0.004629233386367559, 0.03862527385354042, -0.01715479977428913, 0.005768841132521629, 0.016547909006476402, -0.0008766210521571338, -0.009636088274419308, -0.0012238979106768966, -0.012704262509942055, -0.004686551168560982, -0.02462630905210972, -0.0005845545092597604, 0.014916044659912586, -0.014052909798920155, -0.03158533200621605, -0.03126165643334389, -0.03274516761302948, -0.04380407929420471, 0.010168804787099361, -0.0015163858188316226, -0.0027242684736847878, -0.012778437696397305, 0.011025195941329002, -0.00803119782358408, 0.007397333160042763, -0.00922475103288889, 0.007781697902828455, 0.01358762662857771, -0.015280179679393768, 0.03498392552137375, -0.0007484995294362307, 0.0018864211160689592, -0.02114679664373398, 0.006048685405403376, -0.0029316230211406946, 0.00035570585168898106, 0.029562359675765038, -0.012319897301495075, 0.02341252565383911, -0.015266693197190762, -0.009777696803212166, -0.011483736336231232, -0.009103372693061829, 0.02594798430800438, 0.012205262668430805, 0.006601630710065365, -0.008037940599024296, 0.02369574084877968, -0.02710781991481781, 0.013769693672657013, 0.02486906573176384, 0.02000044658780098, -0.004544943105429411, 0.004025713540613651, -0.010984736494719982, 0.01432263944298029, 0.02826765738427639, -0.02524668723344803, -0.016156800091266632, 0.00799073837697506, -0.012677289545536041, 0.024113822728395462, -0.005580030381679535, 0.0018425900489091873, -0.004106632433831692, 0.0005373518797568977, 0.010013709776103497, -0.018827123567461967, 0.012603113427758217, -0.01993301510810852, -0.006507225800305605, 0.008550426922738552, -0.02424868755042553, -0.016035422682762146, 0.01923171803355217, 0.00811211671680212, -0.002739440882578492, 0.022765174508094788, 0.009561913087964058, 0.016979476436972618, -0.003044572426006198, -0.005347388330847025, -0.014511450193822384, -0.018516933545470238, 0.008017711341381073, -0.008934791199862957, 0.0001418187457602471, -0.007721008732914925, 0.0011724806390702724, 0.004416821524500847, -0.006433050148189068, -0.011625343933701515, 0.0008816784829832613, -0.0004947851411998272, 0.004622490145266056, 0.016979476436972618, -0.013034680858254433, 0.0014615970430895686, -0.040135759860277176, 0.05675109848380089, 0.021794147789478302, 0.025273660197854042, -0.005691293627023697, 0.011611857451498508, -0.002837217878550291, 4.122331665712409e-05, 0.002795072505250573, -0.005252982955425978, 0.0046494631096720695, -0.01813931204378605, 0.0018543907208368182, 0.01065431721508503, -0.006567914970219135, -0.006793813314288855, -0.0056811789982020855, -0.0015366155421361327, 0.010364358313381672, -0.009251723997294903, -0.009723750874400139, -0.022360580042004585, 0.0039380514062941074, 0.018287664279341698, 0.01706039533019066, -0.01822023093700409, 0.005482253152877092, -0.008260468021035194, -0.034498412162065506, -0.010452019982039928, 0.019056392833590508, -0.03336554765701294, 0.016332125291228294, 0.007424306124448776, 0.014929531142115593, 0.005934050306677818, -0.0056980368681252, 0.012785181403160095, -0.028078846633434296, -0.00021894453675486147, -0.00034811970544978976, -0.027997927740216255, 0.003304186975583434, -0.00810537301003933, 0.002891163807362318, 0.005509226117283106, 0.026676252484321594, 0.0045213415287435055, -0.024208227172493935, -0.012751464731991291, -0.004450537730008364, -0.00888084527105093, -0.00300242705270648, 0.004241497255861759, 0.04296791926026344, -0.027755171060562134, -0.026662766933441162, -0.01312908623367548, -0.009204520843923092, 0.0010544740362092853, -0.04407380893826485, -0.018476475030183792, 0.009244980290532112, -0.007073657587170601, 0.012960505671799183, -0.015091368928551674, -0.17607945203781128, -0.01844950206577778, 0.002397221513092518, -0.044289592653512955, 0.02555687539279461, 0.008456021547317505, 0.02178066223859787, 0.0049191927537322044, 0.013317896984517574, -0.004426936153322458, 0.009602372534573078, 0.006493739318102598, -0.038274623453617096, 0.0019353096140548587, -0.001577074988745153, -0.005907077342271805, -0.022724715992808342, -0.005826158449053764, 0.021281661465764046, 0.010465506464242935, 0.008375102654099464, -0.031558357179164886, 0.009170805104076862, -0.017168287187814713, 0.009737237356603146, 0.0012264265678822994, -0.004389848560094833, 0.022603336721658707, -0.018031420186161995, -0.020661283284425735, -0.0035874031018465757, -0.005333901848644018, 0.03050641342997551, -0.010054169222712517, 0.001338532892987132, 0.008381846360862255, 0.006304928567260504, -0.016089368611574173, -0.009373102337121964, -0.00010178076627198607, 0.013081884011626244, 0.0032451837323606014, -0.0025944611988961697, 0.0040122270584106445, -0.009312412701547146, 0.011551168747246265, 0.009514709934592247, -0.00861111655831337, 0.01081615500152111, -0.009690034203231335, -0.005421563982963562, -0.013351612724363804, 0.022131310775876045, -0.008563913404941559, 0.0051585775800049305, 0.022535905241966248, 0.01684461161494255, 0.012286181561648846, -0.008995480835437775, 0.0007307985215447843, -0.002051630523055792, -0.018948500975966454, 0.00853019766509533, 0.007747981697320938, 0.010283439420163631, -0.009993480518460274, -0.016237718984484673, 0.009797926060855389, -0.02031063660979271, 0.015698259696364403, -0.007781697902828455, -0.013998963870108128, 0.0012078826548531651, -0.002796758431941271, 0.005242868326604366, 0.012218749150633812, -0.01390455849468708, 0.0178426094353199, 0.013162802904844284, 5.289227920002304e-05, -0.018368583172559738, 0.028456468135118484, 0.001423666370101273, -0.017114341259002686, 0.003026028396561742, -0.021335607394576073, -0.0008597629494033754, -0.002029714873060584, 0.008051427081227303, -0.020890554413199425, 0.011834383942186832, -0.010640830732882023, -0.007970508188009262, -0.0015602168859913945, 0.011261208914220333, 0.026055876165628433, -0.004339274484664202, -0.006456651259213686, 0.009683291427791119, -0.006365617737174034, -0.0010275010718032718, 0.007053427863866091, -0.014673287980258465, 0.014376585371792316, 0.025435497984290123, 0.010256466455757618, -0.02200993150472641, 0.0011792238801717758, 0.023520417511463165, 0.012812154367566109, -0.000971026427578181, 0.008638089522719383, 0.021955985575914383, 0.014120342209935188, -0.004278585314750671, 0.023372067138552666, -0.026703225448727608, -0.014336125925183296, 0.015212747268378735, 0.010647574439644814, 0.05831553041934967, 0.022980958223342896, 0.01049922313541174, 0.004153835121542215, -0.011726492084562778, -0.010903817601501942, -0.12472295016050339, -0.022576363757252693, 0.010330641642212868, 0.011328641325235367, -0.003317673457786441, 0.019420528784394264, -0.0052664694376289845, 0.0044100782833993435, -0.04439748451113701, 0.013601113110780716, 0.01120052020996809, -0.004308929666876793, -0.0005533670191653073, -0.003203038591891527, 0.00753219798207283, 0.01000696700066328, 0.0021409783512353897, -0.005583401769399643, -0.009838385507464409, 0.021281661465764046, 0.008280697278678417, 0.0038234165403991938, 0.010033939965069294, -0.009238237515091896, 0.020634310320019722, 0.010256466455757618, -0.018638312816619873, -0.003722267923876643, 0.015873584896326065, 0.009548426605761051, -0.0023061877582222223, -0.010674547404050827, 0.015468990430235863, -0.013331383466720581, -0.014497963711619377, -0.02062082476913929, -0.01768077164888382, -0.03058733232319355, 0.01745150238275528, -0.013452761806547642, -0.003799815196543932, 0.01745150238275528, 0.024059876799583435, 0.002559059299528599, 0.00045601153397001326, -0.007478252053260803, -0.007983994670212269, 0.008759467862546444, -0.0034508525859564543, -0.006787070073187351, -0.01723571866750717, -0.023291148245334625, -0.0026517787482589483, -0.007667062804102898, 0.02169974334537983, 0.0278900358825922, 0.028321603313088417, 0.005300185643136501, -0.01300770789384842, 0.011362357996404171, -0.02503090351819992, 0.008098630234599113, -0.01661534048616886, 0.01332463975995779, 0.011443276889622211, -0.006861245725303888, -0.024896038696169853, -0.04056732729077339, 0.00172795495018363, -0.0239384975284338, 8.950596384238452e-05, 0.00298219732940197, 0.0038234165403991938, -0.014538423158228397, -0.012198518961668015, -0.004376362077891827, -0.0010974621400237083, 0.002582660410553217, 0.011004965752363205, -0.03096495382487774, -0.034795112907886505, -0.026662766933441162, 0.007565914187580347, 0.0023719342425465584, 0.0015383013524115086, 0.0162916649132967, 0.00755242770537734, -0.018800150603055954, -0.009487736970186234, 0.0031710080802440643, -0.004305558279156685, -0.0021527791395783424, -0.0023584477603435516, -0.04129559546709061, -0.006655576638877392, -0.002157836453989148, -0.008860616013407707, -0.021794147789478302, -0.001113477279432118, 0.014066396281123161, -0.006621860433369875, -0.004602260421961546, -0.047769103199243546, 0.009534940123558044, -0.015509449876844883, -0.03220570832490921, -0.014713747426867485, -0.010445277206599712, -0.0018425900489091873, -0.009035940282046795, -0.02163231000304222, 0.034417491406202316, -0.041592296212911606, 0.0010957763297483325, -0.019879069179296494, -0.003658207133412361, -0.013000965118408203, -0.0014860412338748574, 0.02579963207244873, -0.02601541578769684, 0.023844093084335327, 0.014767693355679512, 0.013102113269269466, 0.009487736970186234, 0.007525454740971327, 0.03406684473156929, -0.01993301510810852, -0.013560653664171696, -0.009629345498979092, 0.01831463724374771, -0.012663803063333035, -0.0171413142234087, -0.004814672749489546, -0.0316932238638401, 0.012448019348084927, 0.005219266749918461, 0.009211264550685883, -0.00751196825876832, 0.006803927943110466, 0.014079882763326168, 0.029697224497795105, 0.042212676256895065, -0.009622601792216301, -0.041430458426475525, 0.007377103436738253, -0.0008724065264686942, -0.009737237356603146, 0.00879992637783289, -0.011557911522686481, 0.011180290021002293, 0.02285958081483841, -0.004949537571519613, 0.025165768340229988, 0.010135088115930557, -0.016278179362416267, -0.016102854162454605, -0.014592369087040424, -0.007916562259197235, 0.017181772738695145, 0.010971250012516975, -0.00529007101431489, -0.010182291269302368, 0.03498392552137375, 0.005421563982963562, 0.003085031872615218, 0.012913302518427372, 0.010836385190486908, -0.004511226899921894, -0.016736719757318497, 0.0010721749858930707, 0.012576140463352203, -0.008429048582911491, -0.03582008555531502, 0.008240237832069397, -0.002968710847198963, 0.010768952779471874, 0.01885409653186798, 0.0014245092170313, 0.014700260944664478, 0.018206745386123657, 0.00256917392835021, 0.02362830936908722, 0.006213894579559565, -0.02772819809615612, 0.005866617895662785, 0.00745127908885479, 0.022603336721658707, 0.013918044976890087, 0.004123490769416094, 0.018098853528499603, -0.009770953096449375, 0.013297666795551777, 0.019339609891176224, 0.007525454740971327, 0.008058170787990093, -0.004740497097373009, 0.006288070231676102, 0.008934791199862957, 0.0037188963033258915, 0.003391849109902978, 0.006345388013869524, 0.0162916649132967, 0.014632828533649445, -0.005940793547779322, -0.006109374575316906, -0.034255653619766235, -0.03012879192829132, 0.0017363840015605092, -0.023385552689433098, -0.020661283284425735, -0.006159948650747538, 0.030722197145223618, 0.00753219798207283, 0.01738407090306282, -0.016251206398010254, 0.001835846807807684, -0.02076917514204979, 0.018961988389492035, 0.005256354808807373, -0.01875969022512436, -0.022198742255568504, 0.004673064686357975, 0.0253410916775465, 0.02155139110982418, 0.038895003497600555, 0.0048079295083880424, 0.02673019841313362, 0.02542201057076454, 0.018044907599687576, -0.02217176929116249, 0.023925011977553368, 0.007343387231230736, 0.0007307985215447843, -0.004376362077891827, -0.009042683057487011, -0.003981882706284523, -0.013675288297235966, -0.013061653822660446, -0.00755242770537734, -0.001089876051992178, -0.01791004277765751, 0.073582224547863, 0.0014152373187243938, -0.018422529101371765, 0.0059037054888904095, -0.02449144423007965, 0.0027158395387232304, -0.002582660410553217, 0.0017549279145896435, -0.013769693672657013, -0.0005858188960701227, 0.013446018099784851, -0.0035469436552375555, 0.03142349421977997, -0.044532351195812225, -0.010398074053227901, -0.0045381998643279076, -0.014106855727732182, 0.031153764575719833, -0.02354739047586918, -0.030937980860471725, 0.01715479977428913, -0.0003316830552648753, 0.012920046225190163, -0.005381104536354542, -0.01607588119804859, 0.0016327067278325558, 0.020351095125079155, -0.0036851800978183746, 0.003150778356939554, -0.03762727230787277, 0.018827123567461967, 0.010512709617614746, -0.021753689274191856, -0.005188922397792339, -0.020809635519981384, 0.01370900496840477, 0.0038807340897619724, -0.025934496894478798, 0.008408819325268269, 0.009042683057487011, -0.02370922826230526, 0.033931978046894073, -0.02679763175547123, -0.03476814180612564, -0.0074715088121593, 0.01830114983022213, -0.020512932911515236, -0.01358762662857771, -0.023736201226711273], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='f0f9267c-b964-422b-833a-42f6938bf154', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '1', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_type': 'application/pdf', 'file_size': 1103758, 'creation_date': '2024-02-25', 'last_modified_date': '2023-12-13', 'last_accessed_date': None}, hash='5b1f3212d587e9ddbb9c98457483a2dc4b77023a3789de555c853505279e2ddf')}, text='corpus for inference. ', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='c1d3e19b-4ffa-4776-bf79-1cea7a5eb633', embedding=[0.0088654151186347, 0.015603690408170223, 0.009208276867866516, -0.027414914220571518, 0.004978486802428961, 0.0278487391769886, -0.004117834847420454, -0.0018070193473249674, -0.030395708978176117, -0.026841146871447563, 0.01630340702831745, 0.03627333417534828, -0.018822388723492622, -0.0025784573517739773, -0.01426023431122303, 0.002450759056955576, 0.02388834021985531, 0.009607115760445595, 0.013042726553976536, -0.024532079696655273, -0.004124832339584827, -0.021425336599349976, -0.021831173449754715, -0.015799611806869507, 0.005881121847778559, 0.00970507599413395, 0.037448856979608536, -0.03361440822482109, -0.0085155563428998, 0.0011221712920814753, 0.0031924592331051826, -0.01265788171440363, -0.01158031728118658, -0.019871965050697327, -0.008725471794605255, 0.016933152452111244, 0.0032291943207383156, -0.010719665326178074, 0.013441565446555614, -0.029220184311270714, 0.03148726746439934, 0.013910375535488129, -0.006423402577638626, 0.005853133276104927, 0.012308022938668728, 0.012014142237603664, 0.02553967386484146, -0.013917372561991215, -0.007738871034234762, 0.0002790121943689883, 0.020207829773426056, 0.041255317628383636, -0.014512131921947002, 0.009866010397672653, -0.015393775887787342, -0.007689890451729298, -0.014141282066702843, 0.0357135608792305, -0.01147536002099514, -0.024322165176272392, -0.009663092903792858, 0.0020641654264181852, -0.006119025871157646, 0.024350153282284737, -0.007983772084116936, -0.015015928074717522, -0.003017529845237732, -0.0009008857305161655, 0.007857822813093662, -0.012350006029009819, 0.02212505415081978, 0.007661901880055666, 0.009425189346075058, 0.0060910372994840145, 0.0170311126857996, -0.020753609016537666, 0.009887002408504486, -0.026435311883687973, -0.0028338541742414236, 0.002674668561667204, -0.013805418275296688, -0.005702693946659565, 0.0019452134147286415, 0.04615333676338196, 0.004782566335052252, -0.0011466613505035639, 0.032494861632585526, 0.013434567488729954, -0.0022251002956181765, 0.0065458533354103565, 0.0035195769742131233, 0.018696440383791924, 0.0304796751588583, 0.023790379986166954, -0.002793620340526104, 0.01697513647377491, -0.009215273894369602, 0.003458351595327258, 0.006388416979461908, -0.032690782099962234, -0.020655648782849312, 0.005317849572747946, -0.0378686897456646, -0.01090159174054861, -0.00936921127140522, 0.005713189952075481, 0.006640315055847168, -0.0034566023387014866, -0.013798420317471027, 0.003376134904101491, -0.010845614597201347, 0.04590144008398056, -0.0066543095745146275, -0.020879557356238365, 0.016611283645033836, -0.022782787680625916, 0.003718996187672019, -0.01178323570638895, -0.005104436073452234, -0.023132646456360817, 0.017688848078250885, 0.0021201428025960922, 0.032830726355314255, -0.029276162385940552, 0.030199788510799408, 0.010922583751380444, -0.01073366031050682, -0.012035133317112923, -0.008648502640426159, -0.025847548618912697, 0.005328345578163862, 0.041871070861816406, 0.023412533104419708, 0.006293955259025097, -0.024700012058019638, 0.005454294383525848, 0.006731278263032436, 0.011279439553618431, -0.024210210889577866, -0.014875984750688076, 0.007277057506144047, 0.008851421065628529, -0.029695993289351463, -0.015351792797446251, -0.002387784421443939, 0.04276670888066292, 0.0020991512574255466, -0.0025364744942635298, 0.00212888908572495, 0.007137114182114601, 0.002184866461902857, -0.027526870369911194, 0.0016390872187912464, 0.02064165286719799, 0.02845049649477005, -0.00015262578381225467, -0.006937694735825062, 0.016135476529598236, -0.03109542652964592, -0.030059846118092537, 0.011132498271763325, 0.0057201869785785675, 0.00920127984136343, 0.014309214428067207, 0.02009587362408638, 0.027051061391830444, 0.022768793627619743, -0.005615229718387127, 0.012958760373294353, -0.011706266552209854, -0.009005358442664146, 0.028464490547776222, 0.0011186726624146104, 0.002361545106396079, -0.013896381482481956, 0.002216353779658675, 0.05827243626117706, -0.011293433606624603, -0.0164293572306633, -0.010754651390016079, -0.008368615992367268, 0.006972680799663067, 0.016807204112410545, 0.01351153664290905, -0.017464937642216682, 0.0035458162892609835, 0.012119099497795105, 0.00895637832581997, 0.006227482110261917, -0.012573915533721447, 0.016667259857058525, -0.008053743280470371, -0.018178649246692657, -0.013420573435723782, -0.6394854187965393, 0.0023458015639334917, 0.028912309557199478, -0.020879557356238365, 0.002097402000799775, 0.026155423372983932, 0.01718505099415779, 0.022027093917131424, 0.0014475396601483226, 0.02138335444033146, 0.0042122965678572655, -0.003995384555310011, -0.006636816542595625, 0.0012428724439814687, -0.028940297663211823, -0.015099894255399704, -0.00970507599413395, 0.006066547241061926, 0.002268832642585039, 0.009271251037716866, -0.0328587144613266, 0.017562897875905037, -0.021985109895467758, 0.015491736121475697, -0.008564537391066551, -0.0034758446272462606, 0.010327824391424656, -0.03409021720290184, 0.0007736246916465461, 0.016107486560940742, -0.025777576491236687, 0.010768645443022251, -0.0013513285666704178, 0.0135745108127594, 0.03560160472989082, -0.0055242665112018585, -0.011181478388607502, -0.0023143142461776733, 0.008571534417569637, 0.012098108418285847, -0.03395027294754982, -0.008417596109211445, 0.018108677119016647, -0.0011282938066869974, 0.0013364596525207162, 0.007577935699373484, 0.0025574658066034317, 0.012315020896494389, 0.00765490485355258, -0.007200088817626238, -0.009887002408504486, -2.5856732463580556e-05, 0.007375017739832401, -0.01272785384207964, 0.009607115760445595, -0.005457793362438679, 0.022292986512184143, -0.010397795587778091, 0.01567366160452366, -0.015029923059046268, -0.014917967841029167, 0.00030875016818754375, -0.023328566923737526, -0.009432186372578144, -0.04223492369055748, 0.017073096707463264, 0.0032204478047788143, -0.0006056925631128252, 0.02913621813058853, -0.014022329822182655, 0.007088134065270424, 0.022628849372267723, 0.008445585146546364, -0.03498585522174835, 0.0021131455432623625, 0.005482283420860767, 0.004877028055489063, 0.0030087833292782307, -0.011664283461868763, 0.013231649994850159, -0.0051534161902964115, -0.013000743463635445, -0.01662527769804001, 0.005727184470742941, -0.012685870751738548, -0.000869398470968008, -0.013147683814167976, -0.0008112344658002257, 0.0010312080848962069, 0.009474169462919235, -0.00023615451937075704, 0.014875984750688076, -0.016471339389681816, -0.03129134699702263, -0.0026134431827813387, 0.002216353779658675, 0.012000148184597492, 0.005699195433408022, 0.0074519868940114975, -0.02226499654352665, 0.00021789627498947084, -0.004880526568740606, 0.010285841301083565, 5.586803672485985e-05, 0.015421763993799686, 0.02330057881772518, 0.00587062630802393, -0.010978560894727707, 0.013287627138197422, -0.0012061373563483357, 0.007200088817626238, -0.005597736686468124, -0.018346581608057022, -0.0032256958074867725, 0.0007723127491772175, -0.02866041101515293, 0.012713858857750893, 0.010390798561275005, -0.047216907143592834, -0.008102723397314548, 0.0034146192483603954, -0.015729639679193497, 0.024755990132689476, -0.0036420272663235664, 0.017884768545627594, 0.0061750030145049095, -0.0020501711405813694, -0.002302069216966629, 9.976435103453696e-05, -0.006913204677402973, -0.0027778767980635166, -0.017562897875905037, 0.01530980970710516, -0.016401369124650955, 0.014183265157043934, 0.00970507599413395, 0.011391393840312958, -0.014708053320646286, 0.002998287556692958, -0.021425336599349976, -0.028772365301847458, -0.018318593502044678, 0.010082922875881195, -0.04299061745405197, -0.014987939968705177, -0.026771174743771553, -0.005821646191179752, 0.014512131921947002, 0.0006551101105287671, -0.01663927175104618, 0.009579126723110676, -0.010957569815218449, -0.016863182187080383, -0.011202470399439335, -0.04786064848303795, -0.0159535501152277, -0.022418934851884842, -0.0576007105410099, 0.0039848885498940945, -0.03056364133954048, 0.003830950940027833, 0.01840255968272686, -0.011174481362104416, 0.00013786612544208765, -0.01158031728118658, -0.022320974618196487, 0.010334821417927742, 0.025707604363560677, -0.02206907607614994, -0.023510493338108063, 0.018178649246692657, -0.008137709461152554, 0.0032764251809567213, 0.026463299989700317, 0.004761574789881706, 0.008123715408146381, -0.025973496958613396, 0.0030647607054561377, 0.0018175151199102402, -0.027414914220571518, -0.007731873542070389, 0.02213904820382595, -6.226388359209523e-05, 0.006276462227106094, 0.011097513139247894, 0.012706861831247807, 0.011244453489780426, 0.004765073303133249, 0.006122524384409189, 0.009446180425584316, 0.01840255968272686, 0.009110316634178162, -0.024476103484630585, 0.007633913308382034, -0.007444989867508411, 0.013917372561991215, -0.011531337164342403, 0.010565727949142456, -0.013546522706747055, 0.007822836749255657, 0.012119099497795105, 0.011587314307689667, -0.0023737901356071234, -0.025749588385224342, 0.003439109306782484, -0.006524861790239811, 0.015715645626187325, -0.009789042174816132, 0.004156319424510002, 0.013847400434315205, 0.019927943125367165, -0.003918415401130915, -0.03395027294754982, -0.01813666708767414, 0.0062904562801122665, 0.037784721702337265, -8.358339255210012e-05, 0.013077711686491966, -0.006496873218566179, 0.0041283308528363705, 0.01449813786894083, 0.0059755840338766575, 0.03453803434967995, 0.014959950931370258, -0.029444094747304916, 0.0065458533354103565, 0.01327363308519125, 0.00014322334027383476, 0.03719696030020714, -0.02152329683303833, -0.002092153998091817, 0.03182313218712807, 0.02614142931997776, 0.013189666904509068, 0.00858552847057581, 0.008158701471984386, 0.02880035527050495, -0.01388238649815321, 0.019046299159526825, -0.0015122635522857308, 0.019186241552233696, 0.01875241845846176, -0.0026204404421150684, -0.018080689013004303, 0.020963523536920547, -0.0021218920592218637, 0.01996992528438568, 0.02240494079887867, -0.029220184311270714, 0.00017154001398012042, -0.006356929428875446, 0.025161825120449066, -0.0043242513202130795, -0.006762765347957611, 0.01935417391359806, -0.010075925849378109, 0.015141877345740795, 0.01969003863632679, 0.0014239242300391197, 0.038120586425065994, 0.00634993240237236, 0.012035133317112923, -0.0020991512574255466, -0.013651479966938496, 0.02444811537861824, -0.010138900019228458, 0.009047341533005238, -0.0032694279216229916, -0.023916330188512802, 0.023986300453543663, 0.003118988825008273, -0.035069819539785385, -0.003715497674420476, -0.004712594673037529, 0.010873603634536266, 0.024336159229278564, 0.015785617753863335, -0.0007202712586149573, 0.0049400026910007, 0.006734776776283979, -0.0198859591037035, -0.040695544332265854, 0.0177308302372694, 0.02009587362408638, 0.01221705973148346, -0.015505730174481869, -0.018416553735733032, -0.0085155563428998, -0.010922583751380444, -0.00393940694630146, 0.001518386066891253, 0.012839808128774166, 0.001962706446647644, -0.013259638100862503, -0.023062674328684807, 0.024336159229278564, 0.032410893589258194, -0.0045866454020142555, -0.015155871398746967, 0.02458805777132511, -0.0019032304408028722, 0.01574363373219967, -0.014071309939026833, 0.0063989125192165375, 0.05928003042936325, -0.012245048768818378, -0.02796069346368313, -0.015575702302157879, -0.008606519550085068, -0.011013546958565712, 0.030451687052845955, -0.011993150226771832, -0.015869583934545517, 0.021915139630436897, 0.014309214428067207, 0.0054123117588460445, -0.003474095370620489, 0.00157436344306916, 0.045873451977968216, 0.0066683036275208, 0.028394518420100212, -0.03543367236852646, 0.01158031728118658, -0.003073507221415639, 0.036357298493385315, 0.06359028816223145, -0.022306980565190315, 0.022167036309838295, -0.014903973788022995, -0.006346433889120817, -0.01866845227777958, -0.004775568842887878, 0.007633913308382034, -0.02362244762480259, -0.01635938510298729, -0.008767454884946346, 0.027932705357670784, 0.003096248023211956, 0.012168079614639282, 0.02083757519721985, -0.009481166489422321, -0.009893999435007572, -0.008536548353731632, -0.01623343676328659, 0.006643813569098711, 0.0012866047909483314, 0.0023667931091040373, 0.026295367628335953, 0.0038064608816057444, -0.036553218960762024, 0.020725619047880173, 0.03395027294754982, 0.010642697103321552, -0.01732499524950981, -0.004723090212792158, 0.0014562861761078238, 0.014372188597917557, 0.0295280609279871, -0.005090441554784775, 0.00196970347315073, 0.007689890451729298, -0.009949976578354836, 0.008151703514158726, 0.008963375352323055, -0.017408961430191994, 0.02458805777132511, 0.011636295355856419, -0.001070567173883319, 0.004758076276630163, -0.02016584575176239, 0.0139243695884943, 0.01710108481347561, -0.0062834592536091805, 0.003967395983636379, 0.010418787598609924, 0.012168079614639282, -0.034258149564266205, -0.015715645626187325, -0.0235664714127779, 0.005030965898185968, -0.0173809714615345, 0.00957212969660759, -0.009299240075051785, -0.030535653233528137, -0.00889340415596962, -0.0139243695884943, 0.006300952285528183, -0.021537290886044502, -0.00933422613888979, -0.017464937642216682, -0.008900401182472706, -0.006521363276988268, -0.015449753031134605, 0.002074661199003458, -0.0016976885963231325, -0.019732020795345306, -0.044977813959121704, -0.007472978439182043, 0.009803036227822304, 0.01147536002099514, 0.02092154137790203, 0.002324810018762946, 0.0056397197768092155, -0.015029923059046268, -0.01623343676328659, -0.0067417738027870655, 3.7664456613129005e-05, -0.028002677485346794, -0.007780853658914566, 0.00247000134550035, -0.009789042174816132, -0.013028731569647789, -0.016849186271429062, -0.008914395235478878, -0.003306163242086768, -0.004943501204252243, 0.016317402943968773, -0.014750035479664803, 0.004422212019562721, 0.011587314307689667, 0.024811968207359314, 0.009642100892961025, -0.010852611623704433, -0.03624534606933594, 0.004418713506311178, 0.020725619047880173, -0.010677682235836983, -0.039156168699264526, 0.02986392378807068, 0.005839138757437468, -0.006255470681935549, 0.004782566335052252, 0.022041087970137596, -0.0026764178182929754, 0.022796781733632088, -0.016009526327252388, 0.019997913390398026, -0.001169402152299881, 0.02268482744693756, 0.007186094298958778, 0.01732499524950981, 0.0044746906496584415, -0.005002976860851049, -0.00957212969660759, 0.01635938510298729, -0.018906354904174805, 0.03548964858055115, 0.006276462227106094, -0.004691603127866983, 0.035685569047927856, -0.021607263013720512, -0.012860800139605999, -0.02016584575176239, -0.0003122487396467477, -0.019228225573897362, 0.035405684262514114, -0.010495755821466446, -0.0066683036275208, -0.0169051643460989, -0.011671280488371849, -0.011734255589544773, -0.003412869991734624, -0.0328587144613266, -0.006258969195187092, 0.02363644354045391, -0.020389756187796593, -0.022852759808301926, 0.007105627097189426, 0.004901518113911152, -0.029360128566622734, -0.010096916928887367, 0.039268121123313904, 0.009789042174816132, 0.014281225390732288, -0.0017842785455286503, -0.01732499524950981, -0.01596754416823387, -0.03238290548324585, -0.014917967841029167, -0.01791275665163994, -0.0077878511510789394, 0.009831025265157223, 0.04906415939331055, 0.014386182650923729, 0.051023367792367935, -0.012105105444788933, -0.011251450516283512, 0.01887836679816246, 0.0020711624529212713, 0.00855753943324089, 0.0059755840338766575, -0.0033866306766867638, 0.008907398208975792, 0.008109720423817635, 0.009628106839954853, -0.03008783422410488, 0.00475107878446579, -0.009383206255733967, 0.020823579281568527, 0.02504987083375454, -0.002156877890229225, -0.0023178127594292164, -0.009949976578354836, -0.03319457918405533, -0.027988683432340622, 0.009390203282237053, 0.013056720606982708, 0.004880526568740606, -0.037924665957689285, -0.012909780256450176, 0.02744290418922901, -0.008648502640426159, 0.009222270920872688, 0.0009857264813035727, 0.04304659366607666, -0.00808173231780529, -0.009390203282237053, -0.01029283832758665, 0.0017659110017120838, -0.039408065378665924, 0.01473604142665863, -0.035069819539785385, -0.0063989125192165375, 0.014071309939026833, 0.0018350080354139209, -0.0016854434506967664, 0.00044781892211176455, 0.015939554199576378, 0.0045831468887627125, -0.021201428025960922, -0.013210657984018326, -0.012126096524298191, -0.017828790470957756, -0.0070776380598545074, -0.03395027294754982, -0.01588357798755169, -0.015127883292734623, -0.001307596336118877, 0.03218698501586914, 0.018514513969421387, 0.0050729489885270596, 0.020011907443404198, -0.028912309557199478, -0.0005348462145775557, 0.00035947965807281435, 0.004187806509435177, 0.0378686897456646, -0.010215869173407555, 0.0177308302372694, 0.022572873160243034, 0.015799611806869507, -0.015085900202393532, 0.004068854730576277, 0.012797825038433075, -0.0118462098762393, 0.019116271287202835, 0.030115822330117226, -0.013609496876597404, -0.01704510860145092, 0.03131933510303497, 0.011111507192254066, -0.011468362994492054, -0.027918711304664612, 0.02824058197438717, 0.02016584575176239, 0.008774451911449432, 0.0013758187415078282, -0.020655648782849312, -0.019256213679909706, 0.01663927175104618, -0.01616346463561058, 0.014792018570005894, 0.015603690408170223, 0.013455559499561787, -0.0021726214326918125, 0.03227095305919647, -0.01812267303466797, 0.023188624531030655, -0.007430995348840952, -0.008508559316396713, 0.003956899978220463, 0.016149470582604408, -0.029919901862740517, -0.0007727500633336604, 0.018276609480381012, 0.027065057307481766, -0.02850647270679474, -0.015295815654098988, 0.008473574183881283, -0.0008707104134373367, -0.0019207233563065529, 0.0006170630222186446, -0.014162273146212101, 0.029500070959329605, -0.016877176240086555, -0.009341223165392876, 0.005370328668504953, -0.006633318029344082, 0.014638081192970276, -0.025889532640576363, -0.009194282814860344, 0.016961142420768738, -0.020333778113126755, 0.00040036937571130693, 0.016345391049981117, 0.02579157054424286, -0.006930697709321976, -0.011720260605216026, 0.009362214244902134, -0.0007688141195103526, -0.013343604281544685, -0.007060145493596792, 0.012426975183188915, -0.03965996205806732, -0.018038706853985786, 0.021131455898284912, -0.003764477791264653, 0.02281077578663826, -0.019648054614663124, 0.0029038258362561464, -0.0018822388956323266, 0.029248174279928207, -0.029276162385940552, 0.02342652715742588, 0.008613517507910728, -0.01018088310956955, -0.026029475033283234, -0.005583742167800665, -0.014246239326894283, -0.02064165286719799, 0.024210210889577866, -0.007375017739832401, -0.02125740423798561, -0.018150661140680313, -0.014722047373652458, 0.01791275665163994, -0.007920796982944012, 0.010061931796371937, -0.00794878602027893, -0.012105105444788933, 0.010978560894727707, 0.016947148367762566, -0.03305463492870331, 0.0335584320127964, -0.013371593318879604, 0.01927020773291588, 0.013161677867174149, -0.05004376545548439, 0.02961202710866928, -0.005933600943535566, 0.014652075245976448, 0.014959950931370258, -0.024686018005013466, 0.0052653709426522255, -0.02233496867120266, 0.023748397827148438, -0.032830726355314255, -0.0159535501152277, -0.01473604142665863, -0.00067872554063797, -0.020893551409244537, 0.023006698116660118, 0.0017799052875488997, -0.0026326854713261127, 0.006685796659439802, -0.015589696355164051, 0.021509302780032158, 0.0011379148345440626, -0.02600148692727089, 0.006916703190654516, -0.006133019924163818, -0.002450759056955576, -0.03646925464272499, -0.017464937642216682, -0.010278844274580479, 0.05723685771226883, 0.027540864422917366, -0.02866041101515293, -0.0340622253715992, -0.01497394498437643, -0.03294267877936363, -0.006948190741240978, 0.007647907827049494, 0.004317254293709993, 0.014889979735016823, 0.017143068835139275, -0.00933422613888979, 0.04979186877608299, -0.01982998102903366, 0.0167792160063982, -0.005454294383525848, -0.017506921663880348, 0.00764091033488512, 0.006808246951550245, 0.004628628492355347, 0.0016609533922746778, -0.035209763795137405, -0.01609349250793457, 0.02478397823870182, -0.007955783046782017, 0.012182074598968029, 0.02220902033150196, 0.005576745141297579, 0.00012583973875734955, -0.01791275665163994, 0.016317402943968773, 0.007871816866099834, 0.01241997815668583, 0.007696887943893671, -0.026379333809018135, -0.015155871398746967, 0.0038414467126131058, -0.0044711921364068985, -0.033166591078042984, 0.025693610310554504, -0.015225843526422977, 0.0034233657643198967, -0.0027411417104303837, 0.01085960865020752, 0.012000148184597492, 0.016933152452111244, -0.01819264329969883, 0.03428613767027855, 0.02464403584599495, 0.0036315317265689373, 0.021131455898284912, 0.030367720872163773, 6.838641274953261e-05, -0.01996992528438568, 0.018164655193686485, -0.01623343676328659, 0.005062452983111143, 0.026295367628335953, -0.016079498454928398, 0.006024564150720835, -0.03134732320904732, 0.011489354074001312, -0.008858418092131615, -0.0037539820186793804, -0.0062869577668607235, -0.00185075169429183, -0.03266279399394989, 0.0098800053820014, 0.014218251220881939, -0.013462556526064873, -0.0032991659827530384, -0.014624087139964104, 0.0037924665957689285, -0.006136518903076649, 0.004352240357547998, -0.011636295355856419, -0.03417418152093887, 0.010677682235836983, 0.003956899978220463, -0.023580465465784073, 0.01759088784456253, -0.010418787598609924, 0.022320974618196487, 0.01948012411594391, 0.004177310969680548, 0.17408961057662964, -0.016723237931728363, -0.016107486560940742, 0.02478397823870182, -0.014568109065294266, -0.008508559316396713, 0.037168972194194794, 0.004660115577280521, -0.03028375469148159, 0.022292986512184143, 0.003428613767027855, -0.007647907827049494, -0.02635134570300579, -0.010509750805795193, 0.022237008437514305, -0.023510493338108063, -0.029779959470033646, -0.041927047073841095, -0.011482357047498226, 0.0015323803527280688, -0.0066263205371797085, 0.015925560146570206, -0.00010944012319669127, -0.011111507192254066, 0.030647607520222664, -0.02716301754117012, 0.0173809714615345, -0.0032169492915272713, -0.022838765755295753, 0.03789667785167694, 0.013210657984018326, -0.017534909769892693, -0.004177310969680548, 0.008046746253967285, -0.029975879937410355, 0.016989130526781082, 0.006119025871157646, 0.0007653155480511487, 0.007437992375344038, 0.008879410102963448, 0.016961142420768738, -0.02253088913857937, -0.010523744858801365, -0.03543367236852646, 0.0003349895414430648, 0.02980794757604599, -0.00444670207798481, -0.0018332587787881494, -0.009579126723110676, 0.0021621256601065397, -0.021061483770608902, 0.012210062704980373, 0.015491736121475697, 0.01072666235268116, -0.007165102753788233, -0.007745868060737848, -0.014750035479664803, -0.0008003013790585101, 0.01085960865020752, -0.007598927244544029, -0.028226586058735847, -0.0013364596525207162, 0.004023373126983643, 0.022712815552949905, 0.009642100892961025, 0.01894833892583847, -0.015379780903458595, 0.005772666074335575, -0.0052968580275774, -0.021957121789455414, 0.0118462098762393, 0.006021065637469292, -0.010635699145495892, -0.003194208489730954, -0.01868244633078575, -0.0270230732858181, 0.03627333417534828, 0.036973051726818085, -0.0007679394911974669, 0.019242219626903534, -0.010145897977054119, -0.0001630122133065015, 0.0031837127171456814, 0.0027096543926745653, -0.016653265804052353, -0.027750778943300247, 0.030255766585469246, -0.014834001660346985, 0.0029860425274819136, -0.016793210059404373, -0.012056125327944756, -0.0035423177760094404, -0.013322613202035427, -0.0013941862853243947, 0.01840255968272686, 0.00103470659814775, -0.005174407735466957, 0.026911118999123573, -0.00162071967497468, -0.022656839340925217, -0.019242219626903534, 0.07394610345363617, 0.032019052654504776, 0.013455559499561787, -0.003320157527923584, -0.0034828416537493467, -0.020711624994874, -0.009320231154561043, 0.015729639679193497, -0.00963510386645794, 0.019592078402638435, -0.04486585780978203, 0.026099447160959244, -0.0022216017823666334, 0.020151851698756218, -0.0028670907486230135, -0.007885811850428581, -0.04514574632048607, 0.02756885252892971, -0.0029265666380524635, -0.009075330570340157, -0.017338989302515984, 0.011664283461868763, 0.024881938472390175, -0.01554771326482296, -0.020053891465067863, -0.0017143068835139275, -0.009180287830531597, -0.03993985056877136, 0.012811820022761822, -0.005730682983994484, -0.031207380816340446, 0.022642845287919044, -0.0014431665185838938, -0.0011291684349998832, 0.004674110095947981, -0.009117313660681248, 0.0039848885498940945, -0.011629297398030758, 0.0007849950925447047, 0.0008129837806336582, -0.02586154267191887, 0.018388565629720688, 0.0016102239023894072, 0.01215408556163311, 0.02314664050936699, 0.007920796982944012, 0.03305463492870331, -0.03803661838173866, -0.0077878511510789394, 0.020655648782849312, -0.027792762964963913, -0.006493374239653349, 0.0069971708580851555, 0.004198302514851093, -0.03834449499845505, -0.013084709644317627, -0.028324546292424202, -0.005009974353015423, 0.00037434863043017685, -0.03176715597510338, -0.0004410404071677476, 0.034594010561704636, -0.007430995348840952, -0.020809585228562355, -0.011146493256092072, -0.17979930341243744, 0.011692272499203682, 0.043830279260873795, -0.030199788510799408, 0.014778024516999722, -0.0019784499891102314, 0.02538573555648327, 0.0012332512997090816, -0.017436949536204338, -0.030675595626235008, 0.004880526568740606, -0.020599670708179474, -0.03910018876194954, -0.021901143714785576, -0.005933600943535566, 0.0029178201220929623, -0.01887836679816246, 0.013938364572823048, 0.025609644129872322, 0.014847996644675732, 0.027526870369911194, -0.04828047752380371, 0.02302069216966629, -0.01320366095751524, 0.01813666708767414, -0.010159892030060291, -0.01602352038025856, 0.0049225096590816975, -0.005667708348482847, -0.018794400617480278, 0.02316063456237316, 0.0116083063185215, 0.019522106274962425, -0.0211874321103096, -0.002200610237196088, 0.006447892636060715, 0.018976327031850815, 0.01507190614938736, -0.012993746437132359, 0.022013099864125252, 0.018556496128439903, 0.03145927935838699, -0.0025574658066034317, -0.009684083983302116, -0.01140538789331913, -0.003544067032635212, 0.0012542428448796272, -0.007375017739832401, 0.012678873725235462, -0.02546970173716545, -0.013595502823591232, -0.019676044583320618, 0.006895711645483971, 0.003718996187672019, 0.0024105252232402563, -0.00011326670210110024, 0.02145332470536232, 0.008361618965864182, -0.011461365967988968, -0.013784426264464855, -0.0077948481775820255, -0.01739496737718582, 0.037728745490312576, -0.009446180425584316, -0.002137635601684451, -0.009159296751022339, -0.005881121847778559, -0.019592078402638435, -0.005422807298600674, 0.0013906876556575298, -0.016247430816292763, 0.0018052700906991959, -0.0027918710839003325, 0.008795443922281265, 0.023916330188512802, 0.033782340586185455, -0.00963510386645794, 0.003844945225864649, -8.309139957418665e-05, -0.004670611582696438, -0.006119025871157646, 0.021229416131973267, -0.0073400321416556835, -0.0028006175998598337, 0.002476998372003436, 0.008375613018870354, 0.014022329822182655, 0.0068852161057293415, -0.0013382089091464877, -0.016079498454928398, 0.0290522538125515, -0.010341818444430828, 0.007647907827049494, -0.01792675070464611, 0.00258895312435925, 0.012252045795321465, -0.008606519550085068, -0.002265334129333496, 0.009824027307331562, -2.1100842786836438e-05, -0.00926425401121378, -0.0032204478047788143, -0.01511388923972845, 0.025889532640576363, 0.035125795751810074, 0.003017529845237732, -0.0030052848160266876, 0.002268832642585039, 0.04338245838880539, -0.01153833419084549, -0.007696887943893671, -0.004180809482932091, 0.007298049051314592, -0.013602499850094318, -0.0003844070597551763, 0.03775673359632492, -0.009257256984710693, -0.02355247735977173, 0.01401533279567957, -0.005807651672512293, 0.041787102818489075, -0.016849186271429062, -0.006115527357906103, 0.011314424686133862, 0.009509154595434666, -0.0227408055216074, -0.12751643359661102, 0.016737231984734535, -0.02226499654352665, 0.02159326896071434, -0.012189071625471115, 0.014183265157043934, -0.012112102471292019, 0.011797229759395123, -0.028604434803128242, 0.03593746945261955, -0.031151404604315758, 0.009208276867866516, -0.00902635045349598, -0.005559252109378576, 0.0202358178794384, -0.028422508388757706, 0.007039153948426247, -0.04870030656456947, 0.01001295167952776, 0.043298494070768356, -0.0029300651513040066, -0.010173886083066463, 0.022376952692866325, -0.009593120776116848, 0.008529551327228546, 0.008291647769510746, -0.02552567794919014, 0.016989130526781082, 0.032830726355314255, -0.021635251119732857, 0.0042122965678572655, -0.014596098102629185, 0.001831509405747056, -0.025959502905607224, -0.006342935375869274, -0.01582759991288185, -0.03904421254992485, -0.01127244159579277, 0.023468511179089546, -0.016863182187080383, 0.0069656833074986935, 0.028016671538352966, 0.0009866011096164584, -0.0019609571900218725, 0.0014772777212783694, 0.004607636947184801, -0.020753609016537666, 0.019592078402638435, 0.014022329822182655, -0.017744824290275574, -0.03652523085474968, -0.008928390219807625, -0.009082327596843243, 0.003663018811494112, 0.013497542589902878, 0.022362956777215004, 0.021131455898284912, 0.0030280256178230047, -0.011041535064578056, 0.010005953721702099, -0.036497242748737335, 0.002548719523474574, -0.015253832563757896, 0.019676044583320618, 0.018094683066010475, -0.004821050446480513, -0.02681315876543522, -0.023930324241518974, -0.01732499524950981, -0.01582759991288185, 0.003346396842971444, 0.01956409029662609, -0.01493196189403534, 0.02260086126625538, -0.03604942187666893, -0.0071930913254618645, -0.01981598697602749, -0.030339732766151428, 0.010397795587778091, -0.018234627321362495, -0.016611283645033836, -0.022936725988984108, -0.005436801817268133, -0.017297005280852318, 0.014540120959281921, 0.00783683080226183, -0.0025976996403187513, -0.0211874321103096, 0.01371445506811142, -0.030787551775574684, 0.005748175550252199, 0.023846358060836792, -0.006419904064387083, -0.010908588767051697, -0.0024385140277445316, 0.014456154778599739, -0.022013099864125252, -0.011328419670462608, -0.010215869173407555, 0.005160413216799498, -0.033922284841537476, -0.007619918789714575, -0.0395200215280056, 0.03439809009432793, -0.000520414556376636, -0.03196307644248009, -0.00543330330401659, 0.00814470648765564, 0.021019501611590385, -0.0043627358973026276, -0.025301769375801086, 0.01799672283232212, -0.03299865871667862, 0.005478784907609224, -0.01480601355433464, 0.008879410102963448, -0.016597289592027664, -0.01649932935833931, 0.025133837014436722, -0.02314664050936699, 0.008172695524990559, 0.017143068835139275, -0.0032554336357861757, 0.009998956695199013, -0.0070811365731060505, 0.018626468256115913, -0.02199910394847393, -0.005968586541712284, -0.004429209046065807, 0.008711477741599083, -0.009921988472342491, -0.00752195855602622, -0.004117834847420454, -0.03456602245569229, -0.008305641822516918, 0.010768645443022251, 0.01340657938271761, -0.021495308727025986, 0.024070266634225845, 0.023748397827148438, 0.012972754426300526, 0.024700012058019638, -0.017297005280852318, -0.026393327862024307, 0.007046150974929333, -0.01283281110227108, -0.0003142167115584016, 0.016401369124650955, -0.015715645626187325, -0.0048105549067258835, 0.011216464452445507, -0.003323656041175127, 0.029444094747304916, 0.017283011227846146, -0.0036420272663235664, -0.008984367363154888, -0.02762483060359955, -0.01981598697602749, 0.002032678108662367, 0.002832104917615652, -0.015057911165058613, 0.00042770206346176565, 0.03291469067335129, -0.005314351059496403, 0.022041087970137596, 0.000556712388060987, 0.00536333117634058, -0.018892360851168633, -0.016121480613946915, 0.014722047373652458, 0.005443798843771219, -0.015659667551517487, -0.005093940068036318, 0.004548160824924707, 0.009859013371169567, 0.0136864660307765, 0.01771683618426323, 0.015939554199576378, 0.009838022291660309, 0.0008908272720873356, 0.012797825038433075, 0.013175672851502895, 0.010215869173407555, -0.014722047373652458, -0.008921392261981964, -0.0010005953954532743, 0.04696501046419144, 0.022306980565190315, 0.013784426264464855, 0.034873899072408676, -0.02797468937933445, -0.006759266834706068, 0.027736784890294075, 0.0340622253715992, -0.00512542761862278, 0.009453177452087402, -0.005545257590711117, -0.012909780256450176, -0.01504391711205244, 0.030311742797493935, 0.027470892295241356, 0.014889979735016823, 0.016611283645033836, -0.0019049796974286437, 0.0012052626116201282, -0.014875984750688076, -0.024336159229278564, -0.0019189740996807814, -0.03448205813765526, -0.03280273824930191, 0.002302069216966629, 0.013560516759753227, -0.004866532050073147, 0.013063717633485794, 0.0009437433909624815, 0.010397795587778091, -0.01901830919086933, 0.013231649994850159, -0.02194312773644924, -0.034454070031642914, -0.023930324241518974, 0.02961202710866928, -0.003178464714437723, 0.027666812762618065, 0.01866845227777958, -0.0068887146189808846, 0.016681255772709846, 0.007154607214033604, 0.018234627321362495, -0.01949411816895008, 0.031879108399152756, 0.00913130771368742, 0.012028136290609837, 0.000879456871189177, 0.008935387246310711, -0.018416553735733032, -0.0013364596525207162, -0.025903526693582535, -0.021915139630436897, 0.010453772731125355, 0.014820007607340813, 0.0776406079530716, 0.028142619878053665, -0.026925113052129745, -0.006731278263032436, -0.012755841948091984, 0.011314424686133862, 0.024392137303948402, 0.012552924454212189, -0.02593151479959488, -0.026785168796777725, 0.01581360585987568, 0.008074735291302204, 0.009124310687184334, -0.03297066688537598, -0.007864819839596748, -0.013973349705338478, -0.010033942759037018, 0.020711624994874, -0.0008361618965864182, -0.007990769110620022, 0.03453803434967995, -0.025819560512900352, 0.009222270920872688, -0.0062064905650913715, -0.02342652715742588, 0.006647312082350254, 0.009998956695199013, 0.006031561177223921, 0.004068854730576277, -0.024546075612306595, 0.017478931695222855, 0.013483547605574131, -0.03688908368349075, -0.02471400797367096, -0.0205856766551733, 0.0006109404494054615, 0.011251450516283512, -0.002058917423710227, 0.006115527357906103, -0.00967708695679903, -0.015603690408170223, 0.014945956878364086, -0.016989130526781082, -0.01361649390310049, -0.014400177635252476, 0.01307071465998888, -0.01928420178592205, -0.010698674246668816, -0.006426901090890169], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='f0f9267c-b964-422b-833a-42f6938bf154', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '1', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_type': 'application/pdf', 'file_size': 1103758, 'creation_date': '2024-02-25', 'last_modified_date': '2023-12-13', 'last_accessed_date': None}, hash='5b1f3212d587e9ddbb9c98457483a2dc4b77023a3789de555c853505279e2ddf')}, text='In practice, the choice of re-\\ntrieval unit, e.g. documents, fixed-length passage\\nchunks or sentences, etc, is usually pre-determined\\nbased on how the dense retrieval model is instanti-\\nated or trained (Lewis et al., 2020; Lee et al., 2021a;\\nSanthanam et al., 2022; Ni et al., 2022).\\nIn this paper, we investigate an overlooked re-\\nsearch question with dense retrieval inference – at\\nwhat retrieval granularity should we segment and\\nindex the retrieval corpus? We discover that se-\\nlecting the proper retrieval granularity at inference\\ntime can be a simple yet effective strategy for im-arXiv:2312.06648v2  [cs.CL]  12 Dec 2023', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='30def863-9c49-4e2c-b5c8-444dee5c2596', embedding=[0.013406731188297272, -0.0025405220221728086, -0.005960776936262846, -0.02823173813521862, -0.005010799039155245, 0.028552858158946037, -0.031121812760829926, 0.007185044232755899, -0.015386966988444328, -0.017795361578464508, 0.017929160967469215, 0.033556967973709106, -0.013681020587682724, 0.011767684482038021, 0.01328631117939949, 0.00404744129627943, -0.0005586137995123863, 0.015159507282078266, -0.000599171849898994, -0.007907562889158726, -0.011439874768257141, -0.002764636417850852, -0.03652732074260712, -0.013212720863521099, -0.01129938568919897, -0.023896627128124237, 0.03171053156256676, 0.006452491041272879, 0.025528984144330025, -0.0077536930330097675, 0.015306686982512474, -0.023749448359012604, -0.046321459114551544, -0.003311542794108391, -0.015654565766453743, -0.008322342298924923, -0.005833667237311602, -0.01212894357740879, 0.018838999792933464, -0.016002444550395012, 0.028659896925091743, 0.01560104638338089, -0.0007743657915852964, -0.024900125339627266, -0.0153334466740489, 0.013888409361243248, 0.023615648970007896, -0.006629775743931532, -0.01234971359372139, 0.0019033008720725775, -0.010115258395671844, 0.026278262957930565, -0.022505110129714012, -0.004228070843964815, -0.014289808459579945, -0.03318232670426369, 0.007807212881743908, 0.005469063296914101, -0.010402927175164223, -0.03829347714781761, -0.005733317695558071, -0.018544640392065048, -0.014651068486273289, -0.004920484498143196, -0.0048836893402040005, -0.006295276340097189, 0.02063191495835781, 0.0075663733296096325, -0.016872143372893333, -0.034654125571250916, 0.04158494994044304, 0.03607240319252014, 0.011172275990247726, -0.012764492072165012, 0.011480014771223068, 0.00917865987867117, 0.017621422186493874, 0.0016816951101645827, -0.015346826985478401, 0.00760651333257556, 0.018905898556113243, -0.019079837948083878, 0.0006455836119130254, 0.008201922290027142, 0.009854348376393318, -0.019896017387509346, 0.00546237314119935, 0.029864095151424408, 0.0029352311976253986, 0.00525163859128952, 0.0028582962695509195, 0.013206031173467636, -0.017781982198357582, -0.00046829896746203303, -0.008656840771436691, -0.0030874283984303474, 0.0007321352604776621, 0.014089109376072884, -0.017648180946707726, -0.03211193159222603, 0.008001222275197506, 0.004853584337979555, -0.02863313816487789, 0.0015947252977639437, -0.015253166668117046, -0.024378307163715363, 0.020872754976153374, -0.012617312371730804, -0.005037559196352959, -0.004499015398323536, -0.03842727467417717, 0.03299500793218613, 0.025221245363354683, -0.0035791422706097364, 0.011633885093033314, -0.010744116269052029, 0.03138941153883934, 0.005154633894562721, 0.030720412731170654, -0.0185713991522789, 0.05180724710226059, 0.01169409416615963, 0.030319014564156532, -0.00966033898293972, 0.02991761453449726, 0.0071783545427024364, -0.02523462474346161, -0.0009315804927609861, -0.0417187474668026, 0.009459638968110085, -0.026599382981657982, 0.01822352036833763, 0.009218799881637096, 0.009546609595417976, -0.006094576790928841, 0.00011299803736619651, 0.02191639319062233, -0.00020895751367788762, -0.013045471161603928, -0.03374428674578667, 4.7875208110781386e-05, 0.0004432115238159895, -0.02451210655272007, 0.004569259937852621, 0.003756426740437746, 0.0120687335729599, -0.001065380172803998, -0.016832003369927406, -0.0024719496723264456, 0.007934322580695152, 0.005756732542067766, -0.0008830780861899257, -0.00018501990416552871, 0.030345773324370384, 0.013172581791877747, 0.009018100798130035, -0.020003056153655052, 0.011252555064857006, -0.029997894540429115, -0.02823173813521862, -0.00424479553475976, 0.035376641899347305, 0.005301813594996929, 0.009774068370461464, 0.02425788715481758, 0.004686334636062384, 0.0031125156674534082, -0.0015754916239529848, -0.007693483494222164, -0.010938126593828201, -0.004291625693440437, 0.025060685351490974, -0.027027541771531105, 0.02175583317875862, 0.02388324774801731, 0.019842496141791344, 0.0015437141992151737, 0.0032530054450035095, -0.003488827496767044, 0.0058838422410190105, -0.02788385935127735, 0.0032546778675168753, 0.00603436678647995, 0.04404686391353607, -0.01578836515545845, -0.012122253887355328, 0.026960641145706177, 0.021300913766026497, 0.0027880514971911907, -0.027455700561404228, 0.005826977547258139, 0.005147943738847971, 0.0028164838440716267, -0.010336027480661869, -0.6439512372016907, -0.03508228436112404, -0.015801746398210526, 0.006295276340097189, -0.013460250571370125, 0.02266567014157772, -0.012470132671296597, 0.012751112692058086, -0.02041783556342125, 0.01632356457412243, 0.004763269796967506, 0.0019501307979226112, -0.008810711093246937, -0.004482290241867304, -0.041156791150569916, -0.011587054468691349, 0.0016265027225017548, -0.016310185194015503, -0.01679186336696148, -0.020096715539693832, -0.022625530138611794, 0.025020545348525047, -0.021207254379987717, 0.03470764309167862, 0.022531870752573013, -0.008569871075451374, 0.025595884770154953, -0.027776818722486496, -0.006499320734292269, 0.015774985775351524, 0.01594892516732216, 0.022117091342806816, -0.012918361462652683, 0.009653649292886257, 0.03243304789066315, -0.013982069678604603, -0.019521377980709076, 0.024124087765812874, 0.011292695067822933, 0.030399294570088387, -0.011185655370354652, -6.940859748283401e-05, 0.018210140988230705, -0.024271266534924507, -0.006051091942936182, -0.0005389619618654251, 0.017648180946707726, -0.02170231193304062, 0.01966855674982071, -0.03342316672205925, 0.02341494895517826, 0.00046411773655563593, -0.005880497395992279, -0.0097539983689785, 0.009359289892017841, 0.005027524195611477, 0.04878337308764458, -0.010630386881530285, -0.003261367790400982, -0.017648180946707726, 0.009091690182685852, -0.001262734760530293, 0.00803467258810997, -0.0002077031385852024, -0.010717356577515602, 0.007700173184275627, 0.0071114543825387955, 0.016457363963127136, 0.01803620159626007, -0.015199647285044193, 0.0209128949791193, 0.016283424571156502, -0.014704587869346142, -0.010148707777261734, 0.004733164794743061, 0.01616300456225872, 0.014463748782873154, -0.018999557942152023, 0.012195843271911144, -0.0016632976476103067, 0.0016632976476103067, -0.010623697191476822, -0.004846894647926092, 0.004846894647926092, -0.0053319185972213745, -0.0022929925471544266, -0.013968689367175102, 0.011794444173574448, 0.0343865267932415, 0.012751112692058086, 0.03211193159222603, 0.0057199373841285706, 3.701051582538639e-06, -0.04471586272120476, -0.010222298093140125, 0.02156851254403591, -0.02429802715778351, 0.002277940046042204, 0.004311695694923401, -0.0012694246834143996, -0.011078615672886372, -0.00010400836617918685, 0.02219737134873867, -0.02397690713405609, 0.016925662755966187, 0.01897279918193817, -0.028900736942887306, 0.009171970188617706, 0.04161170870065689, -0.02079247497022152, -8.001850073924288e-05, -0.02801765874028206, -0.005208153743296862, 0.01693904399871826, 0.010222298093140125, -0.026532482355833054, 0.01810310035943985, -0.008857540786266327, -0.023455088958144188, 0.012496892362833023, 0.008101572282612324, -0.0056898328475654125, 0.025301525369286537, 0.010717356577515602, -0.029569735750555992, 0.026626141741871834, 0.021327674388885498, -0.016109485179185867, -0.0012242672964930534, 0.015186266973614693, 0.014610928483307362, 0.020484736189246178, 0.00923886988312006, -0.01197507418692112, 0.020484736189246178, 0.025689544156193733, 0.01772846095263958, -0.009881108067929745, 0.01055010687559843, -0.014704587869346142, -0.024833226576447487, -0.02222413197159767, -0.005465717986226082, -0.01166064478456974, -0.018437599763274193, -0.04982701316475868, -0.01244337297976017, 0.010028287768363953, 0.022612150758504868, -0.016122864559292793, -0.029275376349687576, -0.019280537962913513, -0.02504730597138405, -0.009218799881637096, 0.0035055524203926325, 0.01161381509155035, -0.0052650184370577335, -0.021903011947870255, -0.015507386066019535, -0.018959417939186096, -0.014370088465511799, 0.006121336482465267, -0.04308350756764412, 0.008890991099178791, -0.00960012897849083, -0.027067681774497032, -0.003012165892869234, 0.009934628382325172, -0.029061296954751015, -0.04460882395505905, -0.00019829535449389368, -0.0016658063977956772, 0.010075118392705917, 0.013982069678604603, 0.001299529685638845, 0.008027982898056507, -0.013012021780014038, -0.014263048768043518, -0.013941929675638676, -0.019267158582806587, -0.013848270289599895, 0.02213047258555889, -0.0068204402923583984, -0.013393350876867771, 0.013781369663774967, 0.02275933139026165, 0.036875199526548386, 0.007432573940604925, -0.01450388878583908, 0.02535504475235939, -0.02207695133984089, 0.03082745335996151, 0.008683601394295692, -0.012777872383594513, 0.009546609595417976, 0.009158589877188206, 0.012523652985692024, -0.028820456936955452, -0.0153334466740489, 0.01360074058175087, 0.009044860489666462, 0.038320235908031464, 0.03882867470383644, -0.00808150228112936, -0.005161323584616184, -0.011560294777154922, 0.013955309987068176, -0.028552858158946037, 0.026184603571891785, 0.007512853480875492, 0.015373586677014828, -0.01798268035054207, -0.034841444343328476, -0.02044459618628025, 0.010242368094623089, 0.025194484740495682, 0.01835731975734234, 0.001849781023338437, 0.017246782779693604, -0.002157520269975066, -0.005221533589065075, 0.010235677473247051, 0.0014124232111498713, 0.005602862685918808, -0.021969912573695183, -0.022786090150475502, 0.011138825677335262, 0.018959417939186096, -0.005335263442248106, -0.027081061154603958, -0.019494617357850075, -0.002589024370536208, 0.0030372533947229385, 0.01772846095263958, 0.011921553872525692, 0.020805854350328445, 0.008175162598490715, 0.015266546979546547, 0.02472618594765663, 0.01897279918193817, 0.017086222767829895, -0.0033449926413595676, -0.0029954409692436457, -0.03596536070108414, 0.01829042099416256, 0.0044756000861525536, 0.0704856887459755, 0.021300913766026497, 0.003380115143954754, 0.022772710770368576, -0.007827282883226871, -0.009352599270641804, -0.00950646959245205, 0.01632356457412243, 0.016484124585986137, -0.01656440459191799, 0.038186438381671906, -0.00023289512319024652, 0.024110708385705948, 0.019588276743888855, 0.02175583317875862, 0.003186105517670512, 0.02954297512769699, -0.012717662379145622, 0.01317927148193121, -0.017340442165732384, 0.01976221613585949, -0.006362176034599543, 0.0014241306344047189, -0.004499015398323536, -0.00929907988756895, -0.011807824485003948, 0.03864135593175888, -0.010998335666954517, 0.01253703236579895, -0.01847773976624012, -0.00015303341206163168, 0.0020003055687993765, 0.01875871978700161, 0.010496587492525578, -0.011346215382218361, -0.03848079591989517, 0.017594661563634872, 0.012904982082545757, 0.00840931199491024, -0.008737120777368546, -0.01117896568030119, 0.0012978571467101574, -0.001327125821262598, 0.011934934183955193, -0.01523978728801012, 0.0008266313234344125, -0.01756790094077587, -6.81542296661064e-05, 0.0017410686705261469, -0.030131693929433823, 0.004131066147238016, 0.006188236642628908, 0.012235983274877071, -0.02151499316096306, -0.007840663194656372, -0.007579753641039133, -0.011031785979866982, -0.0021926427725702524, 0.020939653739333153, 0.004676299635320902, -0.0038634666707366705, -0.007840663194656372, -0.0036527321208268404, 0.015574285760521889, 0.004478945396840572, -0.0007952720043249428, 0.021394573152065277, 0.0185713991522789, -0.008335721679031849, -0.01560104638338089, 0.028659896925091743, -0.004311695694923401, 0.0315232127904892, -0.009473019279539585, -0.0030288908164948225, 0.0020187031477689743, -0.0039002615958452225, -0.002107345499098301, 0.04581302031874657, 0.020565016195178032, 0.012951811775565147, 0.009626888670027256, -0.0153334466740489, 0.009091690182685852, 0.004910449497401714, -0.00854980107396841, 0.025622643530368805, 0.017781982198357582, 0.002202677773311734, -0.006552840583026409, 0.031871091574430466, -0.013714469969272614, -0.015386966988444328, -0.008315651677548885, 0.015440486371517181, -0.02479308657348156, 0.014343328773975372, 0.00960012897849083, -0.0006338761304505169, 0.00687730498611927, 0.01522640697658062, 0.04254830628633499, -0.009486399590969086, -0.013065541163086891, 0.031148571521043777, 0.005522583145648241, -0.003196140518411994, -0.04492994397878647, -0.007733623031526804, 0.012302882969379425, 0.0005197282298468053, 0.015373586677014828, -0.008342412300407887, 0.013821509666740894, 0.004472255241125822, -0.004545845091342926, 0.02666628174483776, -0.005636312533169985, -0.011781064793467522, 0.009044860489666462, 0.003659422043710947, 0.007258634082973003, 0.0005690669058822095, 0.0035557271912693977, 0.004726474639028311, 0.029650015756487846, -0.014142629690468311, 0.0013287983601912856, 0.008496281690895557, -0.0218227319419384, -0.014209529384970665, -0.01588202454149723, 0.005459028296172619, -0.008750501088798046, -0.008870921097695827, -0.011252555064857006, -0.007653343491256237, -0.0027127889916300774, -0.012931741774082184, -0.05277060344815254, 0.006091231945902109, -0.006750195287168026, 0.019494617357850075, -0.02207695133984089, -0.014276429079473019, 0.022960029542446136, -0.02900777757167816, -0.019628416746854782, -0.010061738081276417, -0.0036125921178609133, -0.030506333336234093, -0.014570788480341434, 0.017032703384757042, 0.00540216313675046, -0.0007037028553895652, 0.0001700719731161371, -0.0031208782456815243, 0.035590723156929016, -0.016243284568190575, -0.012369782663881779, -0.019896017387509346, -0.02385648898780346, -0.01697918213903904, 0.04434122517704964, 0.00083332130452618, -0.010436377488076687, -0.006014296784996986, -0.01594892516732216, 0.0099747683852911, 0.013072231784462929, 0.011199035681784153, 0.007586443331092596, 0.008616701699793339, 0.0004453021683730185, 0.04035399109125137, 0.023588888347148895, -0.0014467093860730529, -0.025783203542232513, 0.0047365096397697926, 0.003980541136115789, 0.00022056045418139547, -0.00030230372794903815, 0.00546237314119935, 0.024953646585345268, 0.010262438096106052, 0.0033132152166217566, 0.0016181402606889606, 0.005308503285050392, 0.0008638443541713059, 0.007158284541219473, 0.025194484740495682, -0.01831717975437641, 0.013808130286633968, 0.010897986590862274, 0.03644704073667526, 0.02081923559308052, 0.030934492126107216, -0.012871531769633293, -0.02201005257666111, -0.004853584337979555, 0.039470914751291275, -0.013480320572853088, -0.006271861493587494, 0.010289197787642479, -0.03385132551193237, 0.017434101551771164, -0.028365537524223328, -0.0036393520422279835, -0.009312460198998451, 0.01875871978700161, 0.004502360243350267, -0.013038781471550465, -0.014035589061677456, -0.021461473777890205, 0.0011172275990247726, -0.007452643942087889, -0.01560104638338089, 0.014985566958785057, -0.017233403399586678, 0.004144445993006229, -0.008355791680514812, 0.0062484461814165115, 0.0011874723713845015, -0.02479308657348156, -0.03363724797964096, 0.009138519875705242, -0.007285394240170717, 0.004642849788069725, 0.00045659151510335505, 0.0016373739344999194, -0.015186266973614693, -0.00834910199046135, -0.0009307442232966423, -0.01798268035054207, 0.004773304797708988, -0.006910754833370447, 0.014263048768043518, 0.005014143884181976, 0.01960165798664093, -0.016363704577088356, -0.011366285383701324, -0.005291778594255447, -0.008703671395778656, -0.011071925982832909, -0.010690596885979176, -0.017407342791557312, -0.04080891236662865, 0.026371922343969345, 0.017420722171664238, 0.015534145757555962, -0.0030974631663411856, 0.03393160551786423, 0.016002444550395012, 0.05161992833018303, -0.02717472054064274, 0.0031743980944156647, -0.02764301933348179, -0.03216544911265373, -0.008121642284095287, -0.016082724556326866, -0.003562417346984148, 0.004726474639028311, -0.004950589034706354, 0.004970659036189318, 0.0031459657475352287, -0.034252725541591644, 0.0027562740724533796, 0.00939273927360773, 0.014905287884175777, -0.017969300970435143, 0.017313681542873383, -0.008523041382431984, 0.001915008295327425, -0.00487699918448925, -0.037035759538412094, -0.026893742382526398, 0.014169389382004738, -0.004341800697147846, -0.0297302957624197, 0.01280463207513094, 0.006258481182157993, -0.013433490879833698, -0.038186438381671906, -0.0153200663626194, -0.019641797989606857, -0.006138061638921499, -0.03644704073667526, -0.0017962610581889749, 0.01719326339662075, -0.022893130779266357, -0.02441844716668129, -0.00013693564687855542, 0.002512089442461729, 0.007044554688036442, -0.018303800374269485, 0.008061432279646397, -0.027562739327549934, -0.0343330055475235, 0.02857961691915989, -0.010282508097589016, 0.060477469116449356, 0.03529636189341545, 0.0241374671459198, 0.04305674508213997, -0.008583251386880875, 0.005813597235828638, 0.02156851254403591, 0.026559242978692055, 0.015306686982512474, 0.01117896568030119, 0.012235983274877071, -0.03195137158036232, -0.010536727495491505, 0.0022210751194506884, 0.016671443358063698, -0.0031576731707900763, -0.035751283168792725, 0.02717472054064274, -0.00036711295251734555, -0.030185215175151825, -0.009446259588003159, 0.003622627118602395, -0.0132261011749506, -0.005733317695558071, -0.012624002993106842, -0.006107956636697054, -0.002548884367570281, -0.0011740924092009664, -0.01522640697658062, 0.023910008370876312, -0.013848270289599895, 0.020471354946494102, -0.030613373965024948, -0.006950894836336374, 0.020337555557489395, -0.004719784948974848, -0.0035055524203926325, 0.04080891236662865, -0.005121184047311544, 0.015052467584609985, -0.02023051679134369, 0.002956973621621728, 0.013159201480448246, -0.011861343868076801, -0.0007074659806676209, -0.0022745949681848288, -0.018838999792933464, 0.026519102975726128, -0.006937514990568161, -0.023120589554309845, 0.0027127889916300774, 0.006124681793153286, 0.02123401314020157, -0.01663130335509777, -0.011232485994696617, -0.0018062960589304566, -0.017460862174630165, -0.0019451132975518703, 0.02748245932161808, 0.013098991475999355, -0.026050804182887077, -0.025809964165091515, -0.00380325666628778, -0.02598390355706215, -0.0066498457454144955, -0.009452949278056622, -0.005863772239536047, -0.029088057577610016, 0.0012727697612717748, 0.0047365096397697926, 0.00561958784237504, -0.010014908388257027, 0.006603015586733818, -0.024619147181510925, -0.01391516998410225, 0.012055354192852974, -0.010195537470281124, 0.006097921635955572, 0.016149625182151794, -0.006081196945160627, -0.03417244553565979, -0.019307298585772514, -0.021060073748230934, 0.008329031988978386, 0.030934492126107216, 0.008228681981563568, 0.006522735580801964, -0.01831717975437641, 0.038561075925827026, 0.0362597219645977, 0.0016658063977956772, -0.012209223583340645, -0.0008872593170963228, -0.002107345499098301, 0.009533229283988476, -0.002038773149251938, -0.0176348015666008, 0.009138519875705242, 0.009118449874222279, -0.009513159282505512, 0.02713458053767681, -0.018062960356473923, 0.013219411484897137, -0.0016256665112450719, -0.020217135548591614, -0.0015989064704626799, -0.0185981597751379, -0.023655788972973824, -0.0343865267932415, 0.008710361085832119, -0.0510847270488739, -0.012777872383594513, -0.02348184958100319, -0.01295850146561861, -0.011868034489452839, 0.029650015756487846, 0.0013471958227455616, -0.0031760705169290304, -0.000665653555188328, 0.026786701753735542, 0.013326451182365417, 0.006512701045721769, 0.011045166291296482, -0.03042605333030224, 0.008168471977114677, -0.011827894486486912, -0.040594831109046936, -0.029275376349687576, -0.017126362770795822, 0.025997282937169075, 0.013861649669706821, -0.013487010262906551, -0.010108567774295807, -0.01449050847440958, -0.039818793535232544, -0.00891106016933918, 0.010938126593828201, -0.0032446428667753935, 0.031095052137970924, 0.01903969794511795, -0.005432268138974905, 0.002880038693547249, -0.00441539054736495, 0.01829042099416256, -0.029114816337823868, -0.005887187086045742, 0.0030389258172363043, -0.014664447866380215, -0.020993174985051155, -0.005124528892338276, -0.018865758553147316, -0.0014701243489980698, 0.005060974042862654, 0.0012911672238260508, 0.019240397959947586, 0.006850545294582844, 0.0024585695937275887, -0.008991340175271034, -0.0020588429179042578, 0.004064165987074375, 0.014196149073541164, 0.011453255079686642, -0.002525469521060586, -0.02954297512769699, 0.010891295969486237, 0.016832003369927406, 0.017527762800455093, -0.024378307163715363, -0.0034319625701755285, -0.009198729880154133, 0.008476211689412594, 0.02013685554265976, 0.012343022972345352, -0.017969300970435143, 0.005592827685177326, -0.006439111195504665, 0.03936387598514557, -0.004686334636062384, -0.02263891138136387, 0.012235983274877071, -0.004311695694923401, 0.0015604391228407621, -0.006375556346029043, 0.018651679158210754, -0.02766977995634079, 0.015159507282078266, 0.018798859789967537, -0.006616395432502031, 0.010790946893393993, -0.007024484686553478, 0.003756426740437746, -0.021956531330943108, 0.022786090150475502, 0.004154480993747711, -0.02479308657348156, -0.0334499254822731, 0.03604564070701599, 0.049479130655527115, -0.021220633760094643, -0.003264712868258357, -0.010717356577515602, -0.02713458053767681, -0.00992793869227171, -0.013306381180882454, 0.022036811336874962, -0.02769654057919979, -0.026933880522847176, -0.00854980107396841, -0.015614425763487816, -0.01866505853831768, 0.03644704073667526, 0.00934590958058834, -0.012657452374696732, 0.013493700884282589, 0.20487411320209503, -0.0022110401187092066, 0.007914252579212189, 0.030559852719306946, -0.0056965225376188755, 0.013192650862038136, -0.0029452661983668804, 0.012577172368764877, -0.024431826546788216, 0.019454477354884148, -0.0010921400971710682, -0.003099135821685195, -0.0005456519429571927, 0.011486705392599106, 0.0025789893697947264, 0.008054742589592934, -0.013875029981136322, -0.0427088662981987, -0.020779095590114594, 0.011847964487969875, 0.027027541771531105, -0.005559377837926149, -0.0040206811390817165, -0.002343167318031192, 0.011138825677335262, 0.0069642746821045876, -0.005994226783514023, -0.02044459618628025, 0.03644704073667526, -0.0008638443541713059, -0.01693904399871826, -0.013426801189780235, 0.00399392144754529, -0.0011966711608693004, -0.017969300970435143, 0.00032989992178045213, -0.0004440477932803333, -0.00872374139726162, 0.014905287884175777, -0.004291625693440437, 0.014704587869346142, -0.004923829343169928, 0.007780453190207481, -0.0287936981767416, -0.01572146639227867, 0.011921553872525692, 0.00839593168348074, 0.014436988160014153, -0.003672802122309804, 0.007479403633624315, -0.012296193279325962, 0.0023766173981130123, 0.03489496558904648, -0.0008964580483734608, 0.0003848832275252789, -0.00766672333702445, 0.035403404384851456, 0.008007912896573544, 0.0315232127904892, -0.0013346520718187094, -0.014436988160014153, 0.006489285733550787, -0.025863483548164368, -0.007445953786373138, -0.03604564070701599, -0.015413726679980755, -7.620311225764453e-05, -0.01275780238211155, -0.00456591509282589, -0.005903912242501974, -0.00017634383402764797, -0.016377083957195282, -0.010422997176647186, 0.026305023580789566, -0.027750059962272644, -0.0190129391849041, 0.03224572911858559, -0.0030840833205729723, 0.016484124585986137, -0.011841273866593838, 0.006258481182157993, -0.011540224775671959, 0.012463442981243134, -0.01988263614475727, 0.01653764396905899, -0.016457363963127136, 0.026559242978692055, -0.008041362278163433, 0.022210752591490746, 0.008790641091763973, -0.0013589032460004091, -0.01012863777577877, -0.008844160474836826, 0.007419193629175425, 0.004388630390167236, 0.010262438096106052, -0.007272014394402504, 0.01003497838973999, -0.008221992291510105, -0.012704282067716122, 0.012189153581857681, 0.007653343491256237, 0.006693330593407154, -0.023548748344182968, -0.011393045075237751, 0.00047624335275031626, -0.008656840771436691, 0.012945122085511684, -0.003692871890962124, -0.019869256764650345, 0.00029603185248561203, -0.04367222636938095, 0.02097979374229908, -0.00803467258810997, 0.03007817454636097, 0.020872754976153374, 0.001087958924472332, 0.003535657422617078, -0.008583251386880875, 0.0014216218842193484, 0.004194620996713638, -0.013252860866487026, 0.03029225394129753, 0.012316263280808926, 0.004114340990781784, -0.027750059962272644, -0.03010493516921997, 0.0008178506977856159, -0.010871225968003273, -0.01581512577831745, 0.013848270289599895, -0.028499338775873184, 0.007305464241653681, 0.025314904749393463, 0.00038592854980379343, -0.004943899344652891, 0.0025137620978057384, 0.0025037270970642567, 0.0024819846730679274, -0.006519390735775232, 0.010677216574549675, 0.00380325666628778, 0.01719326339662075, 0.00540216313675046, 0.0012970209354534745, 0.016457363963127136, -0.0006602179491892457, 0.00541554344817996, -0.02016361616551876, -0.00419796584174037, -0.02423112653195858, -0.0044454955495893955, -0.00961350928992033, 0.01077087689191103, 0.005572757683694363, -0.0012828047620132565, 0.01085115596652031, -0.03414568677544594, 0.012764492072165012, 0.010623697191476822, -0.0408356711268425, 0.0013020384358242154, 0.014102489687502384, 0.0018731958698481321, -0.013299691490828991, 0.0013221083208918571, -0.16944395005702972, 0.011914864182472229, 0.03029225394129753, -0.004659574944525957, 0.018865758553147316, 0.0003878100833389908, 0.04851577430963516, -0.01922701857984066, -0.009887798689305782, -0.004211345687508583, 0.00031087527167983353, -0.015400346368551254, -0.00478333979845047, -0.014196149073541164, -0.017313681542873383, -0.00038613760261796415, 0.011071925982832909, 0.007653343491256237, 0.01569470576941967, -0.0009349254542030394, 0.010282508097589016, -0.008041362278163433, 0.002970353467389941, -0.012744422070682049, -0.0088040204718709, 0.02128753438591957, -0.011827894486486912, -0.010088497772812843, 0.012450062669813633, 0.001708455034531653, -0.003094118321314454, 0.009493089281022549, 0.02673318237066269, -0.006539460737258196, 0.015507386066019535, -0.012831391766667366, -0.0018665059469640255, 0.016082724556326866, -0.03599212318658829, 0.021421333774924278, 0.030024655163288116, 0.02004319615662098, 0.022210752591490746, -0.010617006570100784, -0.014169389382004738, 0.03543016314506531, 0.021903011947870255, -0.014624307863414288, 0.0027930689975619316, -0.016055965796113014, -0.017514381557703018, -0.010523347184062004, 0.029489455744624138, -0.007546303793787956, -0.011091995984315872, 0.010784256272017956, 0.01948123797774315, 0.013520460575819016, -0.001694238861091435, 0.0007630764739587903, -0.00687061483040452, -0.014704587869346142, 0.022625530138611794, -0.028071178123354912, -0.003990576136857271, -0.018531259149312973, 0.006997724995017052, 0.016122864559292793, -0.009312460198998451, 0.0005745025118812919, -0.0075663733296096325, -0.037972357124090195, 0.0003462067397776991, -0.002597386948764324, 0.007867422886192799, 0.02601066417992115, -0.0007551321177743375, -0.015801746398210526, 0.02013685554265976, -0.003793221665546298, -0.006850545294582844, 0.032004889100790024, 0.005880497395992279, 0.0017878985963761806, -0.019521377980709076, -0.006459180731326342, -0.008221992291510105, -0.0026007317937910557, -0.023816348984837532, -0.017434101551771164, 0.020484736189246178, -0.03417244553565979, -0.009847658686339855, -0.010918056592345238, 0.00014989748888183385, 0.02217061258852482, 0.01287822239100933, 0.002915161196142435, -0.006345451343804598, -0.012563792988657951, -0.0009399429545737803, -0.006803715135902166, -0.006693330593407154, 0.028820456936955452, 0.0199762973934412, 0.015199647285044193, -0.02788385935127735, 0.0162566639482975, 0.0054289232939481735, 0.007867422886192799, 0.019775597378611565, 0.0016030877595767379, 0.01042968686670065, 0.0038534316699951887, -0.03492172434926033, 0.019093219190835953, -0.01081770658493042, 0.007787142880260944, -0.01292505208402872, -0.0027295141480863094, 0.026117702946066856, -0.01822352036833763, -0.04118354991078377, 0.021555133163928986, -0.017688320949673653, -0.024592386558651924, -0.11121431738138199, -0.029623255133628845, 0.0036125921178609133, 0.04843549430370331, -0.007419193629175425, 0.017996061593294144, 0.0005464882124215364, -0.00017488040612079203, -0.030773933976888657, 0.0455186627805233, -0.032004889100790024, -0.04533134028315544, -0.0053151934407651424, -0.004984039347618818, 0.0036159371957182884, -0.017875641584396362, 0.04163847118616104, -0.027776818722486496, -0.015895405784249306, 0.019829116761684418, -0.0044454955495893955, 0.004779994487762451, 0.01449050847440958, -0.011045166291296482, -0.008221992291510105, -0.012764492072165012, -0.014035589061677456, 0.001354722073301673, 0.009111760184168816, 0.010603627189993858, 0.0143834687769413, -0.010088497772812843, -0.004599364940077066, 0.004642849788069725, -0.019869256764650345, -0.015801746398210526, -0.035938601940870285, 0.010683907195925713, 0.004305005539208651, -0.019280537962913513, 0.005211498588323593, 0.003545692190527916, -0.009881108067929745, -0.053359322249889374, -0.03374428674578667, -0.022411450743675232, -0.015012327581644058, 0.040942709892988205, -0.024993784725666046, -0.01558766607195139, -0.0042648655362427235, -0.0065762558951973915, -0.0042581758461892605, -0.010282508097589016, 0.01784888096153736, 0.007693483494222164, -0.0073723639361560345, 0.009667028672993183, 0.022398071363568306, -0.006529425736516714, -0.008422691375017166, 0.0222642719745636, 0.010623697191476822, 0.011493395082652569, 0.035028763115406036, -0.014289808459579945, -0.008516351692378521, -0.0072987740859389305, 0.016992563381791115, 0.000835411949083209, 0.0032714027911424637, 0.014784867875277996, -0.0012702610110864043, 0.01810310035943985, -0.011760994791984558, -0.0011657299473881721, -0.008295581676065922, -0.017929160967469215, 0.016149625182151794, -0.0018949384102597833, -0.0022428175434470177, -0.0232276301831007, 0.014182768762111664, -0.016617923974990845, 0.04963969066739082, 0.0071783545427024364, 0.010228987783193588, -0.0011975073721259832, 0.02932889573276043, 0.005887187086045742, -0.001257717260159552, 0.00665988028049469, 0.01606934517621994, -0.010476517491042614, 0.012583862990140915, 0.029435936361551285, -0.006097921635955572, -0.03716956079006195, -0.0009566679364070296, -0.003636007197201252, -0.04230746626853943, 0.0017410686705261469, -0.04062158986926079, 0.01447712816298008, 0.000693249749019742, -0.009760688990354538, -0.03829347714781761, 0.005060974042862654, 0.010075118392705917, 0.0006355486111715436, -0.0035757971927523613, -0.002067205496132374, -0.017955921590328217, -0.01660454459488392, -0.024338167160749435, -0.012777872383594513, -0.003943746443837881, 0.00340854749083519, 0.021019933745265007, 0.007833972573280334, 0.01055010687559843, 0.00017017649952322245, -0.015025706961750984, 0.01728692278265953, 0.0024819846730679274, 0.020899513736367226, -0.009834278374910355, 0.002246162621304393, -0.017955921590328217, 0.010744116269052029, 0.008242062292993069, -0.012784562073647976, 0.005398818291723728, -0.011961693875491619, -0.01331976056098938, 0.009419499896466732, 0.006629775743931532, -0.002662614220753312, 0.003572452114894986, 0.03264712914824486, 0.0065829455852508545, 0.02453886717557907, -0.013098991475999355, -0.02954297512769699, 0.011158895678818226, 0.0026241468731313944, 0.01086453627794981, 0.01333314087241888, -0.0032797653693705797, 0.003773151896893978, 0.02488674595952034, 0.009118449874222279, 0.023374808952212334, 0.02188963256776333, -0.0015905440086498857, 0.011988453567028046, -0.009432879276573658, -0.020270656794309616, 0.007593133486807346, 0.004803409334272146, 0.009372669272124767, -0.012149013578891754, 0.048007335513830185, 0.006890684831887484, -0.0002849515585694462, 0.007894182577729225, -0.0028950911946594715, -0.011881413869559765, -0.045010220259428024, 0.025087445974349976, -0.01847773976624012, -0.01938757859170437, 0.002664286643266678, 0.014196149073541164, 0.00019056005112361163, 0.005816942546516657, 0.005519237834960222, 0.0039236764423549175, -0.021220633760094643, 0.008583251386880875, 0.015373586677014828, -0.004773304797708988, 0.020083336159586906, -0.01794254034757614, -0.007894182577729225, 0.0012067061616107821, 0.03310204669833183, -0.0037865317426621914, -0.006168166641145945, 0.0028599686920642853, 0.017648180946707726, 0.005254983436316252, -0.00024648415273986757, 0.00914521049708128, -0.014624307863414288, 0.03623295947909355, 0.016296803951263428, -0.006295276340097189, -0.028927497565746307, 0.004609399940818548, 0.016858763992786407, 0.010837776586413383, -0.0088040204718709, -0.011734234169125557, -0.020845994353294373, -0.019896017387509346, -0.009379359893500805, -0.005984191782772541, -0.033316127955913544, -0.046508777886629105, -0.011025096289813519, -0.005810252390801907, 0.0057701123878359795, 0.02154175378382206, 0.003669457044452429, 0.015614425763487816, 0.008676910772919655, -0.004268210846930742, -0.0016173039330169559, -0.003973851446062326, -0.013955309987068176, 0.03005141392350197, 0.008583251386880875, -0.0176615621894598, 0.0020036506466567516, 0.005141254048794508, 0.015266546979546547, 0.0032797653693705797, 0.022183991968631744, -0.038186438381671906, -0.0006526916986331344, 0.0036761469673365355, 0.01485176756978035, 0.026559242978692055, -0.017233403399586678, -0.02110021375119686, -0.009861038997769356, -0.0018698509084060788, 0.010235677473247051, 0.000663562910631299, 0.006730125285685062, 0.07385744154453278, -0.0007798014557920396, -0.006592980585992336, 0.015253166668117046, -0.0185713991522789, 0.022505110129714012, -0.016216523945331573, 0.006134716793894768, 0.005913947243243456, -0.044287703931331635, 0.004729819484055042, -0.0034654124174267054, -0.010449756868183613, 0.012978571467101574, 0.007285394240170717, -0.027348659932613373, -0.0241642277687788, 0.025274764746427536, -0.012001833878457546, 0.004067511297762394, 0.028472578153014183, -0.003927021287381649, 0.0032061755191534758, 0.008543111383914948, 0.0021090179216116667, -0.022237511351704597, 0.023214248940348625, 0.019989676773548126, 0.004084235988557339, -0.032031651586294174, 0.0041678608395159245, 0.050228409469127655, -0.04977349191904068, -0.00625179149210453, 0.008931130170822144, -0.039310354739427567, -0.01239654328674078, -0.011480014771223068, 0.016778483986854553, 0.011065236292779446, 0.010369477793574333, 0.028097938746213913, 0.005365368444472551, -0.010590246878564358, -0.034466806799173355, 0.008569871075451374, 0.02160865254700184, -0.022143851965665817, -0.04701721668243408], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='141406b1-9e50-4dae-a060-c0bb2438afd7', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '2', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_type': 'application/pdf', 'file_size': 1103758, 'creation_date': '2024-02-25', 'last_modified_date': '2023-12-13', 'last_accessed_date': None}, hash='e8b0bc3f3b1f4bbe1dfde088d5a7e583cbae7005dfe00beed170f68e0103fa13')}, text='1. Prior to restoration work performed between 1990 and 2001, the Leaning Tower of Pisa leaned at an angle of 5.5 degrees.2. The Leaning Tower of Pisa now leans at about 3.99 degrees.3. The top of the Leaning Tower of Pisa is displaced horizontally 3.9 meters (12 ft 10 in) from the center.Prior to restoration work performed between 1990 and 2001, the tower leaned at an angle of 5.5 degrees , // but the tower now leans at about 3.99 degrees. // This means the top of the Learning Tower of Pisa is displaced horizontally 3.9 meters (12 ft 10 in) from the center.WIkipedia\\nFactoidWiki\\n?\\n✓AnswerQueryQA ModelRetrieval Units\\nRetrieval Units\\nPassage RetrievalBC\\nDProposition-izer\\n?QueryCorpus\\nPassagesSentencesPropositionsRetrieval UnitsRetrieverAFigure 2: We discover that segmenting and indexing a retrieval corpus on the proposition level can be a simple yet\\neffective strategy to increase dense retrievers’ generalization performance at inference time (A, B) . ', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='6945ac0b-470a-4aaf-b726-a06037638d5f', embedding=[-0.0011884287232533097, 0.013349094428122044, 0.009749260731041431, -0.017232215031981468, -0.020092735067009926, 0.028798667713999748, 0.0034823722671717405, 0.009894359856843948, -0.033690571784973145, -0.037698063999414444, 0.009569614194333553, 0.0325574167072773, -0.009624890051782131, 0.009687075391411781, -0.007026929873973131, 0.007192757446318865, 0.02463916689157486, -0.005558667704463005, 0.018835213035345078, -0.03896940499544144, -0.00018266908591613173, -0.020341476425528526, -0.016969656571745872, -0.015325202606618404, -0.0003126534866169095, 0.010585306212306023, 0.03709002956748009, -0.019774900749325752, -0.01435787696391344, 0.008180811069905758, 0.013155628927052021, 0.0005786680267192423, -0.021446991711854935, -0.006971654016524553, 0.002086659660562873, 0.009749260731041431, -0.009597252123057842, -0.013321456499397755, 0.012063932605087757, -0.0125821428373456, 0.022276127710938454, 0.028632840141654015, 0.00676782475784421, -0.005265015177428722, 0.004494609776884317, -0.007420769892632961, -0.00699238246306777, -0.01970580592751503, -0.002901976928114891, -0.001926014432683587, 0.0025945056695491076, 0.03565286099910736, -0.029738355427980423, 0.007676420267671347, -0.021101517602801323, 0.0010960145154967904, -0.01837918721139431, 0.01930505596101284, -0.01150426547974348, -0.01493827160447836, -0.004964453633874655, 0.016845285892486572, -0.004532611463218927, 0.022220851853489876, -0.011144973337650299, -0.011151882819831371, -0.011649364605545998, 0.005655400454998016, 0.02398967556655407, -0.01187046803534031, 0.03457498177886009, 0.019871633499860764, -0.009320873767137527, 0.0016945472452789545, 0.02208266220986843, -0.005952507723122835, -0.001622861484065652, 0.0027292403392493725, -0.012754879891872406, -0.0012661601649597287, 0.005109552294015884, -0.018033714964985847, 0.0006551040569320321, 0.052097395062446594, 0.026200706139206886, 0.016817647963762283, -0.0026929655577987432, 0.031092610210180283, -0.00852628517895937, 0.00012944458285346627, 0.002515046624466777, 0.021944474428892136, 0.02072840742766857, 0.026380352675914764, 0.005558667704463005, 0.004491155035793781, -0.002007200848311186, 0.027112755924463272, 0.005334109999239445, -0.027637876570224762, -0.007020020391792059, 0.019526159390807152, -0.04643163084983826, -0.004035129677504301, -0.0006771279731765389, -0.0005609625368379056, 0.010799500159919262, -0.00744840782135725, 0.0009560977923683822, -0.019567616283893585, -0.015366659499704838, 0.015200831927359104, 0.016886742785573006, -0.018835213035345078, 0.010053277015686035, -0.008643745444715023, 0.010011821053922176, -0.010488574393093586, 0.007393131963908672, -0.008982310071587563, 0.013680748641490936, 0.002957252785563469, 0.042451776564121246, -0.02288416214287281, 0.027223307639360428, -0.0028035170398652554, -0.005824682302772999, -0.012050113640725613, -0.008692111819982529, -0.027154212817549706, -0.005213194526731968, 0.04880848899483681, 0.007980437017977238, 0.007932070642709732, -0.022372860461473465, 0.011573360301554203, 9.084871999220923e-05, -0.0041353171691298485, -0.008443371392786503, -0.023367824032902718, 0.014164411462843418, -0.003007346298545599, -0.020148010924458504, -0.02143317274749279, -0.002931342227384448, 0.030788592994213104, 0.03324836492538452, -0.0005493027856573462, 0.006259978748857975, 0.021419353783130646, 0.001251477631740272, -0.003413277678191662, -0.0124577721580863, 0.0185311958193779, 0.01788170635700226, 0.0031455357093364, -0.008761206641793251, 0.032059937715530396, -0.017342766746878624, -0.0072618518024683, 0.025578854605555534, 0.012050113640725613, 0.014827720820903778, 0.006919833365827799, 0.016306346282362938, 0.033690571784973145, 0.010364203713834286, 0.00914122723042965, -0.0003696565981954336, -0.04294925928115845, -0.021073879674077034, 0.02273215353488922, -0.005548303481191397, 0.019940728321671486, 0.00011778485350077972, -0.0020244743209332228, 0.03921814635396004, -0.005655400454998016, -0.01995454728603363, -0.013293818570673466, 0.009161955676972866, 0.0034702809061855078, 0.016845285892486572, 0.001872466062195599, -0.007317127659916878, -0.019788719713687897, 0.021599000319838524, 0.007372403517365456, 0.006754005793482065, -0.006944016553461552, 0.009244869463145733, 0.008422642946243286, -0.004059312865138054, -0.016264889389276505, -0.6429675221443176, -0.005575941409915686, 0.015905598178505898, -0.033662933856248856, 0.004833173472434282, 0.030014732852578163, 0.004688074812293053, 0.016389260068535805, 0.00032215399551205337, 0.032612692564725876, 0.007026929873973131, -0.009845993481576443, -0.013286909088492393, -0.002787970704957843, -0.027637876570224762, -0.018738480284810066, -0.006477626971900463, -0.0027482411824166775, 0.023920582607388496, 0.006726367864757776, -0.018959583714604378, 0.02899213135242462, -0.029489614069461823, -0.0027361498214304447, -0.010329656302928925, 0.006035421043634415, 0.010896232910454273, -0.023644203320145607, 0.006377439945936203, 0.014095316641032696, -0.013549468480050564, 0.013590925373136997, 0.02787279710173607, 0.02130880206823349, 0.04902959242463112, 0.0033269093837589025, -0.013293818570673466, -0.010419479571282864, 0.010896232910454273, 0.03031875006854534, -0.03808499500155449, -0.00530301732942462, 0.01770205982029438, -0.0038174816872924566, 0.0022179395891726017, 0.009852902963757515, 0.018420644104480743, 0.0014786263927817345, 0.008705930784344673, 0.002223121700808406, -0.011317710392177105, 0.004791716579347849, -0.012927616946399212, -0.022815067321062088, -0.002551321405917406, 0.016720915213227272, 0.030263474211096764, -0.029959456995129585, -2.863651025108993e-05, -0.004073131829500198, -0.00039405564893968403, -0.01040566060692072, -0.026159249246120453, -0.021239707246422768, -0.043004535138607025, 0.011759916320443153, -0.004922996740788221, 0.005952507723122835, 0.02118443138897419, -0.04574068635702133, 0.004677710589021444, 0.015242288820445538, 0.00015945758786983788, -0.022165575996041298, -0.009797627106308937, 0.0047813523560762405, 0.014786263927817345, 0.007793880999088287, -0.02827354706823826, 0.016886742785573006, 0.006919833365827799, -0.022428136318922043, -0.01677619107067585, -0.0056588551960885525, 0.01779879257082939, 0.008588469587266445, -0.013356003910303116, 0.03570813685655594, 0.005068095400929451, 0.01357019692659378, 0.0040765865705907345, 0.012291945517063141, -0.02806626260280609, -0.022276127710938454, -0.0034374608658254147, 0.01782643049955368, -0.008035712875425816, -0.003934942651540041, 0.015131737105548382, -0.012844703160226345, -0.011290072463452816, -0.01359783485531807, 0.0061459727585315704, 0.0018534651026129723, 0.003551467088982463, 0.03222576528787613, 0.0009440061985515058, 0.006467263214290142, -0.006443080026656389, -0.0069785634987056255, 0.015200831927359104, -0.005738314241170883, -0.009293235838413239, -0.011849739588797092, -0.017011113464832306, -0.0342986024916172, 0.03626089170575142, 0.021474629640579224, -0.013618563301861286, -0.0011331528658047318, -0.010163828730583191, -0.006156336981803179, 0.024100227281451225, -0.007234213873744011, 0.0007229031762108207, 0.015615399926900864, -4.199661634629592e-05, -0.015532486140727997, 0.00012577393499668688, 0.011877377517521381, 0.005192466080188751, -0.013148719444870949, 0.011974109336733818, -0.011220977641642094, 0.01612669974565506, 0.00047373046982102096, 0.009659437462687492, -0.010557668283581734, -0.00044112640898674726, -0.013383641839027405, -0.04126334935426712, -0.019636711105704308, 0.006982018239796162, -0.042783431708812714, -0.018641747534275055, -0.029185596853494644, -0.011062059551477432, -0.00013257544196676463, -0.009859812445938587, -0.01652744971215725, -0.023644203320145607, -0.01850355789065361, -0.009535066783428192, 0.005593215115368366, -0.022372860461473465, -0.004245868884027004, -0.011953381821513176, -0.029710717499256134, -0.0069785634987056255, -0.03814026713371277, -0.009134317748248577, 0.015104099176824093, -0.009797627106308937, 0.0013335274998098612, 0.007552049588412046, -0.030429301783442497, 0.005987054668366909, 0.022980893030762672, -0.024846451357007027, -0.035044826567173004, 0.008809573017060757, -0.016306346282362938, 0.0024044951424002647, 0.03402222692966461, 0.011227887123823166, 0.0028086991515010595, -0.02010655403137207, 0.007648782338947058, -0.00780079048126936, -0.033939313143491745, -9.495121776126325e-05, 0.012789427302777767, -0.017522413283586502, -0.02213793806731701, 0.012215941213071346, 0.011214068159461021, 0.0017489593010395765, 0.008906305767595768, -0.02273215353488922, 0.02658763714134693, 0.01748095639050007, 0.021999748423695564, -0.01785406842827797, 0.001168563961982727, -0.01767442189157009, -0.0006283298134803772, 0.02273215353488922, 0.008906305767595768, -0.007082205731421709, 0.02386530674993992, 0.01210538949817419, 0.0070960246957838535, -0.0020797501783818007, -0.020313838496804237, -0.005244287196546793, -0.0062737977132201195, 0.019415607675909996, -0.027002204209566116, 0.010391841642558575, 0.016942018643021584, 0.011815192177891731, -0.01423350628465414, -0.030208198353648186, -0.008754297159612179, -0.008471009321510792, 0.04375075921416283, -0.008519375696778297, 0.005493028089404106, -0.010419479571282864, -0.008871758356690407, -0.0018465556204319, -0.007413860410451889, 0.01960907317698002, 0.018558833748102188, -0.003665473312139511, -0.014882996678352356, 0.009921997785568237, 0.0011340165510773659, 0.029130320996046066, -0.01835154928267002, -0.008837210945785046, 0.01967816799879074, 0.020617855712771416, 0.012761789374053478, 0.007051113061606884, 0.004891904070973396, 0.01862792856991291, -0.0014008948346599936, 0.014205868355929852, -0.011518084444105625, 0.0024010404013097286, 0.008982310071587563, -0.007434588856995106, -0.02433514967560768, 0.0038416648749262094, -0.008899396285414696, 0.032861433923244476, 0.016140518710017204, -0.020493485033512115, -0.0045395209454, 0.0061183348298072815, 0.011310800909996033, 0.0007172892801463604, -0.010799500159919262, 0.017315128818154335, -0.0172736719250679, 0.003121352521702647, 0.02461152896285057, 0.017467137426137924, 0.04043421149253845, 0.015339021570980549, -0.012298854999244213, 0.0077386051416397095, -0.005012819543480873, 0.027637876570224762, -0.019913090392947197, 0.018434463068842888, -0.02661527507007122, -0.013584015890955925, 0.004940270446240902, -0.009417606517672539, -0.017080208286643028, 0.002572049852460623, -0.03164536878466606, 0.003180083120241761, 0.03219812735915184, -0.008954672142863274, 0.016112882643938065, 0.015836503356695175, 0.018116626888513565, -0.020396752282977104, -0.040130194276571274, 0.025744682177901268, 0.015684494748711586, -0.0053859311155974865, -0.013584015890955925, -0.013432007282972336, -0.0023457647766917944, -0.017094027251005173, 0.010951508767902851, -0.00980453658849001, 0.0026964202988892794, 0.0028639750089496374, -0.026407990604639053, -0.011144973337650299, 0.03112024813890457, 0.03172828257083893, 0.004014401696622372, 0.0036205616779625416, -0.0002765946846920997, -0.01649981178343296, 0.008263724856078625, -0.022690696641802788, 0.022179394960403442, 0.053119998425245285, -0.020396752282977104, -0.021322621032595634, -0.012202122248709202, -0.003197356825694442, -0.006964744534343481, 0.01612669974565506, -0.004833173472434282, -0.00765569182112813, 0.017508594319224358, -0.002173027954995632, -0.005662309937179089, -0.01117952074855566, 0.001602133153937757, 0.03252977877855301, -0.005917960312217474, 0.0034098229371011257, -0.02694692835211754, 0.02173718996345997, 0.002060749102383852, 0.03736640885472298, 0.05060495063662529, -0.026255981996655464, 0.013639291748404503, -0.021115336567163467, 0.005655400454998016, -0.0363161675632, -0.006926742848008871, 0.015269926749169827, 0.0012670238502323627, -0.015269926749169827, -0.0182824544608593, 0.030152922496199608, -0.00042450049659237266, 0.01779879257082939, 0.020175648853182793, -0.004118043463677168, -0.027886616066098213, -0.0064499895088374615, -0.01159408874809742, -0.016610363498330116, 0.0018258271738886833, 0.00047588968300260603, 0.02899213135242462, 0.005641581490635872, -0.02180628478527069, 0.021018603816628456, 0.02353365160524845, 0.010032548569142818, -0.022193213924765587, -0.010661310516297817, -0.0010951508302241564, 0.003744932124391198, -0.0019346512854099274, -0.01251995749771595, 0.019235961139202118, 0.02426605485379696, -0.007648782338947058, 0.0009189593838527799, -0.008560831658542156, 0.007379312999546528, 0.02306380681693554, 0.020051278173923492, -0.019871633499860764, 0.016513630747795105, 0.010053277015686035, 0.015048823319375515, 0.02621452510356903, -0.02038293331861496, -0.011739187873899937, 0.005189011339098215, 0.004214776214212179, -0.013459645211696625, -0.014468427747488022, -0.01920832321047783, 0.007918251678347588, -0.012492319568991661, 0.0020780228078365326, -0.013003620319068432, -0.03335891664028168, 0.01060603465884924, -0.0017480956157669425, 0.01625107042491436, 0.00482626399025321, -0.008968491107225418, -0.03761515021324158, -0.015712132677435875, -0.0015425389865413308, -0.019042497500777245, 0.016320165246725082, 0.009424515999853611, -0.023768573999404907, -0.048642661422491074, -0.018337730318307877, 0.023575108498334885, 0.01702493242919445, 0.0251642856746912, -0.00990126933902502, -0.0062910714186728, -0.005582850892096758, -0.005641581490635872, -0.016485992819070816, 0.0006041466840542853, -0.019747262820601463, -0.005952507723122835, -0.004632798954844475, -0.022497231140732765, -0.004833173472434282, -0.015339021570980549, -0.013825847767293453, -0.01480008289217949, 0.004373693838715553, -0.0004286030016373843, -0.0040489486418664455, 0.014482246711850166, 0.018614109605550766, 0.03487899899482727, 0.025924326851963997, 0.0007535639451816678, -0.017715878784656525, 0.010150009766221046, 0.013742933981120586, -0.004560249391943216, -0.02787279710173607, 0.04574068635702133, -0.008070259355008602, 0.008692111819982529, -0.0005821227678097785, 0.008657564409077168, -0.0028657023794949055, 0.013148719444870949, -0.01772969774901867, 0.009921997785568237, -0.012499229051172733, 0.014703350141644478, -0.002121207071468234, 0.01609906367957592, 0.026173068210482597, 0.01742568053305149, -0.013494192622601986, -0.019774900749325752, -0.01105515006929636, 0.03258505463600159, 0.021239707246422768, -0.016292527318000793, 0.03134135156869888, -0.015808865427970886, -0.013197085820138454, -0.014005493372678757, -0.012126117944717407, -0.02658763714134693, 0.03089914470911026, -0.004508428741246462, -0.018116626888513565, -0.005779770668596029, -0.0106405820697546, -0.004846992436796427, -0.012803246267139912, -0.020161829888820648, 0.012485410086810589, 0.02108769863843918, 6.213124288478866e-05, -0.014606617391109467, -0.009023766964673996, 0.004446243401616812, -0.022096481174230576, -0.02488790825009346, 0.029931819066405296, 0.0018534651026129723, 0.01933269388973713, 0.010550758801400661, -0.019996004179120064, -0.022690696641802788, -0.02651854231953621, -0.018793756142258644, -0.02984890528023243, -0.013072715140879154, 0.013673839159309864, 0.0365649089217186, 0.011746097356081009, 0.04980345442891121, -0.005987054668366909, 0.004086950793862343, 0.007282580249011517, -0.0012350676115602255, -0.000975962495431304, -0.00018191336130257696, 0.00569685734808445, -0.02060403674840927, 0.006373985204845667, 0.01267196610569954, -0.009493610821664333, 0.005852320231497288, 0.0026705097407102585, 0.03346946835517883, 0.03941161185503006, -0.005593215115368366, -0.0025703224819153547, -0.009818355552852154, -0.011283162981271744, -0.014855358749628067, 0.012775608338415623, 0.0063325283117592335, 0.001305889687500894, -0.04341910406947136, -0.0012998438905924559, 0.023602746427059174, -0.00260141515173018, 0.005793589632958174, -0.0041076792404055595, 0.03219812735915184, -0.007607325445860624, -0.003359729191288352, -0.006598542910069227, -0.01347346417605877, -0.026311257854104042, 0.010274380445480347, -0.0295448899269104, -0.004947179928421974, 0.036620184779167175, -0.009251778945326805, -0.008761206641793251, 0.01822717860341072, 0.007690239232033491, -0.004014401696622372, -0.012036294676363468, -0.002385494066402316, -0.02168191410601139, -0.013625472784042358, -0.019346512854099274, -0.015131737105548382, -0.031286075711250305, -0.013867304660379887, 0.014074588194489479, 0.01503500435501337, 0.021419353783130646, -0.01219521276652813, 0.01998218521475792, -0.022897981107234955, -0.020825140178203583, -0.000567871960811317, 0.007047658320516348, 0.034740809351205826, -0.016859104856848717, 0.006988927721977234, 0.02806626260280609, 0.0036205616779625416, -0.004605161026120186, -0.0001882830256363377, 0.004919541999697685, -0.007406950928270817, 0.012602871283888817, 0.025247199460864067, -0.023851487785577774, -0.025979602709412575, 0.008547013625502586, 0.02378239296376705, -0.012948344461619854, -0.04626580327749252, 0.021419353783130646, -0.0027706969995051622, 0.024652985855937004, 0.0020970238838344812, 0.00044091048766858876, -0.021599000319838524, 0.0018223724327981472, -0.012437044642865658, 0.01219521276652813, 0.012837793678045273, 0.01413677353411913, -0.008208448998630047, 0.04176083207130432, -0.0070062014274299145, 0.015352840535342693, -0.012464681640267372, -0.00038736211718060076, -0.005655400454998016, 0.008236086927354336, -0.027485867962241173, 0.001603860524483025, 0.00744840782135725, 0.05676819756627083, -0.028936855494976044, -0.0020382932852953672, -0.004967908374965191, 0.014841539785265923, -0.02143317274749279, 0.000406579056289047, -0.00804953183978796, 0.030180560424923897, -0.03363529592752457, 0.0070960246957838535, 0.012906888499855995, -0.0185311958193779, 0.009210322052240372, -0.03374584764242172, -0.019291236996650696, 0.007552049588412046, -0.005309926811605692, 0.019014859572052956, 0.021170612424612045, 0.00849864725023508, -0.012126117944717407, -0.001844828249886632, 0.012402497231960297, -0.012015566229820251, -0.00952815730124712, -0.012492319568991661, 0.018171902745962143, -0.03921814635396004, -0.02824590913951397, 0.02300853095948696, 0.0023975856602191925, 0.023146720603108406, -0.010226014070212841, -0.005227013491094112, 0.009624890051782131, 0.0147724449634552, -0.024597709998488426, 0.008118625730276108, 0.0039522163569927216, -0.0018793755443766713, -0.045381393283605576, -0.008477918803691864, -0.01767442189157009, 0.0025115918833762407, 0.028162995353341103, -0.022925619035959244, -0.017591508105397224, -0.0250399149954319, -0.015090280212461948, 0.0037000207230448723, -0.009431425482034683, -0.010246742516756058, 0.03120316192507744, -0.008215358480811119, 0.01003945805132389, 0.0050542764365673065, -0.01582268439233303, 0.0335523821413517, 0.010163828730583191, -0.0015572215197607875, 0.02951725199818611, -0.030484577640891075, 0.01165627408772707, 0.012506138533353806, -0.004660436883568764, 0.0007254942320287228, -0.025109009817242622, 0.005548303481191397, -0.024708261713385582, 0.011600998230278492, -0.03352474421262741, -0.010060186497867107, -0.0018845576560124755, -0.0012704785913228989, -0.004387512803077698, 0.0373111329972744, 0.007634963374584913, -0.004280415829271078, 0.014993547461926937, -0.011062059551477432, 0.008837210945785046, 0.002934796968474984, -0.019194504246115685, -0.014143683016300201, -0.014551341533660889, 0.008954672142863274, -0.026325076818466187, -0.012589052319526672, -0.008878667838871479, 0.03269560635089874, 0.007462226320058107, -0.02957252785563469, -0.041650280356407166, -0.0017826430266723037, -0.039549801498651505, -0.003910759463906288, 0.0007622007979080081, 0.0020382932852953672, 0.01674855314195156, 0.013169447891414165, -0.013452735729515553, 0.04126334935426712, -0.003285452490672469, 0.005645036231726408, -0.029904181137681007, -0.013521830551326275, -0.001462216372601688, -0.013549468480050564, 0.019539978355169296, -0.008118625730276108, -0.043253276497125626, -0.010923870839178562, -0.0010346929775550961, -0.016361622139811516, 0.009673256427049637, 0.04228594899177551, 0.009072132408618927, -0.00965252798050642, -0.025399208068847656, 0.021751008927822113, 0.010875504463911057, -0.000786815769970417, -0.00211602495983243, -0.026629094034433365, -0.001465671113692224, -0.004798626061528921, -0.004442788660526276, -0.016485992819070816, 0.01792316325008869, -0.009666346944868565, 0.018517376855015755, -0.00028112903237342834, -0.019222142174839973, -0.014827720820903778, 0.021018603816628456, -0.004504974000155926, 0.02421077899634838, 0.003924578428268433, -0.004850447177886963, 0.01945706456899643, 0.012568323872983456, -0.0013516648905351758, -0.02340928092598915, 0.003554921830072999, -0.02476353757083416, 0.007683329749852419, 0.019097771495580673, -0.012962163425981998, 0.01219521276652813, -0.02368566021323204, 0.008982310071587563, -0.005617398303002119, 0.0028415191918611526, 0.007731695659458637, -0.014399333856999874, -0.024100227281451225, 0.03062276728451252, 0.02183392271399498, -0.028853941708803177, -0.0015434026718139648, -0.006933652330189943, 0.007538230624049902, -0.0015054005198180676, 0.014744807034730911, 0.0015952236717566848, -0.010709676891565323, 0.02321581542491913, -0.00039146459312178195, -0.02849465049803257, -0.00872665923088789, -0.004646617919206619, 0.01493827160447836, -0.004598251543939114, 0.01813044585287571, 0.18959583342075348, -0.013577106408774853, -0.008284453302621841, 0.009659437462687492, 0.0035963787231594324, 5.5113810958573595e-05, 0.03827845677733421, -0.011144973337650299, -0.015145556069910526, 0.005130280740559101, 0.007071841508150101, -0.0044082412496209145, -0.021419353783130646, -0.007586596999317408, 0.01572595164179802, -0.010274380445480347, -0.030429301783442497, -0.04228594899177551, -0.008132444694638252, -0.003150717820972204, -0.006104515865445137, -0.012312673963606358, 0.006985472980886698, -0.007780062034726143, 0.030954420566558838, -0.010550758801400661, 0.012243579141795635, -0.010412570089101791, 0.004273506812751293, 0.03573577478528023, 0.0010416024597361684, 0.0033787302672863007, 0.012720332480967045, 0.006671092472970486, -0.012678875587880611, 0.012409406714141369, 0.00023168313782662153, 0.004650072660297155, 0.021875379607081413, -0.004238959401845932, 0.021640457212924957, -0.0030142557807266712, -0.019443245604634285, -0.01299671083688736, -0.010813319124281406, 0.026186887174844742, -0.01296907290816307, 0.01184283010661602, 0.006135608535259962, 0.0054446617141366005, -0.022773610427975655, 0.02871575392782688, 0.03573577478528023, 0.003744932124391198, -0.022676877677440643, 0.005351383704692125, -0.02121206931769848, 0.0005458480445668101, 0.008616107515990734, 0.013708386570215225, -0.040323659777641296, 0.00894085317850113, -0.007144391071051359, 0.028411736711859703, -0.01637544110417366, 0.014102226123213768, -0.0031645367853343487, 0.008353548124432564, -0.0002960275742225349, -0.0032716335263103247, -0.007793880999088287, -0.02173718996345997, -0.019512340426445007, 0.006619271356612444, -0.015933236107230186, -0.03164536878466606, 0.021764827892184258, 0.027250945568084717, 0.016817647963762283, -0.0031904473435133696, -0.007572778034955263, -0.0047433506697416306, -0.021502267569303513, 0.019070133566856384, -0.014316420070827007, -0.030954420566558838, 0.021695733070373535, -0.016444535925984383, -0.013411279767751694, -0.025772320106625557, -0.002632507588714361, -0.020438209176063538, -0.024832632392644882, -0.004777897614985704, 0.013604744337499142, -0.018641747534275055, 0.005924869794398546, 0.01435787696391344, -0.005551758222281933, -0.023354005068540573, -0.02013419196009636, 0.07357202470302582, 0.037670426070690155, 0.03598451614379883, 0.0010441935155540705, 0.008291362784802914, -0.021723370999097824, -0.003658563829958439, 0.021571362391114235, -0.003924578428268433, 0.00423204991966486, -0.03559758514165878, 0.023492194712162018, -0.0075244116596877575, -0.0053272005170583725, 0.021516086533665657, -0.005555212963372469, -0.01292070746421814, 0.02849465049803257, 0.005683038383722305, -0.012782517820596695, -0.02982126735150814, 0.011324619874358177, 0.010619853623211384, -0.0005337565089575946, -0.020217105746269226, -0.003803662722930312, -0.01647217385470867, -0.019125409424304962, -0.01677619107067585, 0.022773610427975655, -0.03678601235151291, 0.037449322640895844, -0.00025370705407112837, 0.00552757503464818, 0.0028847032226622105, -0.012098480015993118, -0.0033199999015778303, -0.021115336567163467, 0.0015865868190303445, 0.01955379731953144, -0.025454483926296234, 0.001896649249829352, 0.032640330493450165, 0.007044203579425812, -0.00028631111490540206, 0.005662309937179089, 0.018710842356085777, -0.01426114421337843, -0.02346455678343773, -0.0020745680667459965, -0.009845993481576443, -0.003997127991169691, 0.008505556732416153, 0.011538812890648842, -0.010619853623211384, -0.0026394170708954334, -0.003116170410066843, -0.005838501267135143, 0.01980253867805004, -0.05115770921111107, 0.00930014532059431, 0.012126117944717407, -0.008512466214597225, -0.022027386352419853, -0.010232923552393913, -0.17699295282363892, 0.012222850695252419, 0.034492067992687225, -0.030180560424923897, 0.017384223639965057, 0.010094733908772469, 0.03896940499544144, -0.02007891610264778, -0.024044951424002647, -0.020438209176063538, -0.004632798954844475, -0.019526159390807152, -0.03487899899482727, -0.007206575945019722, 0.004460062365978956, -0.002065931214019656, -0.01070276740938425, 0.00019972684094682336, 0.02849465049803257, 0.021115336567163467, 0.03443679213523865, -0.03642671927809715, 0.020465847104787827, -0.015104099176824093, 0.008560831658542156, 0.0015831320779398084, -0.006439625285565853, 0.013791300356388092, -0.01847591996192932, -0.010695857927203178, 0.0323086753487587, -0.009210322052240372, 0.026048697531223297, -0.018724661320447922, -0.003945306874811649, 0.0062910714186728, 0.005955962464213371, 0.014855358749628067, -0.008429552428424358, 0.01491063367575407, 0.0215299054980278, 0.04270051792263985, 0.020313838496804237, -0.02130880206823349, -0.03540411964058876, 0.006671092472970486, 0.00520283030346036, -0.005233922973275185, 0.014164411462843418, -0.015048823319375515, -0.009942726232111454, -0.007082205731421709, 0.022372860461473465, -0.006042330525815487, -0.021115336567163467, 0.012775608338415623, 0.002819063374772668, 0.020742226392030716, -0.006266888231039047, 0.0028397918213158846, 0.008623016998171806, -0.026532361283898354, 0.04543666914105415, 0.0148968156427145, 0.009915088303387165, -0.01795080117881298, -0.0127065135166049, 0.0020037461072206497, -0.01054384931921959, -0.010460936464369297, -0.025827595964074135, -0.03228103742003441, 0.006446534767746925, 0.01980253867805004, 0.0023785848170518875, 0.04742659628391266, -0.008491737768054008, -0.003934942651540041, 0.007890613749623299, -0.024183141067624092, -0.015919417142868042, 0.02020328678190708, -0.010357294231653214, 0.008443371392786503, -0.014399333856999874, -0.0060285115614533424, 0.0006706503336317837, -0.0004119770892430097, -0.02093569189310074, 0.004470426589250565, 0.030291112139821053, -0.02023092471063137, -0.003093714825809002, 0.004004037473350763, -0.0003981581539846957, 0.022967074066400528, 0.0029175232630223036, 0.013162538409233093, 0.009168865159153938, -6.607179966522381e-05, -0.011220977641642094, -0.007434588856995106, -0.021446991711854935, -0.005161373410373926, 0.030456939712166786, 0.011421352624893188, -0.022815067321062088, 0.002855338156223297, 0.027955710887908936, -0.007199666928499937, 0.013791300356388092, -0.01493827160447836, 0.013086534105241299, -0.005330655258148909, 0.0008153173257596791, 0.035044826567173004, -0.010371113196015358, -0.009873631410300732, 0.01920832321047783, -0.00951433926820755, 0.04419296234846115, -0.015325202606618404, -0.010308927856385708, 0.0019899271428585052, 0.006194339133799076, -0.005088823847472668, -0.13664166629314423, -0.022345222532749176, -0.005448116455227137, 0.02313290163874626, -0.021350258961319923, 0.005852320231497288, 0.00938996858894825, 0.019249780103564262, -0.028688115999102592, 0.028411736711859703, -0.02041057124733925, -0.0018638292094692588, 0.009555795229971409, -0.009106679819524288, 0.019042497500777245, -0.018669385462999344, 0.007994255982339382, -0.028577564284205437, 7.146981806727126e-05, 0.0383060947060585, -0.009507429786026478, -0.005085369106382132, 0.0181580837816, 0.0028691571205854416, -0.007393131963908672, 0.03031875006854534, -0.011628636159002781, 0.015380478464066982, 0.018448282033205032, -0.011994837783277035, 0.019346512854099274, -0.015214650891721249, -0.0018327366560697556, -0.02041057124733925, -0.011552631855010986, -0.009749260731041431, -0.028549926355481148, -0.007869885303080082, 0.03460261970758438, -0.0019415607675909996, 0.008298272266983986, 0.023271091282367706, -0.0023509468883275986, 0.010647491551935673, -0.005106097552925348, -0.0032439955975860357, -0.0026376897003501654, 0.016596544533967972, 0.0010726950131356716, -0.018862850964069366, -0.025053733959794044, -0.009659437462687492, -0.015228469856083393, 0.0046638916246593, -0.004853901918977499, 0.012430135160684586, 0.023326367139816284, -0.0015382205601781607, -0.008623016998171806, 0.010336565785109997, -0.02180628478527069, -0.009908178821206093, -0.012174484319984913, -0.006591633427888155, 0.027955710887908936, -0.012623599730432034, -0.015795046463608742, -0.01665182039141655, -0.025951964780688286, -0.013749843463301659, -0.00044047864503227174, 0.003744932124391198, -0.008657564409077168, 0.009735441766679287, -0.02926851063966751, -0.01120715867727995, -0.017715878784656525, -0.029240872710943222, 0.020825140178203583, -0.020424390211701393, -0.019719624891877174, -0.024183141067624092, 0.006235795561224222, -0.01792316325008869, 0.029793631285429, 0.010785681195557117, 2.059683083643904e-06, -0.0171493012458086, 0.010336565785109997, -0.02726476453244686, -0.017094027251005173, 0.0338011234998703, -0.010937689803540707, -0.03377348557114601, 0.012215941213071346, 0.010143100284039974, -0.010018729604780674, -0.009217231534421444, 0.00843646191060543, -0.008781935088336468, -0.030263474211096764, -0.013300728052854538, -0.0430598109960556, 0.00891321524977684, 0.012146846391260624, -0.02393439970910549, -0.019318874925374985, 0.007510592695325613, 0.005700312089174986, 0.0015952236717566848, -0.02106006070971489, 0.029710717499256134, -0.0033666386734694242, 0.0012592506827786565, -0.002502955263480544, -0.0007695421227253973, -0.036620184779167175, -0.005821227561682463, 0.03838900849223137, -0.026007240638136864, 0.010799500159919262, 0.019816357642412186, 0.0027776064816862345, 0.01933269388973713, 0.0014008948346599936, 0.007151300553232431, -0.0345473438501358, -0.013038167729973793, -0.009790717624127865, 0.020300019532442093, 0.005323745775967836, -0.009224141016602516, 0.0005998282576911151, -0.03250214084982872, -0.010502392426133156, 0.013155628927052021, 0.015795046463608742, 0.012547595426440239, -0.0019139229552820325, 0.010232923552393913, 0.025620311498641968, 0.027485867962241173, -0.029351424425840378, -0.029102683067321777, -0.0017411861335858703, -0.012727241963148117, -0.004297689534723759, 0.02519192360341549, -0.011345348320901394, 0.005841956008225679, 0.013045077212154865, 0.005434297490864992, 0.0128308841958642, 0.01273415144532919, 0.01720457710325718, -0.010571487247943878, -0.014129864051938057, -0.006173610687255859, 0.012029385194182396, 0.010903142392635345, -0.009707803837954998, -0.005949052982032299, 0.028162995353341103, -0.002202393254265189, 0.03949452564120293, -0.002578959334641695, 0.01927741803228855, -0.024321330711245537, -0.011317710392177105, 0.004777897614985704, 0.005648490972816944, -0.006094151642173529, -0.007248032838106155, -0.004221685696393251, 0.010288199409842491, 0.006971654016524553, 0.022967074066400528, -0.012485410086810589, 0.0008757751784287393, -0.018959583714604378, 0.008118625730276108, 0.016181975603103638, 0.014841539785265923, -0.006988927721977234, -0.02445952035486698, 0.0225386880338192, 0.03440915420651436, 0.023519832640886307, -0.009548885747790337, 0.007344765588641167, -0.025454483926296234, 0.024031132459640503, 0.03283379599452019, 0.028853941708803177, -0.015090280212461948, 0.03407750278711319, -0.007071841508150101, -0.0016090426361188293, 0.004722622223198414, 0.013438916765153408, 0.018572652712464333, 0.01079259067773819, 0.021972112357616425, -0.004363329615443945, -0.013051986694335938, -0.02544066496193409, -0.029434338212013245, -0.0020521122496575117, -0.03034638799726963, -0.020465847104787827, 0.009044494479894638, 0.012153755873441696, 0.017246033996343613, 0.01404695026576519, 0.022870343178510666, 0.008284453302621841, -0.007621144410222769, 0.01057839673012495, 0.0027499685529619455, -0.04797935113310814, -0.02852228842675686, 0.008581560105085373, 0.004042039159685373, 0.01165627408772707, 0.03802971914410591, 0.006615816615521908, 0.03626089170575142, 0.010398751124739647, 0.0255373977124691, -0.02143317274749279, 0.03747696056962013, -0.00032474505132995546, 0.013017439283430576, -0.0068196458742022514, 0.019526159390807152, 0.0003338137175887823, -0.025026096031069756, -0.010074005462229252, -0.0013698022812604904, 0.014509884640574455, 0.008208448998630047, 0.0736273005604744, 0.04104224592447281, -0.02078368328511715, -0.010260561481118202, -0.005130280740559101, 0.002691238187253475, 0.01825481653213501, -0.0031299893744289875, -0.003066076897084713, -0.03031875006854534, 0.026421809569001198, -0.0020780228078365326, 0.02263542078435421, -0.021875379607081413, -0.006678001955151558, -0.025495940819382668, -0.0035963787231594324, 0.006356711499392986, -0.012526866979897022, -0.0009655982721596956, 0.00461897999048233, -0.008699021302163601, 0.0037000207230448723, -0.009438334964215755, -0.02714039385318756, -0.011234796606004238, 0.015228469856083393, -0.01847591996192932, -0.0016323620220646262, -0.02501227706670761, 0.01960907317698002, 0.006902559660375118, -0.03360765799880028, -0.03112024813890457, -0.010882413946092129, -0.016430716961622238, 0.011538812890648842, -0.003098896937444806, -0.00034482567571103573, 0.006525993347167969, 0.017619146034121513, 0.017563870176672935, 0.003879666794091463, -0.029627803713083267, -0.011607907712459564, 0.006114880088716745, -0.02436278760433197, -0.020161829888820648, -0.012692694552242756], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='141406b1-9e50-4dae-a060-c0bb2438afd7', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '2', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_type': 'application/pdf', 'file_size': 1103758, 'creation_date': '2024-02-25', 'last_modified_date': '2023-12-13', 'last_accessed_date': None}, hash='e8b0bc3f3b1f4bbe1dfde088d5a7e583cbae7005dfe00beed170f68e0103fa13')}, text='We empirically\\ncompare the retrieval and downstream open-domain QA tasks performance when dense retrievers work with\\nWikipedia indexed at the level of 100-word passage, sentence or proposition (C, D) .\\nproving dense retrievers’ retrieval and downstream\\ntask performance. We illustrate our intuition with\\nan example of open-domain question-answering\\n(QA) in Table 1. The example shows retrieved text\\nby the same model at three different granularities.\\nThepassage , which represents a coarser retrieval\\nunit with a longer context, is theoretically able to\\nprovide more relevant information for the ques-\\ntion. However, a passage often includes extraneous\\ndetails (e.g., restoration period and horizontal dis-\\nplacement in the example of Table 1) that could po-\\ntentially distract both the retriever and the language\\nmodel in downstream tasks (Shi et al., 2023; Yu\\net al., 2023b). On the other hand, sentence -level in-\\ndexing provides a finer-grained approach but does\\nnot entirely address the issue (Akkalyoncu Yilmaz\\net al., 2019; Yang et al., 2020). This is because sen-\\ntences can still be complex and compounded, and\\nthey are often not self-contained, lacking necessary\\ncontextual information (e.g., in the example of Ta-\\nble 1, “the tower” is coreference of “Pisa Tower”)\\nfor judging the query-document relevance.\\nTo address these shortcomings of typical re-\\ntrieval units such as passages or sentences, we\\npropose using proposition as a novel retrieval unit\\nfor dense retrieval. Propositions are defined as\\natomic expressions within text, each encapsulat-\\ning a distinct factoid and presented in a concise,\\nself-contained natural language format. ', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='0710b598-1503-4c83-90c2-173f2917e17c', embedding=[-0.0011661730241030455, 0.010991910472512245, 0.006282563786953688, -0.042758531868457794, -0.013966595754027367, 0.017573317512869835, -0.015581033192574978, 0.008862228132784367, -0.007618768140673637, -0.03715265542268753, 0.018232831731438637, 0.0359710268676281, -0.0038952582981437445, 0.008875967934727669, -0.0017243559705093503, 0.013046023435890675, 0.01702372170984745, 0.006152034737169743, 0.01435818336904049, -0.014880298636853695, 0.007659987546503544, -0.016336726024746895, -0.02098080888390541, -0.011404107324779034, -0.004039526917040348, 0.0024869197513908148, 0.03476191684603691, -0.00017003111133817583, -0.018658768385648727, 0.0020730055402964354, 0.012551387771964073, -0.0029077038634568453, -0.02899116463959217, -0.017147380858659744, -0.01118426863104105, 0.009988898411393166, -0.0017501182155683637, -0.012523908168077469, 0.005447865463793278, -0.016680223867297173, 0.030914748087525368, 0.021997559815645218, 0.010957560501992702, -0.01864502765238285, -0.005750142969191074, 0.004396764095872641, -0.003405774710699916, -0.012867405079305172, -0.01001637801527977, 0.013080373406410217, 0.002799502108246088, 0.03215133771300316, -0.03580614924430847, 0.012771225534379482, -0.0004757436108775437, -0.006952383555471897, -0.022712035104632378, 0.015155096538364887, -0.020444953814148903, -0.03399248421192169, 0.013272731564939022, 0.004269670229405165, -0.006918033584952354, 0.01294984482228756, -0.017037460580468178, -0.014179564081132412, -0.018713727593421936, 0.0032752458937466145, 0.0030262102372944355, -0.005571524612605572, 0.03561379015445709, 0.03066742978990078, -0.010572844184935093, -0.02184642106294632, 0.02923848107457161, -0.012826185673475266, 0.0032357436139136553, -0.004939489532262087, -0.011170528829097748, 0.0007625637808814645, -0.001021045376546681, -0.02752099558711052, 0.01327960193157196, 0.04355544596910477, 0.018383970484137535, 0.014097125269472599, -0.00686994381248951, 0.05001319199800491, -0.011232358403503895, 0.00017915526404976845, -0.004836440552026033, 0.0101331677287817, -0.0013508027186617255, 0.013794847764074802, 0.0020627006888389587, 0.009933939203619957, -0.010531623847782612, 0.028125550597906113, 0.0009308774024248123, -0.0317666195333004, -0.0074401493184268475, 0.010565973818302155, -0.04591870680451393, -0.00505627878010273, -0.005784492939710617, -0.006615756079554558, 0.0071035223081707954, -0.010531623847782612, 0.0002149004430975765, -0.014371923170983791, -0.014481841586530209, 0.031162066385149956, 0.011094959452748299, -0.009514872916042805, 0.0019184318371117115, -0.019991537556052208, 0.013994076289236546, -0.0003737678925972432, 0.010428574867546558, -0.009885849431157112, 0.027672134339809418, -0.0007037398754619062, 0.022148700430989265, -0.009782800450921059, 0.0372900553047657, -0.0069798631593585014, -0.012345289811491966, -0.028936203569173813, -0.01592453010380268, -0.014742899686098099, -0.0063237836584448814, 0.034459639340639114, -0.016487864777445793, 0.023687567561864853, -0.011726994067430496, 0.018864866346120834, -0.002619166160002351, 0.015855830162763596, -0.01787559501826763, -0.018864866346120834, 0.020252594724297523, 0.0001138907900894992, -0.024498220533132553, -0.014138344675302505, 0.0034195147454738617, 0.030557511374354362, 0.02356390841305256, -0.008498121052980423, 0.012201020494103432, 0.01400094572454691, 0.014110865071415901, 0.005698618479073048, 0.006643235683441162, 0.02632562629878521, 0.019922837615013123, -0.011802563443779945, -0.014715420082211494, 0.04262113198637962, -0.019936578348279, -0.012736876495182514, 0.01779315434396267, 0.016845103353261948, 0.020019017159938812, 0.01878242753446102, 0.02217618003487587, 0.019565600901842117, 0.01907096430659294, 0.013712408021092415, 0.00514902314171195, -0.021255606785416603, -0.01883738674223423, 0.01984039880335331, -0.010380485095083714, 0.01611688919365406, 0.0030416676308959723, -0.011919353157281876, 0.0226982943713665, -0.011795694008469582, -0.02366008795797825, -0.0028029370587319136, 0.011074350215494633, 0.0017312258714810014, 0.009418693371117115, 0.007886695675551891, -0.009095805697143078, -0.03118954598903656, 0.00870421901345253, 0.006110815331339836, 0.002722215373069048, -0.00848438125103712, 0.0026157312095165253, 0.013863546773791313, 0.009315644390881062, -0.003445276990532875, -0.6375308036804199, -0.013430740684270859, 0.0233303289860487, -0.0392136387526989, 0.006883684080094099, 0.016666484996676445, -0.015155096538364887, 0.017971772700548172, -0.006938643287867308, 0.03737249597907066, -0.0010012943530455232, -0.006100510247051716, 0.005289856810122728, 0.009878979064524174, -0.033690206706523895, -0.018232831731438637, -0.003460734384134412, -0.00994080863893032, 0.019332023337483406, 0.0021949470974504948, -0.020005276426672935, 0.02976059727370739, -0.017916813492774963, 0.0007578406948596239, 0.0057535781525075436, 0.013135332614183426, 0.012180410325527191, -0.021241866052150726, -0.007330230437219143, 0.016900062561035156, 0.0036376353818923235, 0.004200970754027367, 0.027218718081712723, 0.010050727985799313, 0.04394016042351723, -0.005595569498836994, -0.010572844184935093, -0.005921891890466213, 0.0025023771449923515, 0.02794693224132061, -0.031217025592923164, -0.03171166032552719, 0.017559576779603958, -0.018947305157780647, -0.005502825137227774, 0.0025298569817095995, 0.022286098450422287, 0.00987210962921381, 0.011830043978989124, -0.012888015247881413, 0.0018050777725875378, 0.0006985874497331679, -0.020403733476996422, -0.027411077171564102, 0.0013181704562157393, 0.01283305510878563, 0.047237735241651535, -0.027699613943696022, 0.0003671126323752105, -0.0024113503750413656, -0.0017423895187675953, -0.017848115414381027, -0.02260211668908596, -0.008024094626307487, -0.033882562071084976, 0.013746757991611958, 9.456906991545111e-05, 0.018054213374853134, 0.01582835055887699, -0.05303596705198288, 0.003572370857000351, 0.032975729554891586, -0.015306235291063786, -0.03363524749875069, -0.0048433104529976845, 0.0029077038634568453, 0.010669022798538208, -0.007611897774040699, -0.019716739654541016, 0.006361568346619606, 0.0062688239850103855, -0.019936578348279, -0.02904612384736538, 0.00017228531942237169, 0.011459066532552242, 0.013004804030060768, -0.02489667758345604, 0.02943084016442299, -0.007934785448014736, 0.025830989703536034, 0.013382650911808014, -0.003503671381622553, -0.009027106687426567, -0.02136552520096302, -0.000502794049680233, 0.023014312610030174, -4.4520456867758185e-05, -0.006093640346080065, 0.02489667758345604, -0.010105687193572521, -0.015965750440955162, -0.01835649088025093, 0.020582351833581924, -0.004822700750082731, 0.007989744655787945, 0.02489667758345604, 0.0002694306313060224, 0.007488239090889692, -0.009590442292392254, -0.01354066003113985, 0.024168463423848152, -0.005313901696354151, -0.0057570128701627254, -0.0010176104260608554, -0.018493888899683952, -0.03533899039030075, 0.039900634437799454, 0.02103576809167862, -0.02136552520096302, -0.005327641498297453, -0.0026964531280100346, 0.010270566679537296, 0.008326372131705284, -0.00918511487543583, -0.01259260717779398, 0.01897478476166725, 0.012008662335574627, -0.0010133167961612344, -0.018438929691910744, 0.0005268388194963336, 0.01831527054309845, -0.019812919199466705, 0.016900062561035156, -0.005331076681613922, 0.019194623455405235, -0.009171375073492527, 0.010641543194651604, -0.015457374043762684, 0.014426882378757, -0.005361991468816996, -0.042703572660684586, -0.019235843792557716, 0.0065882764756679535, -0.054684754461050034, -0.019304541870951653, -0.04459967836737633, -0.006310043390840292, 0.00027458308613859117, 0.007701207417994738, -0.0030365153215825558, -0.016281766816973686, -0.011898742988705635, -0.015223795548081398, -0.0047643063589930534, 0.0049669696018099785, 0.00613829493522644, -0.024718059226870537, -0.022547155618667603, -0.0056230491027235985, -0.038086969405412674, -0.027507256716489792, 0.022066259756684303, -0.009549221955239773, 0.0012889732606709003, -0.002213839441537857, -0.029870515689253807, 0.013334561139345169, 0.01827405020594597, -0.025789769366383553, -0.039323560893535614, 0.029403360560536385, -0.008594299666583538, 0.01898852549493313, 0.039460957050323486, -0.003118954598903656, 0.003410927252843976, -0.027163758873939514, -0.004589122720062733, -0.011630815453827381, -0.035311512649059296, -0.0008325513335876167, -0.0031309770420193672, -0.02890872396528721, -0.005437560845166445, 0.01084764115512371, 0.010318655520677567, 0.012104840949177742, 0.0055543496273458, -0.015897050499916077, 0.012180410325527191, 0.006337523460388184, 0.023522688075900078, 0.002201816998422146, 0.0003535874420776963, -0.013643709011375904, 0.008257673121988773, 0.03539395332336426, -0.0009866957552731037, -0.020348774269223213, 0.02337154932320118, 0.010167516767978668, 0.01702372170984745, 0.005822277627885342, -0.024814236909151077, -0.010607193224132061, -0.012400249019265175, 0.025198955088853836, -0.030035395175218582, 0.020486172288656235, 0.026930181309580803, 0.0074470192193984985, -0.022684555500745773, -0.044517237693071365, -8.152691589202732e-05, -0.008896577171981335, 0.03217881917953491, 0.005111238453537226, -0.002988425549119711, -0.0012477536220103502, -0.01816413179039955, 0.006210429593920708, -0.0137811079621315, 0.020582351833581924, 0.014825339429080486, -0.010167516767978668, -0.009782800450921059, 0.01621306873857975, 0.00480552576482296, 0.020994549617171288, -0.016529085114598274, -0.008662999607622623, 0.02394862473011017, 0.009666011668741703, 0.01178195420652628, -0.009439303539693356, 0.016295507550239563, 0.017958033829927444, -0.005750142969191074, 0.027589695528149605, -0.003795644035562873, 0.00020051648607477546, 0.012881144881248474, 0.002435395261272788, -0.03366272523999214, 0.012681916356086731, 0.0004106938431505114, 0.04245625436306, 0.016762662678956985, -0.02976059727370739, 0.011568985879421234, 0.003922738134860992, 0.002900833962485194, 0.0033233354333788157, -0.0013482265640050173, 0.022093739360570908, -0.01806795224547386, 0.00862864963710308, 0.028881244361400604, 0.017298519611358643, 0.03072238899767399, 0.02651798352599144, -0.0063409581780433655, 0.0019596514757722616, -0.010586583986878395, 0.017669495195150375, -0.015155096538364887, 0.024731798097491264, -0.021145688369870186, -0.007811126299202442, 0.0004413939022924751, -0.011500285938382149, -0.01204301230609417, 0.019634300842881203, -0.028578966856002808, 0.0015878158155828714, 0.014839079231023788, -0.005368861369788647, 0.04006551206111908, 0.014055905863642693, 0.014578021131455898, -0.015567293390631676, -0.03690534085035324, 0.01769697666168213, 0.021667802706360817, 0.005602439399808645, -0.023866185918450356, -0.009020236320793629, -0.001399751054123044, -0.02574855089187622, -0.006354698445647955, -0.02055487222969532, -0.010985040105879307, -0.0011343995574861765, -0.019002264365553856, 0.004489508457481861, 0.01808169297873974, 0.02198382094502449, 0.009432433173060417, 0.004582252819091082, 0.0008810703293420374, -0.010833901353180408, 0.0031498693861067295, -0.022863173857331276, 0.012716266326606274, 0.0492987185716629, -0.01812291145324707, -0.007598157972097397, -0.01889234595000744, 0.011335407383739948, -0.0015998382586985826, 0.013217772357165813, -0.004826135467737913, 0.0014778967015445232, 0.01860380917787552, -0.0005337087786756456, -0.009734710678458214, -0.0025178345385938883, -0.0042662350460886955, 0.017064940184354782, -0.013581879436969757, 0.023453988134860992, -0.03418483957648277, 0.012310939840972424, 0.010091947391629219, 0.041521940380334854, 0.028166770935058594, -0.005509695038199425, 0.0019510640995576978, -0.020486172288656235, 0.012441468425095081, -0.029293442144989967, -0.013100983574986458, 0.027356117963790894, 0.009343123994767666, -0.00930190458893776, -0.006258518900722265, 0.0228494331240654, 0.0032477660570293665, 0.004407069180160761, 0.014536801725625992, -0.004465463571250439, -0.01711990125477314, 0.007708077318966389, -0.015210055746138096, -0.02293187379837036, 0.007756166625767946, 0.013636838644742966, 0.031409382820129395, -0.007584418170154095, -0.0278919730335474, 0.03184906020760536, 0.02989799715578556, -0.00015049471403472126, -0.03652062267065048, -0.009322513826191425, -0.017037460580468178, 0.0045135533437132835, -0.00010240510164294392, 0.002603708766400814, 0.012228500097990036, 0.023206671699881554, -0.00771494721993804, 0.011452197097241879, 0.0009128437959589064, 0.00021393435599748045, 0.030749868601560593, 0.017435917630791664, -0.011885003186762333, 0.01359561923891306, 0.011974312365055084, 0.01087512169033289, 0.025968387722969055, 0.002158880000934005, -0.009583571925759315, 0.0137811079621315, -0.006780634634196758, -0.01868624798953533, -0.00944617297500372, -0.012537647970020771, -0.003988002426922321, -0.017628276720643044, 0.005485650151968002, -0.014962738379836082, -0.020623572170734406, 0.008044704794883728, -0.005516564939171076, 0.008766048587858677, 0.009556092321872711, 0.0158833097666502, -0.039983075112104416, -0.013952855952084064, 0.002339215949177742, -0.03042011149227619, -0.003132694400846958, 0.014440622180700302, -0.021434225142002106, -0.05699305608868599, -0.02661416307091713, 0.04014795273542404, 0.021434225142002106, 0.00829889252781868, -0.011074350215494633, 0.007529458496719599, 0.013774237595498562, -0.012936105020344257, -0.020376253873109818, -0.0021709022112190723, -0.03220629692077637, 0.002608861308544874, 0.008656129240989685, -0.017202340066432953, -0.00886909756809473, -0.01621306873857975, -0.011287317611277103, -0.005801667924970388, -0.0006912880926392972, 0.004644081927835941, -0.01003698818385601, 0.014193303883075714, 0.021805202588438988, 0.028359128162264824, 0.01821909099817276, -0.008010354824364185, -0.012324679642915726, -0.0018016428221017122, 0.012324679642915726, 0.013554399833083153, -0.00870421901345253, 0.036273304373025894, 0.022396016865968704, 0.01916714385151863, -0.0073164901696145535, 0.021049508824944496, -0.0051009333692491055, 0.0067840698175132275, -0.011452197097241879, 0.01035300549119711, -0.015608512796461582, 0.010263696312904358, 0.01773819513618946, 0.015910791233181953, 0.027644654735922813, 0.0291835218667984, -0.014289483428001404, -0.02937588095664978, -0.009720970876514912, 0.030447591096162796, 0.00034392657107673585, -0.020046496763825417, 0.008429421111941338, -0.024580659344792366, -0.009686620905995369, -0.017944293096661568, -0.01654282584786415, -0.02165406383574009, 0.024965375661849976, -0.01092321053147316, -0.01760079711675644, -0.006777199916541576, -0.005873802118003368, -0.0008175233379006386, -0.01368492841720581, -0.03165670111775398, 0.018919825553894043, 0.005440995562821627, -0.0035655009560287, -0.01607566885650158, -0.015251276083290577, 0.009906459599733353, -0.024731798097491264, -0.04578130692243576, 0.0215578842908144, -0.007055432535707951, 0.01366431824862957, -0.00630660867318511, -0.015388675034046173, -0.019386982545256615, -0.019483162090182304, 0.003228873712942004, -0.023687567561864853, -0.012125451117753983, -0.0013173117768019438, 0.03671298176050186, -0.0006346110603772104, 0.043280646204948425, -0.0015697821509093046, 0.0019390416564419866, 0.006543621886521578, -0.004437983967363834, -0.013629969209432602, -0.006859639193862677, -0.018466409295797348, -0.04045023024082184, 0.009439303539693356, 0.019675519317388535, -0.0010948972776532173, 0.006876814179122448, 0.012262850068509579, 0.023261630907654762, 0.041989099234342575, -0.0109438207000494, 0.006231039296835661, -0.021873902529478073, -0.011713254265487194, -0.027727093547582626, 0.015306235291063786, 0.014660460874438286, 0.0012520472519099712, -0.04921627789735794, 0.015127616934478283, 0.013836067169904709, -0.003486496629193425, 0.008553080260753632, -0.0008922339766286314, 0.028496528044342995, -0.013341431505978107, 0.016487864777445793, -0.0034212321043014526, -0.007419539615511894, -0.011074350215494633, -0.00630660867318511, -0.023522688075900078, -0.001313018030487001, 0.028853764757514, -0.014468101784586906, -0.01144532673060894, 0.00789356604218483, 0.0021331175230443478, -0.008065314032137394, -0.020431213080883026, -0.009047715924680233, -0.005729533266276121, -0.026270665228366852, -0.00565052917227149, -0.031409382820129395, -0.029870515689253807, -0.013554399833083153, 0.009817150421440601, 0.024690579622983932, 0.014248264022171497, -0.013815457001328468, 0.010648413561284542, -0.015952009707689285, -0.024333341047167778, 0.017518356442451477, 0.0018480148864910007, 0.03959835693240166, 0.005952806677669287, 0.01301854383200407, 0.024484479799866676, 0.004544468130916357, -0.012668176554143429, 0.00961105152964592, -0.0020386558026075363, 0.01237276941537857, 0.006100510247051716, 0.02198382094502449, -0.01721607893705368, -0.03454208001494408, 0.00010712818766478449, 0.028249209746718407, -0.011143049225211143, -0.029073603451251984, 0.026256926357746124, -0.010146907530725002, 0.015155096538364887, -0.00498414458706975, 0.007756166625767946, -0.020403733476996422, -0.006285998970270157, -0.016281766816973686, 0.01068276260048151, -0.0010983323445543647, 0.007852345705032349, -0.0037819042336195707, 0.03539395332336426, -0.019620560109615326, 0.010483535006642342, -0.024333341047167778, -0.012771225534379482, -0.005602439399808645, -0.0037132047582417727, -0.028194250538945198, 0.024154722690582275, -0.007024517748504877, 0.03437719866633415, -0.025858469307422638, 0.0066672805696725845, 0.0029557934030890465, 0.008985886350274086, -0.025061555206775665, 0.008456900715827942, 0.0005869508604519069, 0.031162066385149956, -0.021736502647399902, -0.000884505279827863, 0.0073164901696145535, -0.022863173857331276, 0.013774237595498562, -0.043280646204948425, -0.020403733476996422, 0.0006659551872871816, -0.0019270193297415972, 0.01607566885650158, 0.02227235771715641, -0.0006431984947994351, -0.0210769884288311, -0.01578713208436966, 0.008065314032137394, -0.008525600656867027, -0.005008189007639885, -0.004503248259425163, 0.010827031917870045, -0.023028051480650902, -0.02293187379837036, 0.003084604861214757, 0.015512333251535892, 0.012846794910728931, 0.006959253456443548, -0.007309620268642902, 0.0023649781942367554, 0.029870515689253807, -0.024965375661849976, 0.006498966831713915, 0.0145917609333992, -0.009803409688174725, -0.040807466953992844, -0.013829197734594345, -0.00034843498724512756, 0.024003583937883377, 0.03866404667496681, -0.00389869324862957, -0.004784916061908007, -0.009411823004484177, 0.009377473965287209, 0.018713727593421936, -0.002679278142750263, -0.020046496763825417, 0.02609204687178135, 0.0007896141614764929, 0.012214760296046734, 0.007034822832792997, -0.00555778481066227, 0.029540758579969406, 0.01850762963294983, -0.001069135032594204, 0.028606446459889412, -0.024814236909151077, 0.018590068444609642, 0.015058916993439198, -0.01118426863104105, -0.005042538978159428, -0.030172793194651604, -0.007605027873069048, -0.03072238899767399, 0.0029678158462047577, -0.034597039222717285, -0.022478457540273666, -0.0033113129902631044, -0.004362414591014385, -0.005585264414548874, 0.04132958501577377, 0.015058916993439198, -0.007055432535707951, 0.02308301255106926, -0.004808960948139429, 0.009246944449841976, 0.01277809590101242, -0.028826285153627396, -0.01485281903296709, -0.017971772700548172, -0.006650105584412813, -0.028551487252116203, 0.0015036589466035366, -0.012022402137517929, 0.03902128338813782, 0.011582725681364536, -0.03800452873110771, -0.03171166032552719, 0.000905115099158138, -0.04259365424513817, 0.001830840134061873, 0.0008085065637715161, 0.0015148227103054523, 0.010524754412472248, -0.0013001369079574943, -0.0024903547018766403, 0.019964057952165604, 0.004352109506726265, 0.0067909397184848785, -0.03113458678126335, -0.01485281903296709, -0.0010974735487252474, -0.03319557011127472, 0.013492570258677006, -0.010888861492276192, -0.04663318023085594, -0.01318342238664627, -0.0015234100865200162, -0.014646721072494984, 0.008649259805679321, 0.03506419435143471, 0.008855357766151428, -0.008188973180949688, -0.029265960678458214, 0.030035395175218582, 0.020403733476996422, 0.00385747360996902, -0.00028746420866809785, -0.03720761835575104, 0.008353851735591888, -0.0007273553055711091, 0.006942078471183777, -0.02374252676963806, 0.008216452784836292, -0.009198854677379131, 0.01974421925842762, 0.006107380148023367, -0.0016341878799721599, -0.014028425328433514, 0.01688632182776928, 0.0029265962075442076, 0.021997559815645218, -0.0002887523442041129, -0.0058257123455405235, 0.020719751715660095, 0.005901281721889973, 0.009583571925759315, -0.026201967149972916, 0.013437610119581223, -0.025776030495762825, 0.00970723107457161, 0.01673518307507038, 0.009363733232021332, -0.0027943497989326715, -0.005465040449053049, 0.009384343400597572, -0.004846745636314154, 0.00497040431946516, 0.011417847126722336, -0.003301008138805628, -0.019716739654541016, 0.031931500881910324, 0.025446273386478424, -0.029733117669820786, -0.011740733869373798, -0.010792681947350502, -0.005313901696354151, -0.006492096930742264, 0.009020236320793629, 0.021145688369870186, -0.0032666584011167288, 0.01736721768975258, -0.002792632207274437, -0.02956823818385601, -0.002117660129442811, 0.007412669714540243, 0.00939121376723051, 0.00622416939586401, 0.022821953520178795, 0.19114932417869568, -0.011012520641088486, 0.009782800450921059, 0.021626584231853485, 0.008209583349525928, 0.00862864963710308, 0.019524380564689636, -0.006334088277071714, -0.02022511512041092, -7.938005728647113e-05, 0.002138270065188408, -0.01354066003113985, -0.020087717100977898, 0.007426409516483545, 0.015100137330591679, 0.008711089380085468, -0.035366471856832504, -0.051387179642915726, -0.02904612384736538, 0.0018222526414319873, 0.007323360536247492, -0.014440622180700302, 0.0016539390198886395, -0.006248214282095432, 0.01773819513618946, 0.0027496949769556522, 0.004437983967363834, -0.023110492154955864, 0.018521368503570557, 0.027534736320376396, -0.005770753137767315, -0.005396340973675251, 0.0038334287237375975, 0.009652270935475826, -0.02827668935060501, 0.016199328005313873, 0.0007526882691308856, 0.002437112620100379, 0.03643818199634552, -0.008676739409565926, 0.02356390841305256, -0.015773391351103783, -0.011548375710844994, -0.012839925475418568, -0.012317809276282787, 0.023728786036372185, -0.001978543819859624, 0.013966595754027367, 0.01242772862315178, -0.0019373241811990738, -0.02475927770137787, 0.016474125906825066, 0.048336926847696304, -0.005530304741114378, -0.021338045597076416, 0.0029901431407779455, -0.007495108991861343, 0.00537916598841548, 0.01233154907822609, 0.007000472862273455, -0.04190665856003761, 0.009432433173060417, -0.014399402774870396, 0.023137971758842468, -0.006983297877013683, -0.0018016428221017122, -0.005454735364764929, 0.00580510264262557, -0.008250802755355835, -0.015017697587609291, -0.008862228132784367, -0.019936578348279, -0.012894884683191776, 0.008292022161185741, -0.008972146548330784, -0.0343497209250927, 0.013100983574986458, 0.007096651941537857, 0.012908624485135078, -0.007323360536247492, 0.00014373210433404893, -0.015058916993439198, -0.024292122572660446, 0.002193229738622904, -0.009700360707938671, -0.016570305451750755, 0.01692754216492176, -0.004166621249169111, -0.0027874798979610205, -0.015003957785665989, -0.010689632967114449, -0.008477510884404182, -0.02833164855837822, -0.016762662678956985, -0.000560759159270674, -0.0029849905986338854, 0.008415681309998035, 0.02312423102557659, -0.01178195420652628, -0.008051574230194092, -0.02088462933897972, 0.0706779807806015, 0.03509167581796646, 0.01812291145324707, -0.00028553203446790576, 0.013286471366882324, -0.010215606540441513, 0.005801667924970388, 0.022766994312405586, -0.021667802706360817, 0.011259838007390499, -0.03844420611858368, 0.019964057952165604, -0.01003698818385601, 0.014124604873359203, 0.010291175916790962, 0.00043237709905952215, -0.006189819425344467, 0.015182576142251492, -0.003912433050572872, -0.009830890223383904, -0.04536911100149155, 0.02093958854675293, 0.012915494851768017, 0.005021929275244474, -0.012984193861484528, -0.010057598352432251, -5.1846607675543055e-05, -0.021489184349775314, -0.014715420082211494, 0.03182158246636391, -0.019909096881747246, 0.025501232594251633, 0.005300161894410849, -0.002708475338295102, -0.010930080898106098, -0.017037460580468178, 0.006220734212547541, -0.026009608060121536, 0.010098817758262157, 0.014976478181779385, -0.01922210305929184, 0.005777623038738966, 0.03830680623650551, 0.0013628251617774367, 0.007117262110114098, 0.0033937522675842047, 0.008656129240989685, 0.00024130678502842784, -0.02213495969772339, 0.011459066532552242, -0.007024517748504877, 0.003957087639719248, 0.004386459477245808, 0.012317809276282787, -0.002375283045694232, 0.0029214436654001474, -0.022258618846535683, 0.000950628484133631, 0.010662153363227844, -0.03382760286331177, 0.01270939689129591, 0.01941446214914322, 2.4380249669775367e-05, -0.020898370072245598, -0.008312632329761982, -0.1757606416940689, 0.01850762963294983, 0.03344288840889931, -0.028441568836569786, 0.028606446459889412, 0.007639377843588591, 0.04927123710513115, -0.024058543145656586, -0.005241767503321171, -0.02475927770137787, -0.00041155258077196777, -0.030914748087525368, -0.035174112766981125, -0.020444953814148903, 0.010249956510961056, -0.010284306481480598, -0.012675046920776367, 0.00939121376723051, 0.03047507256269455, 0.026119526475667953, 0.020376253873109818, -0.04429740086197853, 0.022918133065104485, -0.019057225435972214, -0.007701207417994738, -0.005444430746138096, -0.01144532673060894, 0.011809433810412884, -0.011575855314731598, -0.026792781427502632, 0.025487491860985756, -0.008161493577063084, 0.02070601098239422, -0.016515346243977547, -0.008862228132784367, -0.0016994524048641324, -0.0024834848009049892, 0.0343497209250927, -0.009817150421440601, 0.019428201019763947, 0.027562215924263, 0.04413251951336861, 0.03399248421192169, -0.01802673377096653, -0.038169410079717636, 0.018287790939211845, 0.010998779907822609, 0.001990566262975335, 0.007206571288406849, -0.006643235683441162, -0.019180884584784508, -0.015402414835989475, 0.02431960217654705, -0.005770753137767315, -0.014316963031888008, 0.0020781580824404955, -0.002344368491321802, 0.006887118797749281, -0.0027050403878092766, 0.004510118160396814, 0.006684455554932356, -0.036932818591594696, 0.030365152284502983, -0.006787504535168409, 0.011335407383739948, -0.025872210040688515, -0.011321667581796646, 0.005873802118003368, 0.005049408879131079, -0.006681020371615887, -0.009899589233100414, -0.026435544714331627, 0.0003626042453106493, 0.012894884683191776, 0.00747449928894639, 0.02618822641670704, -0.0034487119410187006, -0.008113403804600239, 0.006227604113519192, -0.015704691410064697, -0.01225597970187664, 0.007158481515944004, 0.001135258236899972, -0.011562115512788296, -0.0039845677092671394, -0.031079627573490143, -0.006540186703205109, 0.0058085378259420395, -0.00961105152964592, 0.0005830865120515227, 0.03179410099983215, -0.028853764757514, -0.013437610119581223, 0.005784492939710617, 0.0150726567953825, 0.03327800706028938, -0.003508823923766613, 0.01883738674223423, 0.009143895469605923, -0.01907096430659294, -0.0069867330603301525, -0.008161493577063084, -0.026504244655370712, 0.012379638850688934, 0.037125177681446075, 0.012881144881248474, -0.011562115512788296, 0.007735556922852993, 0.03066742978990078, 0.00043280646787025034, 0.027287418022751808, -0.0013490852434188128, 0.0226982943713665, -0.0054719103500247, -0.025776030495762825, 0.04355544596910477, -0.02642180398106575, -0.00389869324862957, 0.0024697447661310434, -0.006172644905745983, 0.04278600960969925, -0.020994549617171288, -0.010785812512040138, -0.007405799813568592, -0.0017724455101415515, 0.001914996886625886, -0.11838287860155106, -0.030062874779105186, -0.0029712507966905832, 0.030145313590765, -0.018851125612854958, 0.010359875857830048, 0.0033868823666125536, 0.01640542596578598, -0.028688887134194374, 0.04099982604384422, -0.013787977397441864, -0.014316963031888008, 0.0014426882844418287, 0.003788774134591222, 0.020472433418035507, -0.020719751715660095, 0.011678905226290226, -0.026215706020593643, -0.014028425328433514, 0.035448912531137466, -0.0037406845949590206, -0.00872482918202877, 0.007921045646071434, 0.011452197097241879, -0.026298144832253456, 0.0055440450087189674, -0.016762662678956985, 0.024154722690582275, 0.0074470192193984985, -0.010957560501992702, 0.00836759153753519, -0.019180884584784508, 0.003871213411912322, -0.0021812072955071926, -0.015031437389552593, -0.004005177412182093, -0.028194250538945198, 0.008992756716907024, 0.023165451362729073, -0.0037647292483597994, 0.020760970190167427, 0.009521742351353168, -0.0006565090152435005, -0.0033954698592424393, 0.005217722617089748, -0.007392059545964003, -0.01146593689918518, 0.021049508824944496, 0.0056127444840967655, -0.028221730142831802, -0.015058916993439198, -0.024237163364887238, 0.0005457311635836959, 0.011033129878342152, 0.0027960671577602625, 0.003682289971038699, 0.011342277750372887, 0.00855995062738657, -0.005509695038199425, 0.006935208570212126, -0.038224369287490845, -0.011898742988705635, -0.02231357805430889, -0.0039845677092671394, 0.04028535261750221, -0.004228450357913971, -0.007976004853844643, -0.01845267042517662, -0.015938270837068558, -0.018329011276364326, 0.005279552191495895, 0.00846377108246088, 0.0024834848009049892, 0.01787559501826763, -0.015155096538364887, -0.020019017159938812, -0.01717486046254635, -0.03286581113934517, 0.022973092272877693, -0.014536801725625992, -0.01607566885650158, -0.020280074328184128, 0.004946359898895025, -0.015388675034046173, 0.03772973269224167, 0.021186906844377518, 0.00829889252781868, -0.012242239899933338, 0.01736721768975258, -0.017861854285001755, -0.0004916303441859782, 0.01679014228284359, -0.005420385859906673, -0.029843036085367203, -0.01968926005065441, 0.007337100338190794, -0.01968926005065441, -0.0008505849400535226, 0.028578966856002808, 0.0011455632047727704, -0.03467947617173195, -0.007220311090350151, -0.045094311237335205, 0.016130628064274788, 0.004334934521466494, -0.030914748087525368, -0.026147006079554558, 0.004046396818011999, 0.001082874950952828, -0.0022722340654581785, -0.016872582957148552, 0.028386607766151428, -0.006021506153047085, -0.0062688239850103855, -0.005564654711633921, -0.001880647148936987, -0.023673826828598976, -0.017092419788241386, 0.03410240262746811, -0.0222173985093832, 0.014550541527569294, 0.019524380564689636, 0.0008497262024320662, 0.016748923808336258, 0.00654705660417676, 0.002243036637082696, -0.03399248421192169, -0.002045525936409831, -0.016515346243977547, 0.029293442144989967, 0.0009205724927596748, -0.006320348475128412, -0.009191985242068768, -0.029843036085367203, -0.007969135418534279, 0.021873902529478073, 0.011692645028233528, 0.013272731564939022, 0.009899589233100414, 0.014715420082211494, 0.03237117454409599, 0.02408602461218834, -0.03105214610695839, -0.02866140566766262, -0.0036479402333498, -0.014344443567097187, -0.0020094586070626974, 0.017394699156284332, -0.011795694008469582, -0.002624318702146411, 0.017806895077228546, -0.0043108901008963585, 0.0071035223081707954, 0.01984039880335331, 0.003891823347657919, -0.002200099639594555, -0.007577548269182444, -0.000991848181001842, 0.0061451648361980915, 0.01679014228284359, 0.009267554618418217, 0.0017252146499231458, 0.02932092174887657, 0.00024044804740697145, 0.04319820925593376, 0.005811972543597221, 0.021104468032717705, -0.03127198666334152, -0.027575954794883728, -0.00025247043231502175, 0.0037475544959306717, -0.0023563907016068697, 0.005540609825402498, 0.006725674960762262, 0.009075196459889412, 0.0014152084477245808, 0.023687567561864853, -0.0012717983918264508, 0.009693491272628307, -0.011225488968193531, 0.015512333251535892, 0.00745388912037015, 0.022354798391461372, -0.014124604873359203, -0.025734810158610344, 0.03149182349443436, 0.03506419435143471, 0.018864866346120834, -0.026696601882576942, 0.0008085065637715161, -0.006086770445108414, 0.00679780961945653, 0.02441578172147274, 0.010978170670568943, -0.017380958423018456, 0.027782052755355835, -0.002918008714914322, -0.017422178760170937, 0.005142153240740299, 0.023069271817803383, 0.015031437389552593, 0.004791785962879658, 0.010861381888389587, -0.011328537948429585, -0.011692645028233528, -0.020403733476996422, -0.03253605589270592, 0.0017312258714810014, -0.02455317974090576, -0.02613326720893383, 0.005465040449053049, 0.006990168243646622, 0.014536801725625992, 0.01841145008802414, 0.008395071141421795, 0.011307927779853344, -0.003062277566641569, 0.012152930721640587, -0.007357710041105747, -0.029156042262911797, -0.023577647283673286, 0.012544517405331135, 0.0037406845949590206, 0.003768164198845625, 0.03204141929745674, 0.0016633851919323206, 0.020541133359074593, 0.005873802118003368, 0.025569932535290718, -0.027933191508054733, 0.02675156109035015, -0.016281766816973686, 0.013149072416126728, 0.006574536208063364, 0.008120274171233177, -0.010614063590765, -0.03347036615014076, -0.014440622180700302, -0.000393304304452613, 0.003599850693717599, 0.006509271916002035, 0.07205197215080261, 0.0317666195333004, -0.014316963031888008, 0.005763883236795664, -0.0051009333692491055, 0.0029042689129710197, 0.01299793366342783, -0.003050255123525858, 0.011637684889137745, -0.03682290017604828, 0.01711990125477314, 0.0032426135148853064, 0.029018644243478775, -0.013959726318717003, -0.005578394513577223, -0.02541879378259182, -0.011507156305015087, 0.014578021131455898, -0.024457000195980072, -0.006093640346080065, 0.011356017552316189, -0.005269247107207775, 0.01808169297873974, -0.003579240757972002, -0.029293442144989967, -0.022121218964457512, 0.012942974455654621, -0.010291175916790962, -0.004997884389013052, -0.03237117454409599, 0.01225597970187664, 0.02599586732685566, -0.03151930496096611, -0.028221730142831802, 0.0020214810501784086, -0.02403106354176998, 0.006698195356875658, -0.0022447542287409306, 0.008051574230194092, -0.004822700750082731, 0.014110865071415901, 0.028194250538945198, -7.138300861697644e-05, -0.03033767268061638, -0.010614063590765, 0.004688736982643604, 0.002359825884923339, -0.013767368160188198, -0.03333296999335289], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='141406b1-9e50-4dae-a060-c0bb2438afd7', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '2', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_type': 'application/pdf', 'file_size': 1103758, 'creation_date': '2024-02-25', 'last_modified_date': '2023-12-13', 'last_accessed_date': None}, hash='e8b0bc3f3b1f4bbe1dfde088d5a7e583cbae7005dfe00beed170f68e0103fa13')}, text='We show\\nan example proposition in Table 1. The proposi-\\ntion describes the information regarding the Tower\\nof Pisa’s current leaning angle in a self-contained\\nway and precisely responds to what the question\\nis querying. We provide a more detailed definition\\nand description of proposition in §2.To validate the efficacy of using proposition as\\na retrieval unit for dense retrievers inference, we\\nfirst process and index an English Wikipedia dump\\nwith all documents segmented into propositions,\\nwhich we refer to as FACTOID WIKI. Then we con-\\nduct experiments on five different open-domain QA\\ndatasets and empirically compare the performance\\nof six dual-encoder retrievers when Wikipedia is\\nindexed by passage, sentence, and our proposed\\nproposition. Our evaluation is twofold: we exam-\\nine both the retrieval performance and the impact\\non downstream QA tasks. Notably, our findings in-\\ndicate that proposition-based retrieval outperforms\\nsentence and passage-based methods, especially in\\nterms of generalization, as discussed in §5. This\\nsuggests that propositions, being both compact and\\nrich in context, enable dense retrievers to access\\nprecise information while maintaining adequate\\ncontext. The average improvement over passage-\\nbased retrieval of Recall@20 is +10.1 on unsu-\\npervised dense retrievers and +2.2 on supervised\\nretrievers. Furthermore, we observe a distinct ad-\\nvantage in downstream QA performance when us-\\ning proposition-based retrieval, as elaborated in §6.\\nGiven the often limited input token length in lan-\\nguage models, propositions inherently provide a\\nhigher density of question-relevant information.\\nOur main contributions in the paper are:\\n•We propose using propositions as retrieval units\\nwhen indexing a retrieval corpus to improve the\\ndense retrieval performance.\\n•We introduce FACTOID WIKI, a processed En-\\nglish Wikipedia dump, where each page is seg-\\nmented into multiple granularities: 100-word pas-\\nsages, sentences and propositions.', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='cd18d159-63fc-429a-8ee7-c6623289f47c', embedding=[0.0026314205024391413, 0.008107159286737442, 0.015464916825294495, -0.023503949865698814, -0.011642971076071262, 0.025534145534038544, 0.006093994714319706, 0.0015558592276647687, -0.019729692488908768, -0.03962288796901703, 0.004503220319747925, 0.036707036197185516, -0.010471180081367493, -0.001329335616901517, 0.0014979509869590402, 0.006758236791938543, 0.01545129157602787, 0.010532494634389877, 0.01075731497257948, -0.012521813623607159, 0.0009631509310565889, -0.02342219650745392, -0.009858033619821072, -0.012746634893119335, 0.01027361024171114, 0.004946048371493816, 0.043111011385917664, -0.013734481297433376, 0.0050141760148108006, 0.0005982436123304069, 0.01449750829488039, -0.004833638202399015, -0.02580665424466133, -0.02124211937189102, 0.006584512069821358, 0.014538384974002838, 0.007964091375470161, 0.00099125353153795, 0.005763577297329903, -0.01557392068207264, 0.01810825988650322, 0.024662114679813385, 0.002607575850561261, -0.01296464167535305, 0.0037572255823761225, -0.010280422866344452, -0.004929016809910536, -0.01945718191564083, -0.011206955648958683, -0.0018172981217503548, -0.0035835006274282932, 0.025629524141550064, -0.0380423329770565, 0.005606884136795998, -0.009830782189965248, -0.001474957913160324, -0.013243963941931725, 0.016336947679519653, -0.010675561614334583, -0.028831511735916138, 0.018653279170393944, 0.007112499326467514, -0.009714965708553791, 0.02858625166118145, -0.018380768597126007, -0.019280051812529564, -0.013380219228565693, -0.004567941650748253, 0.007255566772073507, -0.008188911713659763, 0.02170538529753685, 0.024198848754167557, 0.0019024573266506195, -0.011847352609038353, 0.03267389535903931, -0.020819729194045067, 4.3431209633126855e-05, -0.003394447034224868, -0.010600621812045574, 0.017535990104079247, -0.0018666904652491212, -0.011193330399692059, 0.012051735073328018, 0.04360152781009674, 0.026760438457131386, 0.0103212995454669, 0.014047867618501186, 0.02764609456062317, 0.003815133823081851, -0.009169946424663067, -0.006063337437808514, 0.010941258631646633, 0.017304357141256332, 0.00983759481459856, 0.005760170519351959, 0.01863965392112732, -0.01545129157602787, 0.042838502675294876, 0.011050262488424778, -0.04188472032546997, -0.01301233097910881, 0.014020616188645363, -0.04545459523797035, 0.0007238535326905549, -0.0021221681963652372, 0.005256027914583683, 0.008999628014862537, -0.018803158774971962, -0.000855424499604851, -0.013502848334610462, -0.010546119883656502, 0.03667978569865227, 0.0027267986442893744, -0.01789025217294693, 0.015560295432806015, -0.004407842177897692, -0.004935829434543848, -0.01171109825372696, 0.0020421184599399567, -0.013584601692855358, 0.02095598541200161, -0.008699867874383926, 0.018462521955370903, -0.012951016426086426, 0.028640754520893097, -0.005286685191094875, -0.01682746596634388, -0.030548321083188057, -0.0180128812789917, -0.012283368036150932, -0.01654133014380932, 0.028231989592313766, -0.0032786305528134108, 0.022223154082894325, -0.018367143347859383, 0.022686420008540154, 0.0014017210341989994, 0.008291102945804596, -0.016445951536297798, -0.030766328796744347, 0.023640204221010208, -0.0087407436221838, -0.029294777661561966, -0.006717360578477383, -0.005777202546596527, 0.03158385679125786, 0.028668005019426346, 0.00465991348028183, 0.0054195336997509, 0.01440212968736887, 0.011615719646215439, -0.007950466126203537, -0.004704196006059647, 0.0124196233227849, 0.01904841884970665, -0.005630728788673878, -0.010423490777611732, 0.03787882998585701, -0.025452392175793648, -0.017413360998034477, 0.027673345059156418, 0.00692855566740036, 0.005910051055252552, 0.0053139361552894115, 0.019184673205018044, 0.028204739093780518, 0.025724902749061584, 0.019811443984508514, -0.009462893940508366, -0.02320418879389763, -0.005365031771361828, 0.019416306167840958, -0.008113971911370754, 0.01923917420208454, 0.0021477160044014454, 0.009612774476408958, 0.032701145857572556, 0.0017985630547627807, -0.0206425990909338, -0.008733930997550488, 0.0019893196877092123, -0.0009401579736731946, 0.025997411459684372, 0.01062105968594551, -0.006632201373577118, -0.012957829050719738, 0.008890624158084393, 0.003419994842261076, 0.005324155557900667, -0.011329584755003452, 0.0018956445856019855, 0.004240930080413818, 0.0022703453432768583, -0.0033876344095915556, -0.6444305777549744, -0.0013438127934932709, 0.010035164654254913, -0.029049519449472427, 0.005518318619579077, 0.01711359992623329, 0.008502298034727573, 0.005007362924516201, -0.012773885391652584, 0.042211730033159256, -0.0027267986442893744, -0.017222603783011436, -0.006056524813175201, 0.015355913899838924, -0.02858625166118145, -0.017740372568368912, -0.02496187575161457, -0.00195866241119802, 0.013073645532131195, -0.008481860160827637, -0.024948250502347946, 0.024416856467723846, -0.02899501658976078, 0.0010236139642074704, -0.009503770619630814, 0.014102369546890259, 0.010614247061312199, -0.01515153143554926, -0.0032530827447772026, 0.003828759305179119, -0.0025190101005136967, 0.01062105968594551, 0.022877177223563194, 0.006281345151364803, 0.05014175921678543, -0.004148957785218954, -0.00983759481459856, -0.007350945379585028, 0.013339342549443245, 0.02177351340651512, -0.029540035873651505, -0.016432326287031174, 0.02039734087884426, -0.0216781347990036, 0.0053752511739730835, 0.006676483899354935, 0.017222603783011436, -0.0005156391998752952, -0.0035937197972089052, -0.006659452337771654, 0.002203921088948846, 0.008406919427216053, -0.007289630826562643, -0.012951016426086426, 0.0010815223213285208, 0.015369539149105549, 0.027046574279665947, -0.03727930784225464, -0.00805265735834837, -0.013203088194131851, -0.003580094315111637, -0.016432326287031174, -0.014238623902201653, 0.007657518610358238, -0.034826721996068954, 0.01660945825278759, 0.005252621602267027, -0.0044521247036755085, 0.033736683428287506, -0.06006110459566116, -0.0021017298568040133, 0.027904978021979332, 0.00034276593942195177, -0.034417957067489624, -0.005256027914583683, 0.007773335091769695, 0.014770017936825752, -0.01651407964527607, -0.0069183362647891045, 0.01754961535334587, 0.002587137511000037, -0.021105865016579628, -0.03785157576203346, 0.0026671872474253178, 0.010982135310769081, -0.003767444519326091, -0.008686241693794727, 0.034417957067489624, 0.007909589447081089, 0.02252291515469551, 0.010730063542723656, -0.0029771667905151844, -0.016841091215610504, -0.01057337038218975, -0.004356746561825275, 0.012603566981852055, -0.025288887321949005, 0.0030163400806486607, 0.02148737758398056, -0.02023383416235447, -0.0019365210318937898, -0.027387211099267006, 0.010818629525601864, 0.014156871475279331, 0.008515923283994198, 0.01776762306690216, 0.010280422866344452, -0.009687714278697968, -0.002105136401951313, -0.02004307694733143, 0.01354372501373291, -0.017467861995100975, -0.009456081315875053, -0.010580183938145638, -0.016336947679519653, -0.029894297942519188, 0.012930578552186489, 0.012555877678096294, -0.007044372148811817, -0.012746634893119335, -0.008222975768148899, -0.005559194833040237, -0.0034813096281141043, -0.012692132964730263, 0.0005130844074301422, 0.012038109824061394, 0.02095598541200161, -0.01215392630547285, -0.006506165489554405, 0.002702954225242138, 0.010110104456543922, -0.014729141257703304, 0.020465467125177383, -0.0017363968072459102, 0.022999806329607964, -0.012467311695218086, 0.0089791901409626, -0.0137617327272892, 0.015369539149105549, -0.018380768597126007, -0.04420104995369911, -0.02532976306974888, 0.011881416663527489, -0.0328374020755291, -0.013066832907497883, -0.03662528470158577, -0.011649783700704575, -0.015533044934272766, -0.0069421809166669846, -0.012378746643662453, -0.009810344316065311, -0.014960774220526218, -0.0015277566853910685, -0.002691031899303198, -0.016568580642342567, -0.0016469795955345035, -0.02508450485765934, -0.026569681242108345, 0.005749951582401991, -0.03297365456819534, -0.02208689972758293, 0.021351123228669167, -0.012113049626350403, 0.0227409228682518, -0.0012918655993416905, -0.03343692421913147, 0.005129992496222258, 0.012971455231308937, -0.017876626923680305, -0.036734286695718765, 0.011384086683392525, -0.004520252346992493, 0.016500454396009445, 0.024920998141169548, -0.005763577297329903, 0.0004547503194771707, -0.0317201130092144, -0.0032718179281800985, -0.01998857595026493, -0.027319082990288734, 0.0047416663728654385, 0.00620981166139245, -0.026637809351086617, -0.004455531015992165, 0.012678506784141064, 0.022877177223563194, 0.014238623902201653, 0.01249456312507391, -0.002679109573364258, 0.008386481553316116, 0.015560295432806015, 0.026256294921040535, -0.012051735073328018, 0.009680901654064655, -0.015001650899648666, 0.02411709539592266, 0.03169286251068115, 0.0059883976355195045, -0.009858033619821072, 0.032047122716903687, 0.015996310859918594, 0.011411337181925774, -0.005790828261524439, -0.04109444096684456, 0.005024394951760769, -0.007112499326467514, 0.013141773641109467, -0.03201987221837044, 0.0004973299219273031, 0.00778696034103632, 0.011969982646405697, -0.023340443149209023, -0.05117729306221008, -0.007235128898173571, -0.0127125708386302, 0.03973189368844032, -0.005279872566461563, 0.014701890759170055, -0.016091689467430115, -0.0017440611263737082, 0.00840010680258274, -0.00032445669057779014, 0.012078986503183842, 0.01015098113566637, -0.02139200083911419, -0.0020523376297205687, 0.0142795005813241, 0.004329495597630739, 0.02561589889228344, -0.014156871475279331, -0.012051735073328018, 0.04079468175768852, 0.02023383416235447, 0.010689186863601208, -0.008291102945804596, 0.004779136274009943, 0.018258139491081238, 0.0011334693990647793, 0.015424041077494621, -0.010709625668823719, 0.0013966114493086934, 0.011527154594659805, -0.0017491707112640142, -0.021405626088380814, 0.01779487356543541, -0.011254644952714443, 0.029294777661561966, 0.013993365690112114, -0.01158846914768219, 0.019089294597506523, -0.005279872566461563, 0.013557350262999535, -0.008747557178139687, -0.0148108946159482, 0.015533044934272766, -0.012412810698151588, 0.005143617745488882, 0.03425445035099983, 0.013421095907688141, 0.044773321598768234, 0.03092983365058899, -0.018339892849326134, 0.0040910495445132256, -0.01418412197381258, 0.022945305332541466, 0.007861901074647903, 0.022877177223563194, -0.021664509549736977, -0.01523328386247158, 0.02017933316528797, 0.007528076414018869, -0.0029158522374927998, 0.0029839796479791403, -0.0163914505392313, 0.004670132417231798, 0.02552052028477192, -0.009544647298753262, 0.0285590011626482, 0.0016197286313399673, 0.010389426723122597, -0.02721007913351059, -0.0381513386964798, 0.016159815713763237, 0.022918052971363068, 0.001733842073008418, -0.01617344282567501, -0.011656596325337887, -0.007241941522806883, -0.021010486409068108, -0.0006289009470492601, -0.022223154082894325, -0.0018837222596630454, -0.003343351650983095, -0.015274160541594028, -0.018462521955370903, 0.008291102945804596, 0.02795948088169098, 0.006959212943911552, 0.004060392268002033, 0.013904799707233906, -0.019007541239261627, 0.008359231054782867, -0.02652880549430847, 0.01892578788101673, 0.057499516755342484, 0.0007911293068900704, -0.019211923703551292, -0.01440212968736887, 0.014456631615757942, -0.0010874834842979908, 0.02358570136129856, -0.0011232503456994891, -0.005668198689818382, 0.011390899308025837, 0.009939786046743393, 0.013209900818765163, -0.0013054910814389586, 0.0006625388632528484, 0.0380968376994133, 0.00048753662849776447, 0.016377823427319527, -0.02139200083911419, 0.013523287139832973, 0.013141773641109467, 0.04387404024600983, 0.04714415222406387, -0.00857042521238327, 0.01598268561065197, -0.013502848334610462, 0.016364198178052902, -0.019634313881397247, -0.01564204879105091, 0.019089294597506523, -0.0067343926057219505, -0.021119490265846252, -0.018626028671860695, 0.015069778077304363, -0.015083404257893562, 0.028313742950558662, 0.005232183262705803, -0.007398634217679501, -0.0056239161640405655, 0.009919348172843456, -0.016909217461943626, 0.004077424295246601, -0.005388876423239708, 0.003307584673166275, 0.03422719985246658, -0.015301411971449852, -0.019211923703551292, 0.02786410227417946, 0.02517988346517086, 0.01471551600843668, -0.035044729709625244, -0.015478543005883694, -0.014006990939378738, 0.0029158522374927998, -0.003801508340984583, -0.020438216626644135, 0.010334924794733524, 0.02464848943054676, 0.012412810698151588, 0.02230490744113922, 0.007003495469689369, 0.0089791901409626, 0.03627102077007294, 0.018312642350792885, -0.009728590957820415, 0.0030197466257959604, 0.008876998908817768, 0.0063494727946817875, 0.010852692648768425, 0.01154077984392643, 0.0010721547296270728, 0.0004428280226420611, 0.007534889038652182, -0.013720856048166752, -0.013918425887823105, -0.007855087518692017, 0.0026143884751945734, -0.01471551600843668, 0.009156321175396442, -0.010035164654254913, -0.029485533013939857, 0.0009750732569955289, -0.027346333488821983, 0.010709625668823719, -0.005058458540588617, 0.002834099344909191, -0.032919153571128845, -0.008039032109081745, 0.006700328551232815, -0.03414544835686684, 0.004779136274009943, -0.0010764127364382148, -0.011867791414260864, -0.047743674367666245, -0.015996310859918594, 0.019402680918574333, 0.0243623536080122, 0.008475047536194324, -0.02039734087884426, 0.006076963152736425, 0.006959212943911552, -0.02240028604865074, -0.026515180245041847, -0.0014885833952575922, -0.023163313046097755, 0.018190013244748116, -0.0005675863358192146, -0.011206955648958683, -0.010627872310578823, -0.02180076390504837, -0.006707141641527414, -0.007991342805325985, -0.006448257248848677, 0.0038355719298124313, -0.011704285629093647, 0.003804914653301239, 0.013209900818765163, 0.023463072255253792, 0.01938905566930771, -0.011860978789627552, -0.021855266764760017, 0.005307123530656099, 0.02039734087884426, 0.0015158343594521284, -0.04673538729548454, 0.027387211099267006, 0.01569654978811741, 0.018653279170393944, 0.005814672447741032, 0.011717910878360271, -0.012658068910241127, 0.009755842387676239, -0.023558450862765312, 0.014238623902201653, -0.0034949351102113724, 0.02230490744113922, 0.005773796234279871, 0.01786300167441368, 0.017535990104079247, 0.017059098929166794, -0.027046574279665947, -0.025752153247594833, -0.017086349427700043, 0.023381320759654045, 0.0031440788879990578, -0.016118939965963364, 0.021732637658715248, -0.017249854281544685, -0.00949014537036419, -0.00797771755605936, -0.009047317318618298, -0.01053930725902319, 0.04420104995369911, -0.00988528411835432, -0.018121885135769844, -0.008761182427406311, -0.005174275022000074, -0.002234578365460038, -0.013393844477832317, -0.02520713396370411, 0.025288887321949005, 0.0061723412945866585, -0.006860428024083376, -0.010205483064055443, -0.005634135100990534, 0.010593809187412262, -0.027005696669220924, -0.029676290228962898, 0.037769824266433716, 0.005211745388805866, 0.006921742577105761, 0.00663901399821043, -0.0003436175175011158, -0.03771532326936722, -0.01024635974317789, -0.010137355886399746, -0.0259292833507061, -0.010062415152788162, 0.008638553321361542, 0.047498416155576706, 0.006768456194549799, 0.050741277635097504, 0.0040910495445132256, 0.0005399095825850964, 0.0031730332411825657, 0.005436565726995468, 0.0013761732261627913, -0.0002278009633300826, -0.022182278335094452, -0.030957086011767387, 0.013823047280311584, 0.008543174713850021, 0.0043805912137031555, 0.010995760560035706, 0.018816784024238586, 0.027537090703845024, 0.04717140272259712, -0.01397974044084549, 0.0030163400806486607, -0.015560295432806015, -0.008652178570628166, -0.03152935579419136, 0.026392551138997078, 0.019157420843839645, -0.008679429069161415, -0.05635497719049454, 0.010661936365067959, 0.019062044098973274, -0.015723802149295807, 0.0023010026197880507, -0.0009750732569955289, 0.04444630816578865, -0.02092873305082321, 0.003603938966989517, -0.00895875133574009, -0.0004713563830591738, -0.014511133544147015, -0.0020557439420372248, -0.021746262907981873, -0.008645365945994854, 0.03005780465900898, 0.0016197286313399673, -0.010661936365067959, 0.009095006622374058, 0.006189373321831226, -0.012767072767019272, -0.027986731380224228, -0.01735885813832283, -0.008141223341226578, 0.001239918521605432, -0.020751602947711945, -0.021868892014026642, -0.019947700202465057, -0.0007587688160128891, -0.0007217245292849839, 0.017713120207190514, 0.0097899055108428, -0.0020301961340010166, 0.019688814878463745, -0.018653279170393944, -0.02783685177564621, 0.006972838193178177, -0.0008034773636609316, 0.01692284271121025, 0.0011845650151371956, 0.013516473583877087, 0.01600993610918522, 0.02020658366382122, -0.01576467789709568, 0.01005560252815485, -0.010437116026878357, -0.0035051540471613407, 0.002231172053143382, 0.00988528411835432, -0.009871658869087696, -0.02151462994515896, 0.01062105968594551, 0.026229044422507286, -0.01936180330812931, -0.04076743125915527, 0.01396611426025629, 0.012160738930106163, 0.02467573992908001, 0.003549437038600445, -0.005296904593706131, -0.02402171678841114, 0.009163133800029755, -0.002832396188750863, 0.005150430370122194, 0.001489435089752078, 0.015505793504416943, -0.007235128898173571, 0.02761884406208992, -0.006005429197102785, 0.010709625668823719, -0.012869263999164104, -0.004714415408670902, -0.001098554115742445, 0.018094634637236595, -0.025765778496861458, 0.00633244076743722, -0.00044666018220596015, 0.046462878584861755, -0.028095735237002373, 0.0057363263331353664, -0.00032637277035973966, 0.0018547681393101811, -0.033736683428287506, 0.022822674363851547, -0.010852692648768425, 0.025983786210417747, -0.020560845732688904, 0.00012060676817782223, 0.006863834336400032, -0.004973299335688353, 0.01332571730017662, -0.04256599396467209, -0.013421095907688141, -0.011642971076071262, -0.0038832612335681915, 0.014170496724545956, 0.036298271268606186, 0.004615630488842726, -0.013339342549443245, -0.01726347953081131, 0.022100524976849556, 0.004527064971625805, -0.01363910362124443, -0.008767995052039623, 0.01244687382131815, -0.02564314939081669, -0.00827066507190466, 0.010048789903521538, 0.010266797617077827, 0.014606512151658535, -0.021024111658334732, -0.012078986503183842, 0.0037231617607176304, 0.03932312875986099, -0.02308155968785286, 0.010559745132923126, -0.0031730332411825657, -0.0011522044660523534, -0.026596931740641594, -0.0009137585875578225, -0.005559194833040237, 0.012378746643662453, 0.03512648120522499, -0.017249854281544685, -0.014374879188835621, -0.008924688212573528, -0.012862451374530792, 0.01714085042476654, 0.0006191076245158911, -0.0037367872428148985, 0.024226099252700806, -0.02001582644879818, 0.010171419009566307, 0.001224589766934514, -0.00713975029066205, 0.03261939436197281, 0.012044922448694706, -0.004864295478910208, 0.03370943292975426, -0.03935037925839424, 0.016146190464496613, 0.00936751626431942, -0.002493462525308132, -0.009844407439231873, -0.041366949677467346, 0.00463606882840395, -0.031856365501880646, -0.0036380025558173656, -0.03834209591150284, -0.028858762234449387, 0.0032326446380466223, -0.01418412197381258, -0.0026365299709141254, 0.029349278658628464, 0.009292575530707836, 0.001485177082940936, 0.016623083502054214, -0.014075118117034435, 0.005651167128235102, 0.004854076541960239, -0.025793028995394707, -0.007698394823819399, -0.012194802984595299, 0.009694527834653854, -0.02701932191848755, -0.013707230798900127, -0.015097029507160187, 0.03049382008612156, 0.012855637818574905, -0.025261634960770607, -0.0206425990909338, 0.00988528411835432, -0.03539898991584778, -0.011472652666270733, 0.01022592093795538, 0.012487750500440598, 0.003394447034224868, 0.01158846914768219, -0.010409864597022533, 0.025602273643016815, 0.0027778942603617907, 0.013918425887823105, -0.030384816229343414, -0.005392282735556364, 0.012038109824061394, -0.018162762746214867, 0.022509289905428886, -0.006983057130128145, -0.038205839693546295, -0.005528537556529045, 0.007902776822447777, -0.01302595715969801, 0.008257039822638035, 0.03828759118914604, -0.012562690302729607, 0.0026757032610476017, -0.031038837507367134, 0.029076769948005676, 0.02674681320786476, -0.009680901654064655, -0.005773796234279871, -0.023354068398475647, -0.0034727936144918203, -0.0036448154132813215, -0.009360703639686108, -0.023912712931632996, 0.028531750664114952, -0.006843395996838808, 0.02286355197429657, 0.01923917420208454, -0.01080500427633524, -0.0034983414225280285, 0.006022461224347353, -0.001371063757687807, 0.028858762234449387, 0.002919258549809456, -0.0031491885893046856, 0.010723250918090343, 0.018571525812149048, 0.007378196343779564, -0.03346417471766472, 0.004295432008802891, -0.028831511735916138, 0.01745423674583435, 0.011002573184669018, 0.0020250866655260324, 0.0010449038818478584, -0.02088785730302334, 0.01716810278594494, -0.0012433248339220881, -0.006053118500858545, 0.011908667162060738, -0.003465980989858508, -0.012916953302919865, 0.027605218812823296, 0.03275564685463905, -0.04079468175768852, 0.002834099344909191, -0.01757686585187912, -0.006189373321831226, -0.002917555393651128, 0.009129069745540619, 0.00544337835162878, -0.014579261653125286, 0.025479642674326897, -0.00831835437566042, -0.014606512151658535, 0.0023657234851270914, 0.0007553624454885721, 0.0327829010784626, 0.005947520956397057, 0.012078986503183842, 0.17887526750564575, -0.024103470146656036, 0.005906644742935896, 0.01692284271121025, 0.008045844733715057, -0.0020438216160982847, 0.02380370907485485, -0.0010789674706757069, -0.024716617539525032, 0.00345235550776124, -0.013046395033597946, -0.01789025217294693, -0.021664509549736977, -0.0009248292772099376, 0.017181728035211563, -0.008549987338483334, -0.033981941640377045, -0.046272121369838715, -0.035017479211091995, 0.00797771755605936, -0.0003455335972830653, -0.005361625459045172, 0.016977345570921898, -0.008904249407351017, 0.016118939965963364, -0.00690471101552248, 0.023980841040611267, -0.020274711772799492, -0.0010610840981826186, 0.031229594722390175, -0.005099335219711065, -0.004288618918508291, 0.00537184439599514, 0.0019245987059548497, -0.007855087518692017, 0.017004596069455147, -0.0013676573289558291, 0.003787882858887315, 0.0360257625579834, -0.006438038311898708, 0.028013981878757477, -0.005072084255516529, -0.014783643186092377, -0.00418302183970809, -0.009163133800029755, 0.023653829470276833, -0.01607806421816349, 0.00389348017051816, 0.004520252346992493, -0.001841142657212913, -0.029512785375118256, 0.01566929928958416, 0.03199262171983719, -0.003438730025663972, -0.02689669281244278, -0.002341879066079855, -0.017617743462324142, -0.0012876075925305486, 0.00757576571777463, -0.00342851085588336, -0.0444190576672554, 0.0017917503137141466, -0.008263852447271347, 0.02674681320786476, 0.0007894260925240815, 0.004789355210959911, 0.0005667346995323896, 0.009408392012119293, -0.005773796234279871, -0.027904978021979332, -0.00446575041860342, -0.012208428233861923, -0.012855637818574905, 0.013312092050909996, -0.006836583372205496, -0.01829901710152626, 0.03030306287109852, 0.00857042521238327, 0.0148108946159482, -0.011459026485681534, -0.009217635728418827, -0.0055830394849181175, -0.02001582644879818, -0.0023929744493216276, -0.017222603783011436, -0.016963720321655273, 0.02248203754425049, -0.004745072685182095, -0.0008239155868068337, -0.017208978533744812, -0.002595653524622321, -0.023408571258187294, -0.026160918176174164, -0.025479642674326897, 0.00961958710104227, -0.012991893105208874, 0.010988947935402393, 0.025684025138616562, -0.004114894196391106, -0.009210823103785515, -0.014361253939568996, 0.07483112066984177, 0.03362767770886421, 0.03997715190052986, 0.008393294177949429, -0.0012518407311290503, -0.013843485154211521, -0.008951938711106777, 0.018217263743281364, -0.016745712608098984, 0.019429931417107582, -0.030739078298211098, 0.012426435947418213, 0.0068263644352555275, 0.006022461224347353, 0.014156871475279331, 0.011554405093193054, -0.0058112661354243755, 0.016718462109565735, 0.0011930809123441577, -0.02389908768236637, -0.039486635476350784, 0.0008507407619617879, 0.009265325032174587, 0.015383164398372173, -0.009796718135476112, -0.0026314205024391413, 0.014374879188835621, -0.028640754520893097, -0.005157243460416794, 0.02505725435912609, -0.02614729106426239, 0.03302815929055214, 0.0063562854193151, 0.0013906502863392234, -0.007330507040023804, -0.023912712931632996, -0.004915391094982624, -0.02252291515469551, -0.0019245987059548497, 0.014906272292137146, -0.009026879444718361, -0.002219249727204442, 0.025043627247214317, 0.0028630534652620554, -0.0030861706472933292, 0.0005101038259454072, 0.021787138655781746, -0.009762655012309551, -0.028722507879137993, 0.022659169510006905, -0.0111320149153471, -0.0026092790067195892, -0.006121245678514242, 0.006032680161297321, -0.01595543511211872, -0.013850297778844833, -0.01232424471527338, -0.007521263789385557, 0.0113704614341259, -0.043301768600940704, 0.006850209087133408, 0.023858211934566498, -0.012726196087896824, -0.022413911297917366, -0.005245808977633715, -0.173752099275589, 0.010641498491168022, 0.04063117504119873, -0.03343692421913147, 0.0077597093768417835, 0.012685319408774376, 0.038015082478523254, -0.020465467125177383, -0.005726106930524111, -0.02139200083911419, 0.009169946424663067, -0.038451097905635834, -0.03158385679125786, -0.02771422266960144, 0.0018939414294436574, -0.01079137809574604, -0.0111320149153471, 0.016650334000587463, 0.030739078298211098, 0.028313742950558662, 0.03509923070669174, -0.046680886298418045, 0.015846431255340576, -0.01610531471669674, -0.0054195336997509, -0.013080459088087082, -0.012256117537617683, 0.01180647686123848, -0.010655123740434647, -0.026378925889730453, 0.01895304024219513, -0.012167551554739475, 0.026474302634596825, -0.005157243460416794, -0.013795795850455761, 0.009701340459287167, -0.006294970866292715, 0.014456631615757942, -0.01764499396085739, 0.01685471646487713, 0.019647939130663872, 0.04640837758779526, 0.021664509549736977, -0.01810825988650322, -0.03447245806455612, 0.0012807949678972363, -1.383837570756441e-05, -0.00223287520930171, 0.007201064843684435, -0.013707230798900127, -0.018966665491461754, -0.012957829050719738, 0.01471551600843668, 0.004540690686553717, -0.006778675131499767, -0.005981584545224905, -0.01738611049950123, 0.01419774815440178, -0.016663959249854088, 0.006373317446559668, -0.005722700618207455, -0.02786410227417946, 0.050305262207984924, 0.01179285068064928, 0.022441161796450615, -0.019906822592020035, -0.01149309054017067, -0.004319276660680771, -0.016405075788497925, -0.013366593979299068, -0.016582205891609192, -0.012576315551996231, 0.008440983481705189, 0.0027744879480451345, 0.005845330189913511, 0.02940378151834011, -0.001595032517798245, 0.03196537122130394, -0.004322682972997427, -0.016868341714143753, -0.012256117537617683, 0.01641870103776455, -0.005569414235651493, 0.005082303192466497, -0.0005752506549470127, -0.017127225175499916, -0.0030299655627459288, -0.0039547947235405445, -0.015873681753873825, -0.01337340660393238, 0.030139556154608727, -0.03256489336490631, -0.008440983481705189, 0.0026229044888168573, 0.010600621812045574, 0.014865396544337273, -0.004758697934448719, 0.007105686701834202, 0.006506165489554405, -0.0296217892318964, -0.008277477696537971, -0.0044895950704813, -0.020792478695511818, -0.011670221574604511, 0.03850559890270233, 0.007241941522806883, -0.009333452209830284, 0.004063798580318689, 0.026011036708950996, -0.0159145575016737, 0.010968510061502457, -0.01670483499765396, 0.023313192650675774, 0.008563612587749958, -0.009565085172653198, 0.03330066800117493, -0.013366593979299068, -0.006271126214414835, 0.02255016565322876, 0.0006663710228167474, 0.0636582300066948, -0.01201085839420557, -0.00220903055742383, -0.008107159286737442, 0.014960774220526218, -0.012405997142195702, -0.12132125347852707, -0.026406176388263702, -0.015069778077304363, 0.033327918499708176, -0.019838696345686913, 0.016336947679519653, 0.00858405139297247, 0.020342838019132614, -0.03158385679125786, 0.04278400167822838, -0.007057997398078442, -0.0054263463243842125, 0.009769467636942863, -0.010477992706000805, 0.014088744297623634, -0.01680021360516548, 0.011438588611781597, -0.02580665424466133, -0.004997143987566233, 0.030602823942899704, 0.007180626969784498, -0.011356836184859276, 0.0087407436221838, 0.00345235550776124, -0.010866318829357624, 0.026814939454197884, -0.011159266345202923, 0.0054672230035066605, 0.015069778077304363, -0.002944806357845664, 0.017195353284478188, -0.012957829050719738, 0.012678506784141064, -0.016473202034831047, 0.01885766163468361, -0.010546119883656502, -0.032701145857572556, -0.008543174713850021, 0.03368218243122101, -0.007752896752208471, -0.0020165706519037485, 0.018026506528258324, 0.0007511044386774302, 0.005579633172601461, 0.009129069745540619, -0.01967518962919712, -0.01232424471527338, 0.025220759212970734, 0.014075118117034435, -0.017590491101145744, -0.010614247061312199, -0.01184053998440504, -0.005848736502230167, 0.019620688632130623, 0.0006046305643394589, 0.017277106642723083, 0.007194252219051123, 0.0051981196738779545, -0.015287785790860653, 0.0017432095482945442, -0.03667978569865227, -0.00852273590862751, -0.010110104456543922, 0.003518779529258609, 0.037551816552877426, -0.004343120846897364, -0.015097029507160187, -0.02124211937189102, -0.0015124280471354723, -0.016187068074941635, -0.0021170584950596094, 0.0037231617607176304, -0.008686241693794727, 0.016364198178052902, -0.0092721376568079, -0.009551459923386574, -0.01380942203104496, -0.02686944231390953, 0.006431225687265396, -0.015396789647638798, -0.02088785730302334, -0.02351757511496544, 0.014851770363748074, -0.0045883795246481895, 0.02049271948635578, 0.024103470146656036, 0.012617192231118679, -0.02755071595311165, 0.006305189803242683, -0.02402171678841114, 0.00857042521238327, 0.01673208735883236, -0.013577788136899471, -0.033137161284685135, -0.005416127387434244, 0.01301233097910881, -0.030657324939966202, 0.00028677372029051185, 0.011213768273591995, -0.00017915373609866947, -0.03422719985246658, -0.010798190720379353, -0.03657078370451927, 0.004292025696486235, 0.012998705729842186, -0.021323872730135918, -0.02092873305082321, 0.017208978533744812, 0.0064618829637765884, -0.008624927140772343, -0.028422746807336807, 0.039268627762794495, -0.010423490777611732, 0.0061723412945866585, -0.007950466126203537, -0.016377823427319527, -0.033109910786151886, -0.0002699547912925482, 0.02730545774102211, -0.029294777661561966, 0.012474125251173973, 0.022182278335094452, -0.0005973920342512429, 0.0062370626255869865, -0.007698394823819399, 0.008420545607805252, -0.022781798616051674, -0.005702262278646231, -0.003961607813835144, 0.03221062943339348, 0.004220491740852594, -0.016813838854432106, -0.004796168301254511, -0.031202344223856926, -0.013148586265742779, 0.022877177223563194, 0.01027361024171114, 0.015124280005693436, 0.011424963362514973, 0.011261457577347755, 0.025779403746128082, 0.024348728358745575, -0.02458036132156849, -0.02286355197429657, -0.012521813623607159, -0.011929105967283249, -0.003716349136084318, 0.014115994796156883, -0.019184673205018044, 0.004898359067738056, 0.012576315551996231, 0.002958431839942932, 0.011029824614524841, 0.016118939965963364, 0.004796168301254511, -0.017086349427700043, -0.021732637658715248, -0.0030384815763682127, 0.008856560103595257, 0.01174516137689352, -0.001985913375392556, -0.01154077984392643, 0.038859862834215164, 0.008297915570437908, 0.03169286251068115, -0.007235128898173571, 0.0074395108968019485, -0.026079164817929268, -0.017222603783011436, 0.004833638202399015, 0.005620509386062622, 0.001984210219234228, -0.0014127917820587754, 0.007555327378213406, 0.00810034666210413, 0.003419994842261076, 0.020029451698064804, -0.013148586265742779, -0.0006761643453501165, 0.004322682972997427, 0.013100896961987019, 0.007984530180692673, 0.006983057130128145, -0.007650705985724926, -0.011956356465816498, 0.013461971655488014, 0.03766082227230072, 0.02573852799832821, -0.009919348172843456, 0.020465467125177383, -0.02066984958946705, 0.014851770363748074, 0.027768723666667938, 0.02652880549430847, -0.00841373298317194, 0.014075118117034435, -0.004421467427164316, 0.001951849670149386, 0.004796168301254511, 0.02095598541200161, 0.016650334000587463, 0.004854076541960239, 0.010988947935402393, -0.007337319664657116, -0.003947982098907232, -0.028504500165581703, -0.028286492452025414, -0.009108631871640682, -0.028068484738469124, -0.03667978569865227, 0.0011556107783690095, 0.01917104795575142, 0.024403231218457222, 0.023476697504520416, 0.028449997305870056, 0.010968510061502457, -0.01354372501373291, 0.0027591593097895384, -0.01036898884922266, -0.028858762234449387, -0.022155025973916054, 0.008488672785460949, -0.0024474763777107, 0.0211467407643795, 0.03240138664841652, -0.002430444583296776, 0.020942360162734985, 0.010668748989701271, 0.020628973841667175, -0.016568580642342567, 0.023967215791344643, 9.005589527077973e-05, 0.018285391852259636, -6.77548159728758e-05, 0.0006825512973591685, -0.020152080804109573, -0.028886012732982635, -0.006819551810622215, -0.001834329916164279, 0.014674639329314232, 0.01053930725902319, 0.06305871158838272, 0.0380968376994133, -0.017317982390522957, 0.00097933120559901, -0.008870186284184456, 0.006996682845056057, 0.028886012732982635, -0.005838517099618912, 0.008604489266872406, -0.038233090192079544, 0.02667868509888649, -0.005974771920591593, 0.01680021360516548, -0.03199262171983719, -0.009026879444718361, -0.028041232377290726, -0.01019867043942213, 0.011554405093193054, -0.025438766926527023, -0.008972377516329288, 0.022223154082894325, -0.013877549208700657, 0.021650884300470352, 0.00556600745767355, -0.02633804827928543, -0.017835751175880432, 0.006901304703205824, -0.01948443241417408, -5.1042316044913605e-05, -0.027101075276732445, 0.014075118117034435, 0.01726347953081131, -0.036516278982162476, -0.03068457543849945, 0.0023503948468714952, -0.0026348268147557974, 0.003682285314425826, -0.01158846914768219, 0.007923215627670288, -0.005600071512162685, 0.006128058768808842, 0.01726347953081131, 0.0015737427165731788, -0.02383096143603325, -0.00731006870046258, 0.006618575658649206, -0.016432326287031174, -0.014320377260446548, -0.022100524976849556], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='9dd35c38-7a58-4f0c-8640-035588ef3181', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '3', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_type': 'application/pdf', 'file_size': 1103758, 'creation_date': '2024-02-25', 'last_modified_date': '2023-12-13', 'last_accessed_date': None}, hash='9d9d4f826991fff6bc427e2d674017a933ae5befd05b8f195e6552e20841838f')}, text='•We discover that retrieval by proposition outper-\\nforms passage or sentence retrieval in terms of\\ngeneralization for passage retrieval and accuracy\\nfor downstream question-answering given the\\nsame input token limit.\\n2 Proposition as a Retrieval Unit\\nThe goal of our study is to understand how the gran-\\nularity of a retrieval corpus influences the dense\\nretrieval models’ performance empirically. Aside\\nfrom commonly-used retrieval units such as 100-\\nword passage (Karpukhin et al., 2020) or sentence,\\nwe propose using proposition as an alternative re-\\ntrieval unit choice. Here, propositions represent\\natomic expressions of meanings in text (Min et al.,\\n2023) that are defined by the three principles below.\\n1.Each proposition should correspond to a distinct\\npiece of meaning in text, where the composition\\nof all propositions would represent the seman-\\ntics of the entire text.\\n2.A proposition should be minimal , i.e. it cannot\\nbe further split into separate propositions.\\n3.A proposition should be contextualized and self-\\ncontained (Choi et al., 2021). A proposition\\nshould include all the necessary context from the\\ntext (e.g. coreference) to interpret its meaning.\\nThe use of proposition as a retrieval unit is inspired\\nby a recent line of work (Min et al., 2023; Kamoi\\net al., 2023; Chen et al., 2023a,b), which finds suc-\\ncess in representing and evaluating text semantics\\nat the level of propositions. We demonstrate the\\nconcept of proposition and how a passage can be\\nsplit into its set of propositions by an example on\\nthe left side of Figure 2. The passage contains\\nthree propositions, each of which corresponds to\\na distinct factoid about the Leaning Tower of Pisa :\\nthe angle before the restoration, the current an-\\ngle, and the horizontal displacement. Within each\\nproposition, necessary context from the passage is\\nincorporated so that the meaning of the proposition\\ncan be interpreted independently of the original\\ntext, e.g. ', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='d6c9ba0d-8dc2-484d-8052-0ec23b9531c6', embedding=[0.022917799651622772, 0.0048320661298930645, 0.008166192099452019, -0.03617146611213684, -0.002529931953176856, 0.02420174889266491, -0.010313009843230247, -0.007848655804991722, -0.004438598174601793, -0.03600579500198364, 0.018693193793296814, 0.03219536691904068, 0.0015686957631260157, 0.01014733873307705, 0.0017136577516794205, 0.004952867981046438, 0.014758511446416378, -0.00797981210052967, 0.0008607117924839258, -0.018444687128067017, -0.002403952879831195, -0.026438305154442787, -0.0008300799527205527, -0.003983003087341785, 0.002585155423730612, -0.0038725559134036303, 0.037717729806900024, -0.010416554287075996, -0.002611041534692049, -0.006402487866580486, 0.007448284886777401, -0.00729642016813159, -0.02718382515013218, -0.008911711163818836, -0.004500724375247955, 0.010540807619690895, -0.015407388098537922, -0.021468179300427437, 0.006833922117948532, -0.006550901103764772, 0.030124481767416, 0.007448284886777401, 0.011113752610981464, -0.019714830443263054, -0.012673819437623024, -0.003399703884497285, -0.006647542584687471, -0.015352165326476097, -0.01805812120437622, 0.005539618898183107, -0.002837113104760647, 0.03539833799004555, -0.04796170815825462, 0.012542663142085075, -0.0010820376919582486, -0.016290966421365738, -0.018417075276374817, 0.007883170619606972, 0.010602934285998344, -0.032802827656269073, 0.0027836153749376535, -0.00456630252301693, -0.011527929455041885, 0.014937987551093102, -0.020777884870767593, -0.0015195122687146068, -0.0006471517262980342, 0.013799000531435013, -0.007372352760285139, -0.01598723605275154, 0.041749052703380585, 0.02511293813586235, -6.584768561879173e-05, -0.004790648352354765, 0.016429025679826736, -0.013881836086511612, -0.004742328077554703, 0.0038138809613883495, -0.005460234824568033, 0.012521954253315926, -0.005950344260782003, -0.013971574604511261, 0.011010208167135715, 0.028302103281021118, 0.023911824449896812, 0.009836706332862377, 0.004542142152786255, 0.03918115422129631, 0.002906142733991146, -0.00675108702853322, -0.009553685784339905, 0.007627761922776699, -0.009684841148555279, 0.009532976895570755, -0.005294564180076122, 0.01605626568198204, -0.006616479251533747, 0.019701024517416954, -0.012459828518331051, -0.03584012761712074, -0.006233365274965763, 0.011355355381965637, -0.04542142152786255, 0.003208146896213293, -0.006140175741165876, -0.005442977417260408, 0.012611692771315575, -0.013681650161743164, -0.0031563746742904186, -0.009463947266340256, -0.015807759016752243, 0.041859500110149384, 0.0032064211554825306, -0.004148674197494984, 0.011072334833443165, -0.029599856585264206, 0.018624164164066315, -0.007192875724285841, 0.009194731712341309, -0.002255539409816265, 0.03426625207066536, 0.006858082488179207, 0.021578626707196236, -0.005380850750952959, 0.04188711196184158, -0.011017111130058765, -0.019701024517416954, -0.03249909728765488, -0.029627468436956406, -0.009215440601110458, -0.007600150071084499, 0.023594290018081665, -0.022310340777039528, 0.004017517901957035, -0.01554544735699892, 0.012169904075562954, 0.0015195122687146068, 0.01593201234936714, -0.006561255548149347, -0.030704330652952194, 0.018527522683143616, -0.005608648527413607, -0.020805496722459793, -0.012715237215161324, 0.0037931720726191998, 0.027680836617946625, 0.011451996862888336, -0.00900835171341896, 0.008193803951144218, 0.004811357241123915, -0.0033444801811128855, 0.002057079691439867, 0.017768198624253273, 0.019687218591570854, 0.00809025950729847, -0.0027905183378607035, -0.013357211835682392, 0.033575959503650665, -0.019411100074648857, -0.010423457249999046, 0.020764078944921494, 0.013874933123588562, 0.02425697259604931, -0.003004509722813964, 0.03545356169342995, 0.023746155202388763, 0.027749866247177124, 0.003913973458111286, -0.0074897026643157005, -0.012646207585930824, -0.011645279824733734, 0.021261092275381088, -0.01711932010948658, 0.024767791852355003, 0.012252739630639553, 0.00726880831643939, 0.02197899855673313, 0.00024117187422234565, -0.019673412665724754, 0.0043281507678329945, -0.0068891458213329315, -0.005615551490336657, 0.01349527109414339, 0.008773651905357838, -0.007717499975115061, -0.0047630369663238525, -0.0009526073699817061, 0.014427169226109982, 0.008656301535665989, -0.008925517089664936, 0.00014550128253176808, 0.01303277350962162, 0.010112824849784374, -0.005774319171905518, -0.6472207903862, -0.002057079691439867, 0.021316315978765488, -0.04136248677968979, 0.004407534841448069, 0.023828988894820213, -0.006367973051965237, 0.01609768345952034, -0.019866695627570152, 0.03390729799866676, -0.014440975151956081, -0.016304772347211838, 0.000692883797455579, 0.0012830861378461123, -0.052710939198732376, -0.019908113405108452, -0.012887811288237572, -0.00856656301766634, 0.020860720425844193, -0.013184637762606144, -0.010105921886861324, 0.030621495097875595, -0.01801670342683792, 0.00777272367849946, 0.006088403519243002, 0.014289109967648983, 0.01924542896449566, -0.028937174007296562, -0.006057340186089277, 0.01624954864382744, 0.006164336111396551, 0.011348452419042587, 0.024519285187125206, 0.005846800282597542, 0.042605020105838776, -0.007634664885699749, -0.02414652518928051, -0.0015160607872530818, 0.01895550638437271, 0.01826521009206772, -0.025513309985399246, -0.02324914187192917, 0.01554544735699892, -0.014413363300263882, -0.009222343564033508, 0.008663204498589039, 0.006447357125580311, 0.0018379109678789973, -0.005318724550306797, -0.017533497884869576, 0.02723904885351658, -0.011458899825811386, -0.02112303301692009, -0.006274783052504063, 0.005988310556858778, 0.006205753888934851, 0.037772953510284424, -0.024740180000662804, -0.012528857216238976, -0.0055292644537985325, 0.0012313140323385596, -0.016815589740872383, -0.01727118529379368, 0.00856656301766634, -0.03136701136827469, 0.021647656336426735, 0.002876805141568184, 0.014855151996016502, 0.017367826774716377, -0.04522813856601715, 0.019673412665724754, 0.03904309496283531, -0.016567084938287735, -0.03202969580888748, -0.0028008727822452784, 0.001424596644937992, 0.008697719313204288, -0.016870813444256783, -0.012742849066853523, 0.012287254445254803, 0.00909809023141861, -0.021923774853348732, -0.033658791333436966, -0.003555020084604621, 0.019811471924185753, 0.005587939638644457, -0.016898425295948982, 0.024533091112971306, 0.013412435539066792, 0.023621901869773865, 0.02113683894276619, -0.010582225397229195, -0.008442309685051441, -0.02429839037358761, -0.0008149797795340419, 0.00911879912018776, -0.019714830443263054, -0.010796216316521168, 0.02623121626675129, -0.01408202201128006, -0.005739804357290268, -0.012045650742948055, 0.02631405182182789, -0.005653517320752144, 0.011728115379810333, 0.013709262013435364, -0.006647542584687471, 0.004725070670247078, 0.012660013511776924, -0.014178663492202759, 0.012390798889100552, -0.009146410971879959, -0.008711525239050388, 0.00022499308397527784, -0.010306106880307198, -0.033769238740205765, 0.03249909728765488, 0.0150760468095541, -0.022807352244853973, 0.005746707320213318, 0.011949009262025356, 0.007662276737391949, 0.007110040169209242, -0.00777272367849946, -0.007220487575978041, 0.007710597012192011, 0.01453761663287878, -0.002678345423191786, -0.015421194024384022, 0.010009280405938625, 0.015890594571828842, -0.010023086331784725, 0.01407511904835701, -0.005480943713337183, 0.024684956297278404, 0.0015540270833298564, 0.0035826319362968206, -0.012100874446332455, 0.027763672173023224, -0.008766748942434788, -0.04398560896515846, -0.017298797145485878, 0.0049218046478927135, -0.040893085300922394, -0.029875975102186203, -0.05942060798406601, -0.015476417727768421, 0.005795028060674667, -0.006395584903657436, 0.0019121177028864622, -0.01359881553798914, -0.00861488375812769, -0.02304205298423767, 0.005239340476691723, 0.004645686596632004, 0.0013132866006344557, -0.0151588823646307, -0.029627468436956406, -0.0064715174958109856, -0.021689074113965034, -0.0202946774661541, 0.018858864903450012, -0.016677532345056534, 0.008704622276127338, 0.005632808897644281, -0.03514983132481575, 0.00018163392087444663, 0.019549159333109856, -0.024602120742201805, -0.055775851011276245, 0.01703648455440998, -0.011997330002486706, 0.005249694921076298, 0.029958810657262802, -0.017574915662407875, 0.011410579085350037, -0.028771502897143364, -0.006833922117948532, -0.009947153739631176, -0.03401774540543556, -0.006761441472917795, 0.022765934467315674, -0.017574915662407875, -0.005242791958153248, 0.017409244552254677, 0.02195138670504093, 0.016387607902288437, 0.007896976545453072, -0.007869364693760872, 0.005581036675721407, 0.005770867690443993, 0.020432736724615097, -0.008946225978434086, -0.004949416499584913, 0.0008145483443513513, 0.011769533157348633, 0.02224131114780903, -0.009657229296863079, -0.025568533688783646, 0.024712568148970604, 0.006399036385118961, 0.01698126085102558, 0.026852482929825783, -0.020446542650461197, -0.0062299142591655254, -0.014454781077802181, 0.006854631006717682, -0.022462205961346626, 0.011907591484487057, 0.02699054218828678, 0.004293635953217745, -0.02112303301692009, -0.04694007337093353, -0.0009362128330394626, 0.0036827248986810446, 0.021316315978765488, 0.0007550103473477066, 0.011707406491041183, 0.006978884339332581, -0.02512674406170845, 0.022669292986392975, -0.015448805876076221, 0.02621741034090519, 0.01408892497420311, -0.016691338270902634, -0.01357810664921999, 0.022641681134700775, 0.007931491360068321, 0.01608387753367424, -0.018334239721298218, -0.0007084154058247805, 0.011382967233657837, 0.015186494216322899, -0.0006294629420153797, 0.005260049365460873, 0.012087068520486355, 0.019590577110648155, -0.002802598522976041, 0.023690931499004364, -0.0007554417825303972, 0.0018482652958482504, 0.01713312603533268, -0.006913306191563606, -0.033741626888513565, 0.00860107783228159, 0.00851824227720499, 0.05323556438088417, 0.021261092275381088, -0.020777884870767593, 0.009180925786495209, -0.01360571850091219, 0.009988571517169476, -0.010319912806153297, 0.005474040750414133, 0.03230581432580948, -0.008276639506220818, 0.01618051901459694, 0.025513309985399246, 0.020902138203382492, 0.03227820247411728, 0.03117373026907444, -0.00725500239059329, 0.0008486316655762494, 0.010099018923938274, 0.005829542875289917, -0.013626426458358765, 0.021937580779194832, -0.009463947266340256, -0.010237077251076698, 0.013067287392914295, -0.006302394904196262, -0.0073930611833930016, 0.01710551418364048, -0.024905851110816002, 0.02322153002023697, 0.007600150071084499, -0.006354167126119137, 0.030428212136030197, 0.012508148327469826, 0.012611692771315575, -0.012701431289315224, -0.027446135878562927, 0.014772317372262478, 0.02311108261346817, -0.003789720591157675, -0.012521954253315926, -0.012107777409255505, 0.004901095759123564, -0.020267067477107048, 0.00035420770291239023, -0.017478274181485176, -0.008815069682896137, 0.005646614823490381, -0.008739137090742588, -0.00728261424228549, -0.006198850926011801, 0.011334646493196487, 0.009450141340494156, 0.009753870777785778, -0.006019373890012503, -0.008897905237972736, 0.0007494016899727285, -0.0034445729106664658, 0.014910375699400902, 0.053787801414728165, -0.012666916474699974, -0.010527001693844795, -0.02316630631685257, 0.019562965258955956, -0.010375136509537697, 0.00732403201982379, -0.0022814255207777023, -0.0006820979178883135, 0.0026869738940149546, 0.0021571724209934473, -0.015766341239213943, 0.003104602685198188, 0.0038104294799268246, 0.030345376580953598, -0.008897905237972736, 0.01624954864382744, -0.02117825672030449, 0.005342884920537472, 0.012811878696084023, 0.03647519648075104, 0.021937580779194832, 0.006588867399841547, 0.007413770072162151, -0.02304205298423767, 0.010575322434306145, -0.015200300142168999, -0.016705144196748734, 0.03440431132912636, 0.015365970320999622, -0.00796600617468357, -0.01361262146383524, 0.019562965258955956, -0.002493691397830844, 0.005977956112474203, 0.0033703662920743227, -0.00805574469268322, -0.01997714303433895, 0.008159289136528969, -0.011486511677503586, -0.019493935629725456, 0.007227390538901091, 0.02618979848921299, 0.023566678166389465, -0.01709170825779438, -0.02012900821864605, 0.014979405328631401, 0.02921329252421856, -0.0047699399292469025, -0.045669928193092346, -0.010168047621846199, -0.012867102399468422, -0.006795956287533045, 0.010161144658923149, -0.005708741024136543, 0.01706409640610218, 0.026755841448903084, 0.01905214786529541, 0.016760367900133133, -0.007365449797362089, -0.011610765010118484, 0.012446022592484951, 0.014924181625247002, 0.00239359843544662, 0.0009318984812125564, 0.010202562436461449, 0.019507741555571556, 0.017547303810715675, 0.015352165326476097, 0.0007045325473882258, 0.012142292223870754, -0.00424876669421792, -0.005722546949982643, -0.018803641200065613, -0.004983931314200163, -0.0060366312973201275, -0.011127558536827564, 0.0035291342064738274, -0.01401299238204956, -0.017574915662407875, 0.005650066304951906, -0.024726374074816704, 0.00956749077886343, -2.893307464546524e-05, 0.0068925973027944565, -0.02734949439764023, -0.016608502715826035, 0.009222343564033508, -0.0400095097720623, -0.016691338270902634, 0.005601745564490557, -0.015904400497674942, -0.06168477609753609, -0.015918206423521042, 0.04644306004047394, 0.017312603071331978, 0.019549159333109856, -0.013778291642665863, 0.005335981957614422, 0.024615926668047905, -0.02805359661579132, -0.022683098912239075, -0.010340621694922447, -0.038656529039144516, 0.002134737791493535, 0.023815182968974113, -0.00903596356511116, -0.017671557143330574, -0.00965032633394003, -0.011845465749502182, -0.002443644916638732, 0.013937059789896011, 0.008828875608742237, -0.0016247823368757963, 0.0023815184831619263, 0.02324914187192917, 0.03410058096051216, 0.013143219985067844, -0.02218608744442463, -0.023925630375742912, -0.0030925225000828505, 0.02101258561015129, 0.010402748361229897, -0.015807759016752243, 0.034680429846048355, 0.013246764428913593, 0.02508532628417015, 0.0037448513321578503, 0.00757944118231535, -0.017450662329792976, 0.014993211254477501, -0.012604789808392525, 0.010520098730921745, -0.009450141340494156, 0.015310747548937798, 0.010002377443015575, 0.017726780846714973, 0.023511454463005066, 0.026893900707364082, -0.023359589278697968, -0.04553186893463135, -0.005463686306029558, 0.025527115911245346, -0.0035481173545122147, -0.022752128541469574, 0.010409651324152946, -0.031836412847042084, 0.00375865725800395, -0.009305179119110107, -0.0056880321353673935, -0.015421194024384022, 0.018776029348373413, -0.005605197045952082, -0.020819302648305893, -0.014261498115956783, -0.00751041155308485, 0.003204695414751768, -0.021495791152119637, -0.022337952628731728, 0.015393582172691822, 0.006046985741704702, -0.0007330072112381458, -0.021689074113965034, -0.005612100008875132, -0.008642495609819889, -0.030483435839414597, -0.03942966088652611, 0.025402862578630447, 0.006347264163196087, 0.013681650161743164, -0.009843609295785427, -0.005922732874751091, -0.016415219753980637, -0.010023086331784725, -0.0006191084976308048, -0.03114611841738224, -0.012825684621930122, -0.0035015223547816277, 0.04823782667517662, 0.00026058644289150834, 0.040865473449230194, 0.0004165499994996935, 0.0013538413913920522, 0.0010665060253813863, 0.005919281393289566, -0.001015596790239215, -0.0013210524339228868, -0.011935203336179256, -0.04130726307630539, 0.011879980564117432, 0.01896931231021881, 0.003962294198572636, 0.004272927064448595, 0.017561109736561775, 0.027929343283176422, 0.03705504536628723, -0.008918614126741886, 0.0021330120507627726, -0.02019803784787655, -0.018789835274219513, -0.02529241517186165, 0.019687218591570854, 0.007372352760285139, 0.00023254318512044847, -0.034680429846048355, 0.00452488474547863, -0.0014798203483223915, -0.014275304041802883, -0.00015434568922501057, 0.0006022825255058706, 0.029848363250494003, -0.03821474313735962, 0.014247692190110683, -0.004145222716033459, -0.002120931865647435, -0.029793139547109604, -0.01624954864382744, -0.01999094896018505, 0.013453853316605091, 0.020501766353845596, 0.002093320246785879, -0.00728951720520854, 0.015780147165060043, 0.0074966056272387505, -0.01698126085102558, -0.011541735380887985, -0.0062920404598116875, 0.00387945887632668, -0.03738638758659363, -0.010368233546614647, -0.019714830443263054, -0.0302073173224926, -0.01399228349328041, 0.012093971483409405, 0.03142223507165909, 0.02000475488603115, -0.010140436701476574, 0.013301988132297993, -0.023608095943927765, -0.042687855660915375, 0.019480129703879356, -0.00011702660412993282, 0.031725965440273285, 0.011244908906519413, 0.023801377043128014, 0.032747603952884674, 0.023911824449896812, -0.012073262594640255, 0.006136724259704351, -6.13782958680531e-06, 0.013868030160665512, -0.0013952591689303517, 0.01460664626210928, -0.014482392929494381, -0.026465917006134987, -7.614818605361506e-05, 0.02913045696914196, -0.027639418840408325, -0.04536619782447815, 0.02821926772594452, -0.01298445276916027, 0.0003220658400095999, -0.006443905644118786, 0.010140436701476574, -0.01600104197859764, -0.001164873130619526, -0.013046578504145145, 0.004152125678956509, 0.00041741286986507475, 0.008808166719973087, 0.0020622569136321545, 0.02022564969956875, -0.023401007056236267, 0.007821044884622097, -0.010347524657845497, -0.01703648455440998, 0.012418410740792751, -0.0012986178044229746, -0.016346190124750137, 0.02196519263088703, -0.010754798538982868, 0.03788340091705322, -0.02705957181751728, -0.004624977707862854, 0.015724923461675644, 0.0007519903010688722, -0.014206274412572384, 0.008269736543297768, 0.003430766984820366, 0.026893900707364082, -0.006827019155025482, -0.006084952037781477, 0.007455187849700451, -0.007351643871515989, 0.016304772347211838, -0.031008059158921242, -0.011231102980673313, 0.001967341173440218, -0.0006298943771980703, 0.003101151203736663, 0.033658791333436966, -0.004279830027371645, -0.004735425114631653, -0.024919657036662102, 0.006205753888934851, -0.0047664884477853775, -0.0029406575486063957, -0.010678866878151894, 0.005456783343106508, -0.030649106949567795, -0.01724357344210148, 0.0059468927793204784, 0.006720023695379496, -0.0026455563493072987, 0.002994155278429389, -0.007662276737391949, -0.0015635185409337282, 0.03699982166290283, -0.015172688290476799, 0.0150346290320158, 0.00727571127936244, -0.009774579666554928, -0.04307441785931587, 0.005287661217153072, -0.000506072654388845, 0.01797528564929962, 0.041693828999996185, -0.0038207839243113995, -0.006581964436918497, -0.010920469649136066, 0.023635707795619965, 0.023497648537158966, 0.0006661348743364215, -0.012397701852023602, 0.029655080288648605, 0.0026196702383458614, 0.015642089769244194, -0.003080442314967513, -0.009277567267417908, 0.022558847442269325, 0.005301467142999172, 0.005501652602106333, 0.04282591491937637, -0.02121967449784279, 0.012749752029776573, 0.00809025950729847, -0.0150484349578619, -0.008249027654528618, -0.04329531267285347, -0.021937580779194832, -0.03749683499336243, 0.004086547531187534, -0.031670741736888885, -0.021523403003811836, -0.01702267862856388, -0.0075449263677001, -0.0026093157939612865, 0.02596890553832054, 3.192615258740261e-05, 0.008387086912989616, 0.01560067106038332, -0.003775914665311575, 0.014482392929494381, 0.012370090000331402, -0.02616218663752079, -0.012653110548853874, -0.012011135928332806, -0.003487716428935528, -0.036696091294288635, -0.009519170969724655, -0.013819709420204163, 0.03920876607298851, 0.008739137090742588, -0.02618979848921299, -0.029655080288648605, 0.008366378024220467, -0.03636474907398224, -0.0037413998506963253, 0.008179998025298119, 0.005805382505059242, 0.022876381874084473, -0.0038414925802499056, -0.012763557955622673, 0.013398629613220692, -0.0046732984483242035, 0.003989906050264835, -0.0300692580640316, -0.000591496704146266, 0.009291373193264008, -0.019590577110648155, 0.009353499859571457, -0.010195659473538399, -0.02721143700182438, -0.013943962752819061, 0.006657897029072046, -0.00753802340477705, 0.008690816350281239, 0.03329984098672867, 6.16411998635158e-05, 0.0042280578054487705, -0.027749866247177124, 0.01803050935268402, 0.007531120441854, 0.010996402241289616, -0.0022296535316854715, -0.026907706633210182, 0.010444166138768196, 0.012031844817101955, 0.012563372030854225, -0.026673005893826485, 0.019411100074648857, -0.014744705520570278, 0.022793546319007874, 0.019645800814032555, 0.00898764282464981, -0.00907047837972641, 0.01903834193944931, 0.006647542584687471, 0.03332745283842087, -0.01353668887168169, -0.006122918333858252, 0.010416554287075996, -0.011645279824733734, 0.010430360212922096, -0.01993572525680065, 0.012252739630639553, -0.03655803203582764, 0.00390016776509583, 0.01994953118264675, -0.0038035265170037746, -0.011997330002486706, 0.005291112698614597, 0.010078310035169125, -0.011741921305656433, -0.0006350715411826968, -0.0010915292659774423, -0.01361952442675829, -0.018306627869606018, 0.02015662007033825, 0.030511047691106796, -0.022627875208854675, -0.012887811288237572, -0.0151312705129385, 0.0038449440617114305, -0.010747895576059818, 0.006374876014888287, 0.00811787135899067, -0.010768604464828968, 0.00963652040809393, -0.011776436120271683, -0.021923774853348732, 0.0020622569136321545, -7.873679714975879e-05, 0.021785715594887733, 0.00809716247022152, 0.013474562205374241, 0.19736920297145844, -0.010133533738553524, 0.0038518470246344805, 0.03310655802488327, 0.010112824849784374, -0.0007847793167456985, 0.026935318484902382, -0.0027007798198610544, -0.035508785396814346, 0.0033237712923437357, -0.009850512258708477, -0.004210800398141146, -0.02102639153599739, 0.006688960362225771, 0.010161144658923149, -0.0051841167733073235, -0.028467772528529167, -0.04150054603815079, -0.0503363236784935, -0.00430399039760232, 0.00958129670470953, -0.004121062345802784, 0.017478274181485176, -0.011949009262025356, 0.016359996050596237, -0.0014289109967648983, 0.004507627338171005, -0.019424906000494957, 0.023525260388851166, 0.015821564942598343, -0.010126630775630474, -0.00678560184314847, 0.00852514524012804, 0.012121583335101604, -0.010892857797443867, 0.0038345898501574993, 0.010533904656767845, -0.00040101836202666163, 0.03948488458991051, 0.010478680953383446, 0.005484395194798708, -0.023594290018081665, -0.015172688290476799, -0.010720284655690193, -0.011769533157348633, 0.00779343256726861, -0.007379255723208189, 0.004818260204046965, 0.01615290716290474, 0.018403269350528717, -0.027860313653945923, 0.012411507777869701, 0.042770691215991974, -0.006809762213379145, -0.017492080107331276, -0.001701577682979405, 0.002057079691439867, 0.015462611801922321, 0.013308891095221043, 0.0075035085901618, -0.024836821481585503, 0.00807645358145237, -0.010050698183476925, 0.01924542896449566, -0.00810406543314457, -0.005039155017584562, -0.010789313353598118, 0.00028431531973183155, -0.0022676195949316025, -0.016677532345056534, 0.00325474189594388, -0.01300516165792942, -0.006823567673563957, 0.023856600746512413, -0.007931491360068321, -0.020805496722459793, 0.016332384198904037, 0.004400631878525019, 0.0022538136690855026, -0.0001378433225909248, -0.004959770943969488, -0.009809094481170177, -0.009974765591323376, 0.012729043141007423, -0.00431089336052537, -0.004110707901418209, 0.026728229597210884, -0.00013029322144575417, 0.0001604936260264367, -0.011686697602272034, -0.016594696789979935, -0.021274898201227188, -0.019783860072493553, -0.0071445549838244915, 0.008318057283759117, 0.001711932010948658, -0.0032305815257132053, 0.022365564480423927, -0.017851034179329872, -0.024464061483740807, -0.002650733571499586, 0.06251313537359238, 0.029765527695417404, 0.023939436301589012, -0.0050218976102769375, 0.003342754440382123, -0.0009862591978162527, -0.0018845058511942625, 0.007199778687208891, -0.016760367900133133, 0.009305179119110107, -0.02318011224269867, 0.01815476268529892, -0.007482799701392651, 0.015490223653614521, 0.016401413828134537, -0.00780723849311471, -0.0021727040875703096, 0.006298943422734737, -0.016263354569673538, -0.015365970320999622, -0.026838677003979683, 0.02701815403997898, 0.010602934285998344, 0.008849584497511387, -0.0037517542950809, -0.020460348576307297, -0.0075449263677001, -0.014247692190110683, -0.004704361781477928, 0.024947267025709152, -0.019742442294955254, 0.02623121626675129, 0.010140436701476574, -0.017533497884869576, -0.017492080107331276, -0.02199280448257923, -0.005001188721507788, -0.020363707095384598, -0.007116943132132292, -0.0010078309569507837, -0.012446022592484951, 0.010989499278366566, 0.025596145540475845, -0.006009019445627928, -0.006916757673025131, 0.009553685784339905, 0.014882763847708702, -0.007130749057978392, -0.01909356564283371, 0.020902138203382492, -0.011030917055904865, -0.004880386870354414, -0.0045732054859399796, 0.011210394091904163, 0.009498462080955505, 0.016829395666718483, -0.01820998638868332, 0.008808166719973087, 0.010651255026459694, -0.03650280833244324, 0.008642495609819889, 0.018858864903450012, -0.004624977707862854, -0.023401007056236267, -0.020363707095384598, -0.17759914696216583, 0.020750273019075394, 0.029793139547109604, -0.018306627869606018, 0.02806740254163742, 0.008318057283759117, 0.04393038526177406, -0.017574915662407875, -0.0019207462901249528, -0.022669292986392975, -0.006278234533965588, -0.038766976445913315, -0.03249909728765488, -0.021620044484734535, -0.004096901975572109, -0.018624164164066315, -0.0014841347001492977, 0.0007183384150266647, 0.02005997858941555, 0.01992191933095455, 0.005494749639183283, -0.02723904885351658, 0.014979405328631401, -0.011231102980673313, -0.004590462893247604, 0.011486511677503586, -0.022627875208854675, -0.0037137879990041256, -0.0024125815834850073, -0.016815589740872383, 0.01352978590875864, 0.00363785563968122, 0.024560702964663506, -0.0071445549838244915, -0.0011182782473042607, 0.008884099312126637, -0.005484395194798708, 0.027929343283176422, -0.014482392929494381, 0.0202946774661541, 0.013122511096298695, 0.03586773946881294, 0.03156029433012009, -0.022779740393161774, -0.032692380249500275, 0.011065431870520115, 0.01405441015958786, -0.006119466852396727, 0.006571609992533922, -0.019466323778033257, -0.012632401660084724, -0.020902138203382492, 0.01801670342683792, -0.010547710582613945, -0.010326815769076347, -0.003551568603143096, 0.004148674197494984, 0.016705144196748734, -0.005070218350738287, 0.008442309685051441, -0.008262833580374718, -0.022876381874084473, 0.028605831786990166, -0.019604383036494255, 0.016843201592564583, -0.008725331164896488, -0.012404604814946651, -0.002899239771068096, -0.009388014674186707, -0.005667323246598244, -0.009249955415725708, -0.03548117354512215, 0.012459828518331051, 0.004945965018123388, 0.0059434412978589535, 0.01812715083360672, -0.01717454381287098, 0.0018879573326557875, 0.005667323246598244, -0.009795288555324078, -0.005563779268413782, 0.01401299238204956, 0.005867509171366692, -0.006561255548149347, 0.00227279681712389, -0.015186494216322899, -0.0006833922234363854, 0.005822639912366867, -0.016470443457365036, -0.01703648455440998, 0.040727414190769196, -0.0302073173224926, -0.0022400079760700464, 0.004196994937956333, 0.0075725382193923, 0.028881950303912163, -0.005584488157182932, 0.017657751217484474, 0.008932420052587986, -0.02527860924601555, -0.012128486298024654, -0.0001947926648426801, -0.011610765010118484, 0.010402748361229897, 0.0401199571788311, 0.021454373374581337, -0.012211321853101254, 0.008891002275049686, 0.030455823987722397, 0.010237077251076698, 0.01716073788702488, 0.005449880380183458, 0.01823759824037552, 0.01716073788702488, -0.026714423671364784, 0.04108636826276779, -0.0151036586612463, -0.012480536475777626, -0.0009776306105777621, 0.0015514384722337127, 0.05919971317052841, 0.004659492522478104, -0.012307963334023952, -0.001236491254530847, -0.0024453706573694944, 0.0049252561293542385, -0.12403223663568497, -0.04489680007100105, 0.007627761922776699, 0.02101258561015129, -0.01920401118695736, 0.00898764282464981, -0.00020590210624504834, 0.01706409640610218, -0.028688667342066765, 0.0403132401406765, -0.00702720507979393, -0.012818781659007072, 0.012031844817101955, 0.0054326229728758335, 0.014882763847708702, -0.013888739049434662, 0.013067287392914295, -0.032637156546115875, -0.014330527745187283, 0.02918568067252636, 0.0019069404806941748, -0.010457972064614296, 0.006361070089042187, 0.009802191518247128, -0.016939843073487282, 0.008179998025298119, -0.017505886033177376, 0.012943034991621971, 0.015214106068015099, -0.006447357125580311, 0.0032737248111516237, -0.011783339083194733, 0.00398645456880331, -0.00753802340477705, -8.337471808772534e-05, 0.0019449066603556275, -0.04241173714399338, 0.006212656851857901, 0.029710303992033005, 0.006716572213917971, 0.008311154320836067, 0.013446950353682041, 0.006661348510533571, -0.012294157408177853, 0.006416293792426586, -0.02427077852189541, -0.020543184131383896, 0.021564820781350136, -0.0021830585319548845, -0.013357211835682392, -0.006468066014349461, -0.01818237453699112, 0.0033703662920743227, -0.001374550280161202, 0.0054291714914143085, 0.012245836667716503, 0.0035049738362431526, 0.006102209445089102, 0.005115087144076824, 0.006568158511072397, -0.025817040354013443, -0.012936132028698921, -0.004024420864880085, -0.010810022242367268, 0.0300140343606472, -0.011500317603349686, -0.02196519263088703, -0.02311108261346817, -0.004549045115709305, -0.003551568603143096, 0.012466730549931526, 0.018568940460681915, -0.008304251357913017, 0.017367826774716377, -0.005398108158260584, -0.022890187799930573, -0.015490223653614521, -0.030538659542798996, 0.02425697259604931, -0.01825140416622162, -0.0150898527354002, -0.027694642543792725, -0.0013650587061420083, -0.012404604814946651, 0.03227820247411728, 0.022282728925347328, 0.01462045218795538, -0.00378626910969615, 0.019521547481417656, -0.029682692140340805, 0.005004640202969313, 0.006978884339332581, 0.005939990282058716, -0.03122895397245884, 0.0017421324737370014, 0.018486104905605316, -0.007165263872593641, -0.016898425295948982, 0.02109542116522789, 0.0062195598147809505, -0.04326770082116127, -0.017602527514100075, -0.041859500110149384, 0.014689481817185879, -0.008649398572742939, -0.008787457831203938, -0.03332745283842087, 0.010416554287075996, 0.0013348583597689867, -0.016774173825979233, -0.020336095243692398, 0.021302510052919388, -0.006002116482704878, -0.0033876236993819475, -0.0151588823646307, -0.007192875724285841, -0.021633850410580635, -0.01557305920869112, 0.03503938391804695, -0.01452381070703268, 0.020639825612306595, 0.015738729387521744, -0.00911879912018776, 0.009850512258708477, 0.003762108739465475, 0.010996402241289616, -0.03688937425613403, -0.013923253864049911, -0.013778291642665863, 0.01906595379114151, 0.0038518470246344805, -0.006526740733534098, 0.005988310556858778, -0.030897611752152443, -0.0150346290320158, 0.020915944129228592, 0.013771388679742813, 0.0011096495436504483, 0.015186494216322899, 0.011783339083194733, 0.019756248220801353, 0.03125656768679619, -0.019618188962340355, -0.03106328286230564, 0.004052032716572285, -0.01724357344210148, 0.001822379301302135, 0.008228318765759468, -0.01826521009206772, 0.00338244647718966, 0.0303177647292614, 0.001481546089053154, 0.01789245195686817, 0.019438711926341057, -0.00456630252301693, -0.007531120441854, -0.006740732584148645, -0.0009180926135741174, 0.013881836086511612, 0.011804047971963882, -0.00651638675481081, 0.0056259059347212315, 0.027487553656101227, -0.0014996662503108382, 0.03125656768679619, 0.009926444850862026, 0.0009206812246702611, -0.033714015036821365, -0.02602412924170494, 0.011790242046117783, 0.015186494216322899, -0.004804454278200865, 0.0025023201014846563, 0.010347524657845497, 0.0063886819407343864, -0.004096901975572109, 0.023525260388851166, -0.008642495609819889, -0.002120931865647435, 0.010927372612059116, 0.012549566105008125, 0.00699959322810173, 0.011838562786579132, -0.014965599402785301, -0.026866288855671883, 0.017298797145485878, 0.03434908762574196, 0.016787979751825333, -0.0300692580640316, 0.015186494216322899, -0.003473910503089428, 0.010630546137690544, 0.01807192713022232, 0.012680722400546074, -0.02798456698656082, 0.022600265219807625, 0.005377399269491434, -0.02097116783261299, -0.008338766172528267, 0.01460664626210928, 0.014164857566356659, 0.011417482048273087, 0.008801263757050037, -0.01297754980623722, -0.006519838236272335, -0.027528971433639526, -0.02504390850663185, -0.000435964553616941, -0.031781189143657684, -0.021551014855504036, -0.003094248240813613, 0.007924588397145271, 0.012156098149716854, 0.03633713722229004, 0.02714240737259388, 0.01408202201128006, -0.00024138759181369096, 0.006043534260243177, -0.004486918915063143, -0.013246764428913593, -0.020653631538152695, 0.015434999950230122, 0.008711525239050388, -0.00013751974620390683, 0.03399013355374336, 0.0003138686006423086, 0.02023945562541485, 0.014358139596879482, 0.016636114567518234, -0.036751314997673035, 0.016415219753980637, -0.011831659823656082, 0.0050805723294615746, 0.004138319753110409, -0.00909118726849556, -0.010464875027537346, -0.025623757392168045, -0.006147078704088926, 0.00810406543314457, 0.0022365564946085215, -0.00453178770840168, 0.08206228911876678, 0.02298682928085327, -0.02119206264615059, 0.001548849861137569, -0.017643945291638374, 0.01608387753367424, 0.016870813444256783, -0.005121990106999874, 0.011610765010118484, -0.03694459795951843, 0.016498055309057236, 0.001292577711865306, 0.013729970902204514, -0.027584195137023926, -0.008677010424435139, -0.028881950303912163, -0.005263500846922398, 0.012660013511776924, -0.01705029048025608, -0.015904400497674942, 0.00913950800895691, 0.011886882595717907, 0.014924181625247002, 0.010830731131136417, -0.02500249072909355, -0.019908113405108452, 0.00902906060218811, -0.019701024517416954, 0.005298015661537647, -0.04536619782447815, 0.011458899825811386, 0.01927304081618786, -0.041693828999996185, -0.027639418840408325, 0.021509597077965736, -0.02204802818596363, -0.008711525239050388, -0.012611692771315575, 0.0151312705129385, -0.008249027654528618, 0.0042349607683718204, 0.01615290716290474, -0.012328672222793102, -0.03434908762574196, -0.014841346070170403, 0.011700503528118134, 0.007883170619606972, -0.009215440601110458, -0.038877423852682114], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='9dd35c38-7a58-4f0c-8640-035588ef3181', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '3', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_type': 'application/pdf', 'file_size': 1103758, 'creation_date': '2024-02-25', 'last_modified_date': '2023-12-13', 'last_accessed_date': None}, hash='9d9d4f826991fff6bc427e2d674017a933ae5befd05b8f195e6552e20841838f')}, text='the reference of the tower is resolved into\\nits full mention, the Leaning Tower of Pisa , in the\\nfirst proposition. We expect each proposition to de-\\nscribe exactly one contextualized atomic fact, and\\nso our intuition is that propositions would suitably\\nwork as a retrieval unit for information-seeking\\nquestions.3 F ACTOID WIKI: Proposition-Level\\nIndex and Retrieval for Wikipedia\\nWe empirically compare the use of 100-word pas-\\nsages, sentences, and propositions as retrieval units\\non Wikipedia, a commonly-used retrieval source\\nfor knowledge-intensive NLP tasks (Petroni et al.,\\n2021). To allow for a fair comparison across gran-\\nularities, we process an English Wikipedia dump\\nfrom 2021-10-13, as used by Bohnet et al. ', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='c79d4f73-45da-4df7-b6a5-08b7c38fc325', embedding=[0.011320068500936031, 0.006428680848330259, 0.00480404170230031, -0.02522558532655239, -0.0018569803796708584, 0.02516968362033367, -0.010593348182737827, 0.01583412103354931, -0.014953671023249626, -0.04488896206021309, 0.010083246044814587, 0.05061887577176094, -0.02543521672487259, 0.010467569343745708, 0.0027479117270559072, 0.026008207350969315, 0.022500382736325264, 0.016071703284978867, 0.003497342113405466, -0.018531370908021927, 0.010292877443134785, 0.002442199969664216, -0.017441291362047195, -0.003850220935419202, 0.002597676357254386, 0.015554612502455711, 0.01579219475388527, -0.0065125334076583385, -0.014897769317030907, 0.005957011599093676, 0.011096462607383728, -0.0034082490019500256, -0.015414859168231487, -0.0033890330232679844, 0.004035394638776779, 0.014604286290705204, 0.008273432962596416, -0.015484736301004887, 0.0009651756263338029, -0.020879236981272697, 0.028286196291446686, 0.02539329044520855, 0.0037663686089217663, -0.0032510259188711643, -0.011110438033938408, -0.012235457077622414, -0.008238494396209717, -0.011816195212304592, -0.02066960744559765, 0.018461495637893677, 0.001921616611070931, 0.035357747226953506, -0.0028667026199400425, 0.011341031640768051, 0.0014534408692270517, -0.009733861312270164, 0.00666276877745986, 0.002445693826302886, -0.023828046396374702, -0.014303815551102161, 0.022360630333423615, -0.004465138074010611, -0.005894122179597616, 0.025574970990419388, -0.03527389466762543, -0.012920251116156578, -0.022570259869098663, 0.01083791721612215, 0.014911744743585587, -0.002443946897983551, 0.033037830144166946, 0.02399575151503086, -0.012032813392579556, -0.02634361758828163, 0.03340119123458862, -0.010104209184646606, -0.014289840124547482, -0.024373086169362068, -0.022192925214767456, -0.0008586132316850126, 0.01938387006521225, -0.014534409157931805, 0.005656540393829346, 0.04609084874391556, 0.02999119460582733, 0.006121222395449877, 0.007190339732915163, 0.022360630333423615, -0.014702114276587963, -0.010656237602233887, 0.0003768988826777786, 0.012326297350227833, 0.013046029955148697, 0.03245086222887039, 0.015456785447895527, 0.012410148978233337, -0.027503574267029762, 0.023842021822929382, 0.010264926590025425, -0.035609301179647446, -0.012144616805016994, 0.0008900578832253814, -0.037929218262434006, -0.006757102906703949, -0.01819596253335476, 0.011243203654885292, 0.033149633556604385, 0.0019320981809869409, 0.011019597761332989, 0.001958301989361644, 0.003654565429314971, 0.026050133630633354, -0.01143885962665081, -0.03038250468671322, 0.008594866842031479, -0.010802979581058025, 0.02544919215142727, -0.003944554831832647, -0.007399970665574074, -0.010621299035847187, 0.02305939979851246, 0.019831083714962006, 0.029599882662296295, -0.0027147200889885426, 0.04427404701709747, 0.0035672192461788654, -0.005205834284424782, -0.033149633556604385, -0.014897769317030907, -0.02055780403316021, 0.014478507451713085, 0.02999119460582733, 0.005114994011819363, 0.015344982035458088, -0.018810879439115524, 0.01804223284125328, -0.015317031182348728, 0.011907035484910011, -0.025826526805758476, -0.023408783599734306, 0.03250676393508911, 0.006089777685701847, -0.018447520211338997, -0.01948169805109501, 0.011599577032029629, 0.029823489487171173, 0.02308735065162182, 0.006061826832592487, 0.027112264186143875, 0.003120006527751684, 0.014080208726227283, -9.138596942648292e-05, -0.0035951698664575815, 0.02799271233379841, 0.015903998166322708, 0.01334650069475174, 0.019886985421180725, 0.03342914208769798, -0.004989215638488531, -0.012668694369494915, 0.014604286290705204, 0.004335865844041109, 0.016351209953427315, 0.006722164340317249, 0.01394045539200306, 0.026231814175844193, 0.017636947333812714, 0.003647577716037631, -0.00423454400151968, -0.020278295502066612, -0.01941182091832161, 0.015386908315122128, -0.02783898450434208, 0.027084313333034515, 0.021368376910686493, 0.0017670138040557504, 0.03169619292020798, -0.015540638007223606, -0.030606111511588097, -0.015023548156023026, 0.0051254755817353725, -0.0021766675636172295, 0.0024788854643702507, -0.005946530029177666, -0.007749355863779783, -0.02533738873898983, 0.0016648187302052975, 0.00030047097243368626, -0.0023478660732507706, -0.01333252526819706, 0.007148413918912411, 0.011145376600325108, 0.01948169805109501, -0.0014534408692270517, -0.642644464969635, -0.008063802495598793, 0.014338754117488861, -0.03770561143755913, -0.0011014357442036271, 0.008175604976713657, -0.01568039134144783, 0.01800030656158924, -0.01517727691680193, 0.03038250468671322, 0.005394502077251673, -0.004147198051214218, -0.007777306251227856, 0.0028841719031333923, -0.027000460773706436, -0.028607631102204323, -0.013465291820466518, -0.0095521816983819, -0.00228672381490469, 0.0084760757163167, -0.028202343732118607, 0.017874527722597122, -0.02050190232694149, 0.014094184152781963, -0.024680545553565025, -0.00852498970925808, 0.020837312564253807, -0.015498711727559566, -0.007274192292243242, 0.02305939979851246, -0.009789763018488884, -0.0021137783769518137, 0.01678444817662239, 0.0008219278533942997, 0.04480511322617531, -0.001637741457670927, -0.0057858130894601345, -0.014967646449804306, 0.011236215941607952, 0.01931399293243885, -0.04245724529027939, -0.016085678711533546, 0.007455872371792793, -0.01090080663561821, -0.0008987924666143954, -0.003326143603771925, 0.027084313333034515, 0.002271001460030675, 0.002753152512013912, -0.012808447703719139, -0.007455872371792793, 0.013122894801199436, -9.531655086902902e-05, -0.0025627377908676863, -0.014171048998832703, 0.02051587775349617, 0.028705459088087082, -0.017818626016378403, -0.003703479189425707, -0.024820297956466675, -0.009873615577816963, -0.003140969667583704, -0.02774115651845932, -0.0038851595018059015, -0.015372932888567448, 0.002424730686470866, -0.00016639452951494604, 0.01703600399196148, 0.028160417452454567, -0.05059092491865158, -0.02069755829870701, 0.02518365904688835, -0.016211455687880516, -0.0341838113963604, -0.0027269485872238874, 0.0034327059984207153, 0.015484736301004887, -0.02061370573937893, -0.014827892184257507, 0.010677200742065907, 0.0058556897565722466, -0.022011244669556618, -0.03594471141695976, 0.014562360011041164, 0.004353335127234459, 0.01082394178956747, -0.008685707114636898, 0.014254901558160782, -0.00956615712493658, 0.008294396102428436, -0.005156920291483402, 0.011173327453434467, -0.017762724310159683, -0.016421087086200714, -0.0036126391496509314, 0.0061526671051979065, 0.0002819098881445825, -0.003326143603771925, 0.012438099831342697, -0.02294759638607502, 0.0001116393759730272, -0.023129276931285858, 0.023436734452843666, 0.004321890417486429, 0.026958534494042397, 0.029320375993847847, -0.007005165796726942, -0.008378248661756516, -0.019873009994626045, -0.019593501463532448, 0.015079449862241745, -0.01149476133286953, -0.01807018369436264, -0.027293942868709564, -0.02300349809229374, -0.023478660732507706, 0.02421935647726059, 0.008811485953629017, -0.011033573187887669, -0.008168617263436317, -0.0013486255193129182, 0.005950023885816336, 0.0025033424608409405, -0.016127604991197586, -0.0017713811248540878, 0.012137629091739655, 0.01681239902973175, -0.019845059141516685, -0.009307611733675003, -0.011816195212304592, 0.006502051837742329, -0.024862224236130714, 0.010642262175679207, -0.012172567658126354, 0.014618261717259884, 0.0026850225403904915, 0.022402556613087654, -0.008091752417385578, 0.013143857941031456, 0.0017774953739717603, -0.04813125357031822, 0.002650083974003792, 0.00346240377984941, -0.035832908004522324, -0.02407960221171379, -0.040360935032367706, 0.007700441870838404, -0.004999697208404541, 0.012186543084681034, -0.006785053759813309, -0.014436581172049046, -0.015386908315122128, -0.008678719401359558, 0.004926326218992472, -0.01674252189695835, -0.005184871144592762, -0.0066977073438465595, -0.031081276014447212, -0.0061561609618365765, -0.036699384450912476, -0.0074349092319607735, 0.020096614956855774, 0.01587604731321335, 0.0067012012004852295, 0.010600335896015167, -0.026245789602398872, 0.01389154139906168, 0.026092059910297394, -0.0192441176623106, -0.030829718336462975, 0.013653959147632122, -0.00424153171479702, 0.002826523268595338, 0.019914936274290085, -0.003083321265876293, 0.012857361696660519, -0.011606564745306969, 0.0021888960618525743, -0.01139693334698677, -0.02518365904688835, -0.01389852911233902, 0.00913291983306408, -0.02904086746275425, -0.00427996413782239, 0.015917973592877388, 0.018587272614240646, 0.0218854658305645, 0.003951542545109987, -0.023506611585617065, 0.024456938728690147, 0.01568039134144783, 0.023492636159062386, -0.005380526650696993, 0.011166339740157127, -0.00855294056236744, 0.022206900641322136, 0.024848248809576035, -0.007924048230051994, -0.01575026847422123, 0.029711686074733734, 0.020823337137699127, 0.02632964216172695, -0.004063345491886139, -0.04360322654247284, 0.008224518969655037, -0.017636947333812714, 0.0138076888397336, -0.02034817263484001, 0.008035851642489433, 0.02307337522506714, 0.02558894455432892, -0.014827892184257507, -0.05039526894688606, 0.009915541857481003, -0.002459669252857566, 0.01379371341317892, -0.003661553142592311, -0.006051345262676477, -0.0058626774698495865, 0.0008140666759572923, 0.008007900789380074, -0.01707793027162552, 0.01822391338646412, 0.023255053907632828, -0.017706824466586113, 0.023255053907632828, 0.015219203196465969, 0.015135351568460464, 0.04033298417925835, -0.029208572581410408, -0.0007751975790597498, 0.02421935647726059, 0.018461495637893677, 0.010341791436076164, 0.010097221471369267, -0.00662084249779582, 0.014855843037366867, -0.0037454054690897465, 0.018419569358229637, -0.008664743974804878, 0.0056740096770226955, 0.005108006298542023, 0.004203099757432938, -0.03491053357720375, 0.014716089703142643, -0.01569436676800251, 0.04368707910180092, 0.01394045539200306, -0.028677508234977722, 0.006267963908612728, 0.01519125234335661, 0.02166185900568962, -0.009391464293003082, -0.02550509385764599, 0.015219203196465969, -0.020194442942738533, -0.010243963450193405, 0.02155005745589733, -0.003975999541580677, 0.05179280787706375, 0.021284524351358414, -0.01698010228574276, -0.01093574520200491, -0.012375211343169212, 0.013667934574186802, -0.00855992827564478, 0.010223000310361385, -0.022067146375775337, -0.01561051420867443, 0.005946530029177666, 0.0047621154226362705, -0.00910496897995472, -0.0029086286667734385, -0.025924354791641235, -0.0021452228538691998, 0.019719280302524567, 0.0056041330099105835, 0.02547714300453663, 0.0008171238005161285, 0.010530458763241768, -0.020977064967155457, -0.031947750598192215, 0.007840195670723915, 0.016407111659646034, 0.0012630261480808258, -0.003836245508864522, -0.000864727480802685, -0.012752546928822994, -0.02765730395913124, -0.0005489709437824786, -0.021494155749678612, 0.0011713126441463828, 0.004000456538051367, -0.023786120116710663, -0.006030382122844458, 0.03122102841734886, 0.01520522776991129, -0.007448884658515453, -0.0025277992244809866, 0.008217531256377697, -0.005998937878757715, 0.005649552680552006, -0.01815403625369072, -0.0016875287983566523, 0.050143711268901825, -0.016253381967544556, -0.03521799296140671, -0.012577854096889496, 0.0025627377908676863, -0.027293942868709564, 0.014324778690934181, 0.005523774307221174, -0.004203099757432938, 0.02409357763826847, -0.005104512441903353, -0.005160414148122072, -0.012228469364345074, 0.004873918369412422, 0.030773816630244255, 0.0012979647144675255, 0.009538206271827221, -0.030829718336462975, 0.008958227001130581, -0.0006992064299993217, 0.03468692675232887, 0.034547172486782074, -0.011368982493877411, 0.0023688292130827904, -0.006016406696289778, 0.005873159039765596, -0.012480026111006737, -0.008273432962596416, 0.008238494396209717, -0.0004550737503450364, -0.017650922760367393, -0.005097524728626013, 0.018978584557771683, -0.0027024918235838413, 0.021214647218585014, 0.002971518086269498, -0.018768953159451485, -0.02536533959209919, -0.0033715637400746346, -0.02283579297363758, -0.010565397329628468, -0.010691176168620586, 0.00034065020736306906, 0.030969472602009773, -0.011711379513144493, -0.018810879439115524, 0.01679842360317707, 0.03393225371837616, -0.0037523931823670864, -0.015945924445986748, -0.006746621336787939, -0.017287561669945717, 0.00015733235341031104, 0.01819596253335476, -0.006219049915671349, -0.0005022407276555896, 0.029879391193389893, -0.0028859188314527273, 0.01322770956903696, -0.00018375458603259176, -0.0069842031225562096, 0.03222725912928581, 0.0076096015982329845, -0.02522558532655239, -2.4006560124689713e-05, 0.0022028714884072542, 0.006212062202394009, 0.023883948102593422, -0.005810269620269537, -0.011236215941607952, -0.006247000768780708, -0.0005380526417866349, -0.021997269243001938, -0.006795534864068031, -0.025896403938531876, 0.0027461647987365723, 0.007868146523833275, 0.006026888266205788, -0.006533496547490358, -0.03236700966954231, 0.003892146982252598, -0.029516030102968216, 0.011040560901165009, -0.003287711413577199, 0.003511317539960146, -0.014618261717259884, -0.01333252526819706, -0.0029068817384541035, -0.03038250468671322, -0.0011765534291043878, 0.018503420054912567, -0.035721104592084885, -0.0410597063601017, -0.025896403938531876, 0.03717454522848129, 0.020935138687491417, 0.015149326995015144, -0.018950633704662323, 0.004444174934178591, 0.0027409240137785673, -0.022109072655439377, -0.02156403288245201, 0.006086283829063177, -0.022248826920986176, 0.024582717567682266, 0.005537749733775854, -0.022178949788212776, -0.0070715490728616714, -0.012745559215545654, -0.009279660880565643, -0.004908856935799122, -0.010453593917191029, -0.0024736446794122458, -0.010747077874839306, 0.012892300263047218, 0.011138388887047768, 0.022472431883215904, 0.02157800830900669, 0.012186543084681034, -0.006557953543961048, -0.0027234547305852175, -0.005670515820384026, -0.006313384044915438, -0.018713051453232765, 0.025141732767224312, 0.013388426974415779, 0.013758774846792221, -0.0017023775726556778, -0.0006162275094538927, -0.022011244669556618, -0.005384020507335663, -0.005286192521452904, 0.005275710951536894, 0.0002952301874756813, 0.007700441870838404, 0.008273432962596416, 0.028453901410102844, 0.024974027648568153, 0.018754977732896805, -0.014205987565219402, -0.02884521149098873, -0.012081727385520935, 0.03602856397628784, 0.017525143921375275, -0.006288927048444748, 0.02297554723918438, -0.014380679465830326, 0.011117425747215748, -0.015568587929010391, -0.006722164340317249, -0.025099806487560272, 0.030438406392931938, 0.000486081640701741, -0.016127604991197586, -0.006201580632477999, -0.006509039551019669, 0.010474557057023048, -0.011005622334778309, -0.0218155886977911, 0.020977064967155457, 0.0020246850326657295, -0.00853896513581276, -0.017706824466586113, -0.002457922324538231, 0.009705910459160805, -0.02406562678515911, -0.03714659437537193, 0.004933313932269812, 0.01584809646010399, 0.02535136416554451, 0.002814294770359993, -0.007658515591174364, -0.027014436200261116, -0.026944559067487717, -0.01818198710680008, -0.016602767631411552, -0.008000913076102734, 0.0003395583771634847, 0.03717454522848129, 0.01826583966612816, 0.05517485365271568, -0.01390551682561636, 0.00913291983306408, 0.028453901410102844, -0.006002431269735098, 0.0012778750387951732, 0.0006821738788858056, -0.017385389655828476, -0.029320375993847847, 0.011571626178920269, -0.0006887248600833118, 0.00479705398902297, 0.01332553755491972, -0.0022395567502826452, 0.022346654906868935, 0.03756585717201233, -0.001634247601032257, 0.00449658278375864, -0.003329637460410595, -0.022598210722208023, -0.01945374719798565, 0.01812608540058136, 0.013765762560069561, 0.006456631701439619, -0.048885926604270935, 0.003780344035476446, 0.01587604731321335, -0.004961264785379171, 0.012836398556828499, -0.00013418561138678342, 0.041506920009851456, -0.008014888502657413, -0.009153882972896099, -0.01685432530939579, 0.012207506224513054, -0.0217457115650177, 0.005621601827442646, -0.029516030102968216, 0.006505545694380999, 0.03214340656995773, -0.007455872371792793, 0.0065230149775743484, 0.007574663497507572, -0.004021419677883387, -0.007309130858629942, -0.011816195212304592, -0.006061826832592487, -0.029879391193389893, 0.002622133120894432, -0.017874527722597122, -0.02039009891450405, -0.031137175858020782, 0.0008105728193186224, -0.00015831500058993697, 0.008070789277553558, -0.0006930921808816493, -0.015386908315122128, 0.014436581172049046, -0.020082639530301094, -0.033177584409713745, 0.007116969209164381, 0.00914689525961876, 0.04801945015788078, -0.0018185480730608106, 0.020949114114046097, 0.03513414040207863, 0.027531525120139122, -0.026972509920597076, 0.022668087854981422, -0.017678873613476753, 0.0005109753110446036, 0.014506458304822445, 0.015289080329239368, -0.014261889271438122, -0.013171808794140816, -0.00036336021730676293, 0.03527389466762543, -0.01685432530939579, -0.031891848891973495, 0.01670059561729431, 0.014995597302913666, 0.021955342963337898, -0.006306396331638098, 0.007993925362825394, -0.029711686074733734, 0.004458150360733271, -0.010789004154503345, 0.013087956234812737, 0.009314599446952343, 0.00694577069953084, -0.006257482338696718, 0.015023548156023026, 0.0022011245600879192, -0.004042382352054119, -0.0016132844612002373, 0.0015731052262708545, 0.0010533953318372369, 0.006107246968895197, -0.02521160989999771, 0.008420174941420555, -0.004412730690091848, 0.04326782003045082, -0.03770561143755913, 0.006998178083449602, -0.006100259255617857, 0.009866627864539623, -0.025994231924414635, 0.00959410797804594, -0.005544737447053194, 0.030801767483353615, -0.017846576869487762, 0.008888349868357182, -0.0026693001855164766, 0.00024806323926895857, 0.009691935032606125, -0.030801767483353615, -0.015568587929010391, -0.010635274462401867, -0.015219203196465969, 0.016197480261325836, 0.02393984980881214, -0.0035811946727335453, -0.02307337522506714, -0.005890628322958946, 0.009810726158320904, -0.016379160806536674, -0.01923014223575592, -0.016155553981661797, 0.011753305792808533, -0.04936109110713005, -0.022346654906868935, 0.010439618490636349, 0.002209859201684594, 0.0009215025347657502, -0.004978734068572521, 0.0004465575038921088, -0.004199605900794268, 0.02414947934448719, -0.01382865197956562, -0.0028684495482593775, 0.017720798030495644, -0.009978431276977062, -0.04500076547265053, -0.011851133778691292, -0.0008341562934219837, 0.004007444251328707, 0.039326757192611694, -0.009251710027456284, -0.006016406696289778, -0.0021591982804238796, 0.0029977220110595226, 0.00911195669323206, 0.009363513439893723, -0.023646365851163864, 0.008287408389151096, -0.01946772262454033, 0.0022011245600879192, 0.005988456308841705, -0.008210543543100357, 0.033149633556604385, 0.0069737215526402, 0.01155765075236559, 0.028649557381868362, -0.011327056214213371, 0.016225431114435196, 0.014129122719168663, -0.005237278528511524, 0.008203555829823017, -0.025043904781341553, -0.0030641050543636084, -0.01688227616250515, -0.0004384779604151845, -0.02044600062072277, -0.008951239287853241, -0.01140392106026411, -0.015009572729468346, -0.010069270618259907, 0.01563846506178379, 0.013115907087922096, -0.016435062512755394, 0.022542309015989304, 0.0014141350984573364, 0.021102843806147575, -0.003892146982252598, -0.033289387822151184, -0.023450709879398346, -0.03412790969014168, -0.01329758670181036, -0.02799271233379841, -0.0065963855013251305, -0.01084490492939949, 0.05769042298197746, 0.005052104592323303, -0.022248826920986176, -0.03342914208769798, -0.005775331519544125, -0.02518365904688835, -0.017776699736714363, 0.0011651983950287104, 0.015414859168231487, 0.018489446491003036, 0.0004987468710169196, -0.014883793890476227, 0.019873009994626045, -0.000489575497340411, 0.005237278528511524, -0.03742610290646553, -0.008902325294911861, 0.008930276148021221, -0.015149326995015144, 0.01698010228574276, -0.02392587438225746, -0.03636397421360016, -0.015303055755794048, -0.002639602404087782, -0.014897769317030907, 0.004182136617600918, 0.025630870833992958, 0.004063345491886139, -0.01700805313885212, -0.028132466599345207, 0.023828046396374702, 0.020935138687491417, -0.004688744433224201, 0.0013468785909935832, -0.050283465534448624, 0.022276777774095535, -0.007917060516774654, -0.0032370504923164845, -0.04301626235246658, 0.008028863929212093, -0.026371566578745842, 0.010579372756183147, 0.010285889729857445, -0.006240013055503368, -0.014310803264379501, 0.005726417526602745, -0.0024701508227735758, 0.021969318389892578, 0.010111196897923946, -0.02435911074280739, 0.025071855634450912, 0.016421087086200714, -0.006327359471470118, -0.01670059561729431, 0.026972509920597076, -0.02651132084429264, 0.0032143404241651297, 0.029543980956077576, 0.004915844649076462, 0.019761206582188606, -0.007903085090219975, 0.014450556598603725, -0.011166339740157127, -0.008105727843940258, 0.0010752318194136024, -0.00907003041356802, -0.014031294733285904, 0.03236700966954231, 0.02884521149098873, -0.028495827689766884, -0.01681239902973175, -0.018461495637893677, 0.012640743516385555, 0.007001671940088272, 0.0072532291524112225, 0.0030413949862122536, -0.021270548924803734, 0.018531370908021927, 0.0049437955021858215, -0.023744193837046623, 0.007602613884955645, -0.0016857818700373173, 0.025574970990419388, 0.00661036092787981, 0.022220876067876816, 0.17385388910770416, -0.028062589466571808, 0.010188061743974686, 0.02399575151503086, 0.02395382523536682, 0.0053106495179235935, 0.041562821716070175, 0.011145376600325108, -0.008049827069044113, 0.0004572574107442051, 0.008615829981863499, -0.024540791288018227, -0.018852805718779564, -0.0016980102518573403, 0.020068665966391563, -0.022696038708090782, -0.04198208078742027, -0.03865593671798706, -0.019607476890087128, 0.00227274838835001, 0.010334803722798824, -0.011194290593266487, 0.003962024115025997, -0.006826979573816061, 0.010740090161561966, 0.003092055907472968, -0.010069270618259907, -0.013653959147632122, -0.00021596350416075438, 0.038124874234199524, 0.004391767550259829, 0.007672491017729044, -0.0030431419145315886, 0.023157227784395218, -0.029739636927843094, -0.004391767550259829, 0.006502051837742329, 0.00028474864666350186, 0.030717914924025536, -0.008434150367975235, 0.035804957151412964, -0.0045839291997253895, -0.000472106272354722, -0.015358957462012768, -0.026147961616516113, 0.03549749776721001, -0.0010682441061362624, 0.013632996007800102, -0.001312813488766551, 0.007183352019637823, -0.011781256645917892, 0.027377795428037643, 0.03340119123458862, 0.007875134237110615, -0.027084313333034515, -0.004852955229580402, -0.02413550391793251, 0.00457344762980938, 0.0017801157664507627, 0.010383717715740204, -0.03641987591981888, 0.012340272776782513, -0.019845059141516685, 0.03823667764663696, 0.00455597834661603, -0.0056775035336613655, -0.0033610821701586246, -0.005293180234730244, -0.0048424736596643925, -0.02884521149098873, -0.009391464293003082, -0.01706395484507084, -0.018615223467350006, 0.0029837465845048428, -0.022612186148762703, -0.03298192843794823, 0.02153608202934265, 0.018307765945792198, -0.0007315244874916971, 0.01322770956903696, -0.00025264889700338244, -0.01800030656158924, -0.004926326218992472, 0.005509798880666494, -0.002809053985401988, -0.03136078268289566, 0.018587272614240646, -0.013556132093071938, -0.0031025372445583344, -0.022640137001872063, -0.005275710951536894, -0.022095097228884697, -0.019831083714962006, -0.007026128936558962, -0.0015250648139044642, -0.001508468994870782, 0.0013791966484859586, 0.0169521514326334, -0.01582014560699463, -0.0170220285654068, -0.018782928586006165, 0.05875255540013313, 0.03614036738872528, 0.017818626016378403, -0.0002993791422341019, 0.016379160806536674, -0.019733255729079247, -0.001893665874376893, 0.021396327763795853, -0.011124413460493088, 0.023241078481078148, -0.03300987929105759, 0.012836398556828499, -0.0019338451093062758, 0.012640743516385555, 0.012039801105856895, 0.0012542916228994727, -0.011355007067322731, 0.015428834594786167, -0.00690035056322813, -0.03138873353600502, -0.03549749776721001, 0.02184353955090046, 0.005943036172538996, 0.009440378285944462, -0.023352881893515587, -0.0020246850326657295, -0.0026710471138358116, -0.04002552852034569, 0.012927238829433918, 0.014660187996923923, -0.030745865777134895, 0.010362754575908184, 0.0085110142827034, -0.009258697740733624, -0.002636108547449112, -0.021969318389892578, 0.018713051453232765, -0.012389186769723892, 0.009188821539282799, 0.00022928380349185318, -0.006432174704968929, 0.012025825679302216, 0.024666570127010345, -0.00960808340460062, 0.0005397995701059699, 0.016616743057966232, 0.016504939645528793, -8.31426732474938e-05, -0.028090540319681168, -0.002433465328067541, -0.011753305792808533, 0.006460125558078289, 0.016379160806536674, 0.01678444817662239, -0.016490964218974113, -0.0027461647987365723, -0.016449037939310074, 0.008930276148021221, -0.010320828296244144, -0.03896339610219002, 0.015247154049575329, 0.004975240211933851, -0.005579676013439894, -0.012305334210395813, -0.01710588112473488, -0.1800030618906021, 0.016490964218974113, 0.02890111319720745, -0.04139511659741402, 0.028579680249094963, 0.01149476133286953, 0.04617470130324364, -0.011131401173770428, 0.003710466902703047, -0.025924354791641235, 0.008748596534132957, -0.021424278616905212, -0.020767435431480408, -0.03267446905374527, 0.015414859168231487, -0.007316118571907282, -0.009321587160229683, 0.0022220874670892954, 0.018601248040795326, 0.014226950705051422, 0.022011244669556618, -0.03776151314377785, 0.024540791288018227, -0.009999394416809082, 0.0040319012477993965, -0.004957770928740501, 0.014171048998832703, 0.026217838749289513, -0.010684188455343246, -0.02549111843109131, 0.012878324836492538, -0.009789763018488884, 0.007951999083161354, -0.02047395147383213, -0.012906275689601898, 0.015317031182348728, 0.00023867351410444826, 0.009195809252560139, -0.020809361711144447, 0.010607323609292507, 0.022290753200650215, 0.02656722255051136, 0.020012764260172844, -0.02283579297363758, -0.046286504715681076, -0.0006236519548110664, 0.015079449862241745, 0.008133678697049618, 0.007602613884955645, -0.006253988482058048, -0.016099654138088226, -0.0021819083485752344, 0.015386908315122128, 0.012354248203337193, -0.020180467516183853, 0.01145982276648283, 0.010104209184646606, 0.015149326995015144, -0.01327662356197834, 0.008140666410326958, 0.004381285980343819, -0.024918125942349434, 0.03764970973134041, 0.001028938335366547, 0.0017137326067313552, -0.014198999851942062, -0.010747077874839306, -0.005198846571147442, -0.010684188455343246, -0.00022316956892609596, -0.011361994780600071, -0.009391464293003082, 0.013402402400970459, 0.01692420057952404, 0.010984659194946289, 0.019663378596305847, -0.016239406540989876, -0.010802979581058025, 0.007497798651456833, 0.0016097906045615673, -0.0334850437939167, 0.01704997941851616, 0.0012577853631228209, -0.007113475352525711, -0.010733102448284626, -0.015973875299096107, -0.006236519198864698, 0.007151907775551081, -0.015540638007223606, -0.003996962681412697, 0.023129276931285858, 0.0007197327795438468, -0.005642564967274666, 0.008923288434743881, 0.019635427743196487, 0.0278948862105608, -0.008762571960687637, 0.00455597834661603, -0.007113475352525711, -0.017413340508937836, -0.005750874523073435, -0.0011861615348607302, -0.027405746281147003, -0.004035394638776779, 0.04385478422045708, 0.016518915072083473, -0.012473038397729397, 0.009230747818946838, 0.03256266564130783, -0.006435668561607599, 0.015554612502455711, -0.005586663726717234, 0.018838830292224884, 0.002767127938568592, -0.006571928970515728, 0.044190194457769394, -0.018727026879787445, -0.016085678711533546, 0.01710588112473488, 0.010069270618259907, 0.03499438613653183, -0.0264693945646286, -0.002941820304840803, 0.012494001537561417, -0.009356525726616383, -0.016337234526872635, -0.11739330738782883, 0.0006162275094538927, -0.010565397329628468, 0.037957169115543365, -0.007742368150502443, 0.013626008294522762, 0.0068898689933121204, 0.024750422686338425, -0.02150813117623329, 0.02558894455432892, -0.007406958378851414, -0.023366857320070267, 0.007630564738065004, -0.0018657150212675333, 0.021200671792030334, -0.007504786364734173, 0.016281332820653915, -0.03474282845854759, -0.00456995377317071, 0.0384882353246212, 0.0016272598877549171, -0.006987696513533592, 0.016085678711533546, -0.003892146982252598, -0.010013369843363762, 0.014590310864150524, -0.02795078605413437, 0.02546316757798195, -0.0022011245600879192, -0.006131703965365887, 0.01324168499559164, -0.031165126711130142, 0.007700441870838404, -0.016476988792419434, -0.006264470051974058, -0.005803282372653484, -0.015233178623020649, -0.018335716798901558, 0.029767587780952454, -0.005694972816854715, 0.0008887476869858801, 0.008182592689990997, 0.0003980803594458848, -0.031025374308228493, 0.008664743974804878, -0.007602613884955645, -0.013535168953239918, 0.02645541913807392, 0.0017783688381314278, -0.024750422686338425, -0.013486254960298538, -0.019817108288407326, 0.004968252498656511, 0.0035322806797921658, 0.006771078333258629, 0.034407418221235275, 0.013709860853850842, 0.007047092076390982, -0.009244723245501518, -0.004996203351765871, -0.041423067450523376, -0.015386908315122128, -0.003485113848000765, -0.010551421903073788, 0.03368069976568222, 0.008322346955537796, -0.02644144371151924, -0.0191742405295372, -0.017385389655828476, -0.024792348966002464, -0.0014586816541850567, 0.00456645991653204, -0.009258697740733624, 0.030606111511588097, -0.006302902474999428, -0.012228469364345074, -0.0239678006619215, -0.01923014223575592, 0.013486254960298538, -0.020320221781730652, -0.01563846506178379, -0.029963243752717972, -0.005551725160330534, 0.016169529408216476, 0.0256029199808836, 0.013556132093071938, 0.010572385042905807, -0.011173327453434467, 0.013087956234812737, -0.024596692994236946, 0.01155066303908825, 0.018363667652010918, -0.012046788819134235, -0.012417136691510677, -0.007560688070952892, 0.0025417746510356665, -0.022332679480314255, 0.0017015041084960103, 0.01562448963522911, -0.009419415146112442, -0.018335716798901558, 0.0017766219098120928, -0.05402887240052223, 0.01938387006521225, 0.010229988023638725, -0.017343463376164436, -0.017706824466586113, 0.010572385042905807, -0.009712898172438145, -0.0033750575967133045, -0.01931399293243885, 0.038152825087308884, 0.0019932405557483435, 0.0018552334513515234, -0.017315512523055077, -0.010530458763241768, -0.027210090309381485, -0.01686830073595047, 0.04374298080801964, -0.012836398556828499, 0.01148777361959219, 0.001891918946057558, 0.006376273464411497, 0.01196992490440607, 0.005471366457641125, -0.0016761737642809749, -0.023310955613851547, 0.004119247198104858, 0.0033645760267972946, 0.025812551379203796, 0.008406199514865875, -0.019859034568071365, -0.0074279215186834335, -0.022682063281536102, -0.022402556613087654, 0.004161173477768898, 0.007026128936558962, 0.013472279533743858, 0.0071763647720217705, 0.011767281219363213, 0.0313328318297863, 0.03602856397628784, -0.014953671023249626, -0.014087196439504623, 0.005411970894783735, -0.025574970990419388, -0.005656540393829346, 0.019719280302524567, -0.0091189444065094, -0.009307611733675003, 0.017287561669945717, 0.011872096918523312, 0.032087504863739014, 0.013157833367586136, -0.006117728538811207, -0.010202037170529366, -0.023380832746624947, 0.0016019294271245599, 0.018810879439115524, 0.001063876785337925, 0.016630718484520912, -0.003780344035476446, 0.039159052073955536, 0.013975393027067184, 0.03622421994805336, -0.007553700357675552, -0.004744646139442921, -0.027070337906479836, -0.00105863600037992, -0.009174846112728119, -0.004035394638776779, -0.0028527271933853626, -0.003329637460410595, 0.00668373191729188, 0.007679478731006384, 0.022388581186532974, 0.02150813117623329, -0.0007520508370362222, -0.002824776340276003, 0.0056006391532719135, 0.01082394178956747, 0.016043752431869507, 0.01396141853183508, 0.0005939542315900326, -0.01932796835899353, 0.015331006608903408, 0.024834273383021355, 0.01918821595609188, -0.0077912816777825356, 0.018922682851552963, -0.027028411626815796, 0.003485113848000765, 0.011264166794717312, 0.009712898172438145, 0.002782850293442607, 0.028495827689766884, -0.003948048688471317, -0.0025365338660776615, 0.014730065129697323, 0.030801767483353615, 0.017874527722597122, 0.008035851642489433, 0.008119703270494938, -0.010768041014671326, -0.011613551527261734, -0.004384779836982489, -0.03021480143070221, -0.014108159579336643, -0.023744193837046623, -0.031807996332645416, 0.009698922745883465, 0.009803738445043564, 0.016197480261325836, 0.005516786593943834, 0.021997269243001938, 0.005569194443523884, -0.018936658278107643, 0.02634361758828163, -0.01381467655301094, -0.027475623413920403, -0.03292602673172951, 0.015303055755794048, 0.00481452327221632, 0.019034486263990402, 0.036699384450912476, -0.006271457765251398, 0.02433115988969803, 0.00053281185682863, 0.03974601998925209, -0.0024194899015128613, 0.028705459088087082, 0.0018534865230321884, -0.009510255418717861, 0.006442656274884939, -0.0009005393949337304, -0.010202037170529366, -0.021410303190350533, -0.0015556359430775046, -0.007204315159469843, 0.016504939645528793, 0.007190339732915163, 0.0849703922867775, 0.03356889635324478, -0.021326450631022453, -0.010649249888956547, 0.0022028714884072542, 0.0066348179243505, 0.008028863929212093, -0.012291358783841133, 0.007896097376942635, -0.02781103365123272, 0.020292270928621292, -0.003979493398219347, 0.010118184611201286, -0.0192441176623106, -0.012773510068655014, -0.021466204896569252, 0.005090537015348673, 0.022626161575317383, -0.014716089703142643, -0.00423803785815835, 0.027112264186143875, -0.016085678711533546, 0.023744193837046623, 0.015261129476130009, -0.0276852548122406, -0.0071693770587444305, 0.016672644764184952, -0.013115907087922096, -0.00014193759125191718, -0.027335869148373604, 0.0033942735753953457, -0.00224130367860198, -0.046649862080812454, -0.031863898038864136, -0.02424730733036995, -0.00036401531542651355, 0.008042839355766773, -0.023185178637504578, 0.019970837980508804, 0.0032597605604678392, 0.008252469822764397, 0.017622971907258034, 0.004049370065331459, -0.012459062971174717, -0.006526508834213018, -0.0009249963331967592, -0.010984659194946289, -0.021102843806147575, -0.0180282574146986], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='9dd35c38-7a58-4f0c-8640-035588ef3181', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '3', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_type': 'application/pdf', 'file_size': 1103758, 'creation_date': '2024-02-25', 'last_modified_date': '2023-12-13', 'last_accessed_date': None}, hash='9d9d4f826991fff6bc427e2d674017a933ae5befd05b8f195e6552e20841838f')}, text='(2022).\\nWe segment each document text into three different\\ngranularities: 100-word passages, sentences, and\\npropositions. We include the details on passage-\\nand sentence-level segmentation of the corpus in\\nAppendix A.\\nParsing Passage to Propositions. To segment\\nthe Wikipedia pages into propositions, we finetune\\na text generation model, which we refer to as the\\nPropositionizer . The Propositionizer takes a pas-\\nsage as input and generates the list of propositions\\nwithin the passage. Following Chen et al. (2023b),\\nwe train the Propositionizer with a two-step distil-\\nlation process. We first prompt GPT-4 (OpenAI,\\n2023) with an instruction containing the propo-\\nsition definition and 1-shot demonstrations. We\\ninclude the details of the prompt in Figure 8. We\\nstart with a set of 42k passages and use GPT-4 to\\ngenerate the seed set of paragraph-to-propositions\\npairs. Next, we use the seed set to finetune a Flan-\\nT5-large model (Chung et al., 2022).\\nWe refer to the processed corpus as FACTOID -\\nWIKI. The resulting statistics of FACTOID WIKIare\\nshown in Table 1.\\n# units Avg. # words\\nPassage 41,393,528 58.5\\nSentence 114,219,127 21.0\\nProposition 256,885,003 11.2\\nTable 1: Statistics of text units in the English Wikipedia\\ndump from 2021-10-13.\\n4 Experimental Settings\\nTo evaluate the impact of the three retrieval unit\\nchoices, we conduct experiments on five differ-\\nent open-domain QA datasets with FACTOID WIKI.\\nWith each dataset, we evaluate both passage re-\\ntrieval and downstream QA performance when\\ndense retrievers work with Wikipedia indexed in\\ndifferent granularities.', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='4525756a-3534-4060-b180-5a4de64148d3', embedding=[0.008869639597833157, 0.006982050836086273, 0.02033725194633007, -0.03131097927689552, -0.01179912406951189, 0.02461308240890503, -0.004674997180700302, 0.011724703013896942, -0.028713006526231766, -0.0272245854139328, -0.001050352118909359, 0.0245318952947855, -0.004384078551083803, 0.014762436971068382, -0.010161860845983028, 0.009099668823182583, 0.004001824650913477, -0.004093159455806017, 0.004603958688676357, -0.0420546755194664, -0.008835812099277973, 0.0047257388941943645, -0.03721054270863533, -0.020919090136885643, 0.0014478283701464534, 0.014221192337572575, 0.01944419927895069, -0.027644049376249313, -0.009613851085305214, -0.006058552768081427, 0.009661209769546986, -0.003795475233346224, -0.015641959384083748, -0.006934691686183214, -0.004536303225904703, 0.018158745020627975, -0.0037819440476596355, -0.010865477845072746, 0.012956034392118454, -0.004546451382339001, 0.009891238063573837, 0.038293030112981796, 0.0007691588252782822, -0.009295869618654251, -0.0005590037908405066, 0.0027535799890756607, -0.0037379679270088673, -0.01414000615477562, 0.009999487549066544, 0.01381525956094265, -0.0006291964091360569, 0.024680737406015396, -0.015276618301868439, 0.004732504487037659, -0.004228470381349325, 0.013598761521279812, -0.014315909706056118, 0.020472563803195953, -0.0036500159185379744, -0.016602667048573494, -0.020932620391249657, -0.00041121875983662903, -0.02819882519543171, 0.012353899888694286, -0.023950057104229927, -0.006153270602226257, -0.00436039874330163, -0.0030749437864869833, 0.020188409835100174, -0.012786895036697388, 0.03309708461165428, 0.004045800771564245, -0.0037548819091171026, 0.008321629837155342, 0.02025606483221054, -0.010635449551045895, -0.005875882692635059, 0.0035451496951282024, -0.020080160349607468, 0.0028110872954130173, 0.013923508115112782, -0.030715610831975937, -0.029768433421850204, 0.027819953858852386, 0.012726005166769028, 0.009837114252150059, 0.006873801816254854, 0.03036380186676979, 0.005321107339113951, 0.005730423144996166, 0.0117585314437747, 0.012739536352455616, 0.03737291321158409, 0.007435342762619257, -0.032176971435546875, -0.0011078593088313937, 0.008132195100188255, 0.025722632184624672, -0.010784291662275791, -0.014478283002972603, -0.007367687299847603, 0.014748905785381794, -0.03198753297328949, -0.007976586930453777, -0.010418951511383057, 0.010040080174803734, -0.0052568344399333, -0.011792358942329884, -0.0028821255546063185, -0.004140518605709076, -0.025966191664338112, 0.008504300378262997, 0.021974515169858932, -0.030417926609516144, -0.005290662404149771, -0.006153270602226257, 0.03399013727903366, 0.002070259302854538, -0.0015188666293397546, -0.012726005166769028, 0.03214990720152855, -0.0024339077062904835, 0.05656002461910248, -0.02625034563243389, 0.025857944041490555, -0.004394226707518101, 0.0004900797503069043, -0.01469478104263544, 0.009911535307765007, -0.024383053183555603, -0.005111375357955694, 0.05101227015256882, 0.02363884262740612, -0.01053396612405777, -0.03131097927689552, 0.010222750715911388, -0.019105922430753708, 0.014356503263115883, -0.0003697797656059265, -0.00874109473079443, -0.004752800799906254, 0.011569095775485039, -0.01907886005938053, -0.02876713126897812, -0.005486863665282726, 0.03772472217679024, 0.0019332567462697625, 0.0016457207966595888, 0.026318000629544258, 0.01265158411115408, 0.007820979692041874, -0.01181942131370306, -0.015046590007841587, 0.034774940460920334, 0.021866267547011375, -0.029200127348303795, -0.004911791533231735, 0.017089786008000374, -0.011569095775485039, -0.016981538385152817, -0.005253451876342297, 0.023665904998779297, -0.001962010283023119, 0.00014228803047444671, -0.0016347267664968967, 0.008341927081346512, 0.018970610573887825, 0.007103830575942993, -0.00815249141305685, -0.02629093825817108, -0.022055702283978462, 0.0334218330681324, -0.005131672136485577, 0.01760396920144558, -0.004133753012865782, 0.004806925542652607, 0.032826464623212814, -0.007218845188617706, -0.04486914724111557, -0.003005596809089184, 0.004170963540673256, 0.004428054206073284, 0.00023700577730778605, -0.005628940183669329, 0.005754102952778339, -0.028090575709939003, 0.01393703930079937, -0.0072256107814610004, 0.007279735058546066, 0.0028601374942809343, 0.021771550178527832, 0.006247987970709801, 0.005111375357955694, -0.011481143534183502, -0.6516580581665039, -0.01259069424122572, 0.0015374718932434916, -0.015506647527217865, 0.011264645494520664, 0.01014832966029644, 0.011379660107195377, 0.01792871579527855, 0.0072256107814610004, 0.03796828165650368, 0.006498313508927822, 0.0013116715708747506, -0.00943794660270214, -0.02029665932059288, -0.03336770832538605, -0.014424159191548824, -0.0033895419910550117, -0.021216774359345436, 0.03601980581879616, 0.007800682447850704, -0.019268294796347618, 0.01646735519170761, -0.010824885219335556, -0.007780386134982109, 0.012279478833079338, 0.0002881702675949782, -0.010405420325696468, -0.022556353360414505, 0.020391376689076424, 0.00803071167320013, -0.01887589320540428, 0.011900607496500015, 0.026020316407084465, 0.013564934022724628, 0.03970026597380638, -0.006139739416539669, -0.036371611058712006, 0.01821286790072918, 0.0006913549732416868, 0.04237942397594452, -0.032664090394973755, -0.0007103830575942993, 0.031148605048656464, 0.012049449607729912, -0.013754368759691715, 0.025194918736815453, 0.007841276004910469, 0.012583928182721138, -0.006268284749239683, 0.00561202596873045, -0.02114911936223507, -0.006975285243242979, -0.0024542042519897223, -0.03913195803761482, 0.02147386595606804, 0.00796982180327177, 0.020310189574956894, -0.012394493445754051, 0.004996360745280981, 0.004069480113685131, 0.003832685761153698, 0.0022106445394456387, -0.031121544539928436, -0.038320090621709824, -0.033475957810878754, 0.015168369747698307, 0.011176693253219128, 0.006302112713456154, 0.010249813087284565, -0.0235170628875494, -0.004201408475637436, -0.00924851093441248, 0.0031036974396556616, -0.017333347350358963, 0.020959682762622833, 0.02892950363457203, 0.022610478103160858, 0.003365862648934126, -0.02734636515378952, 0.00320856343023479, 0.0214332714676857, -0.006122825667262077, 0.029308374971151352, -0.008389285765588284, 0.0129019096493721, 0.0048475186340510845, -0.011596158146858215, 0.014126474969089031, -0.0019941467326134443, 0.026318000629544258, 0.012103574350476265, 0.01654854230582714, -0.008375754579901695, -0.03867189958691597, -0.004959150217473507, 0.03726466745138168, 0.002374709118157625, 0.0035552980843931437, 0.0033388002775609493, -0.01071663573384285, -0.013436388224363327, -0.010757229290902615, 0.0231111291795969, -0.0090658413246274, -0.008991420269012451, 0.030472051352262497, -0.0011814347235485911, 0.01173823419958353, 0.004935470875352621, -0.013037220574915409, -0.002763728378340602, 0.003068178193643689, -0.018970610573887825, -0.004343484994024038, 0.01944419927895069, -0.03786003589630127, 0.029660183936357498, 0.023287033662199974, 0.002973460592329502, -4.2548985220491886e-05, 0.00522638950496912, -0.003392924787476659, 0.03328651934862137, -0.026561560109257698, -0.011602923274040222, 0.017495719715952873, -0.021487396210432053, -0.008991420269012451, 0.014370034448802471, -0.01002654992043972, -0.007848041132092476, -0.007300031837075949, 0.010872243903577328, -0.018835298717021942, 0.006119442638009787, -0.01059485599398613, 0.010202453471720219, -0.01593964360654354, -0.010689573362469673, -0.006335940212011337, -0.022136889398097992, -0.01821286790072918, 0.0019264911534264684, -0.0181316826492548, -0.030823858454823494, -0.006119442638009787, -0.0069482228718698025, 0.00782774481922388, -0.003406455973163247, -0.010378357954323292, -0.021081462502479553, 0.002137914765626192, -0.008044242858886719, 0.009776224382221699, -0.002278300002217293, -0.005994279868900776, -0.01944419927895069, -0.02106793224811554, -0.006829825695604086, -0.0309321079403162, 0.002545539289712906, 0.010872243903577328, -0.014288848266005516, -0.005300810560584068, 0.00970180332660675, -0.01379496231675148, -0.0010478149633854628, 0.022610478103160858, -0.027765829116106033, -0.031635724008083344, 0.012211822904646397, -0.020188409835100174, -0.003565446473658085, 0.024071836844086647, -0.002978534670546651, 0.011629985645413399, -0.020973214879631996, -0.0027569627854973078, 0.0065795001573860645, -0.02819882519543171, 0.004965915810316801, 0.0064408062025904655, -0.007090299390256405, -0.021649770438671112, 0.01829405501484871, 0.010966961272060871, 0.009891238063573837, 0.018429366871714592, -0.013781431131064892, 0.0077533237636089325, -0.0032660707365721464, 0.012117105536162853, -0.013246952556073666, 0.014221192337572575, -0.008551659062504768, 0.007374452892690897, 0.01414000615477562, -0.0020110607147216797, -0.0019755414687097073, 0.023828277364373207, 0.022475166246294975, 0.028740068897604942, 0.011961497366428375, -0.0060213422402739525, -0.011420253664255142, -0.0029193360824137926, 0.01414000615477562, -0.021906860172748566, 0.009573257528245449, 0.017698686569929123, 0.017455127090215683, 0.006217543035745621, -0.010249813087284565, -0.01418059878051281, 0.005219623912125826, 0.04005207493901253, -0.0014182290760800242, -0.014708312228322029, -0.02441011555492878, 0.008287802338600159, -0.008193084970116615, -0.004022121429443359, 0.022136889398097992, 0.01764456182718277, -0.008916999213397503, -0.008111897855997086, -0.004384078551083803, 0.0023933143820613623, 0.04278535768389702, -0.014748905785381794, -0.01283425372093916, 0.004536303225904703, 0.023868869990110397, 0.014870685525238514, 0.012069746851921082, 7.611246837768704e-05, 0.0231111291795969, -0.0028212356846779585, 0.014681249856948853, 0.004384078551083803, 0.014518876560032368, 0.003896958427503705, -0.011460846289992332, -0.01328754611313343, 0.005896179471164942, -0.019011203199625015, 0.021365616470575333, 0.005666150711476803, -0.031608663499355316, -0.006176949944347143, 0.00034863740438595414, 0.001272769644856453, -0.008707266300916672, 0.005906327627599239, 0.007151189725846052, -0.023733559995889664, -0.007496232632547617, 0.006799380760639906, 0.011332301422953606, 0.016602667048573494, 0.02771170437335968, -0.008565190248191357, -0.0021937305573374033, -0.0047088246792554855, 0.037670597434043884, -0.037021104246377945, -0.0020059864036738873, -0.004045800771564245, -0.01104138232767582, -0.00767213711515069, -0.022962287068367004, -0.013842321000993252, 0.00373458513058722, -0.044111404567956924, -0.005158734042197466, 0.038942523300647736, -0.007218845188617706, 0.010432482697069645, 0.016575604677200317, 0.02335468865931034, -0.007442108355462551, -0.02645331248641014, 0.018239930272102356, 0.022935224696993828, 0.008145725354552269, 0.012536569498479366, -0.0061431219801306725, 0.00955972634255886, -0.027847016230225563, 0.00561540899798274, 0.002831383841112256, 0.008815515786409378, -0.006072083953768015, -0.021000277251005173, -0.007658605929464102, 0.02600678615272045, 0.044273778796195984, -0.0018114767735823989, 0.007151189725846052, -0.00654228962957859, 0.007029409520328045, 0.0010300554567947984, -0.013010158203542233, -0.00654228962957859, 0.04543745517730713, -0.010019783861935139, -0.017549844458699226, 0.005547753535211086, -0.003068178193643689, -0.02645331248641014, 0.0010706487810239196, 0.024098899215459824, -0.003984910901635885, 0.023368220776319504, 0.01212387066334486, -0.008977889083325863, -0.010161860845983028, -0.010161860845983028, 0.01646735519170761, -0.005182413384318352, -0.005814992822706699, -0.03304295986890793, 0.01865939423441887, -0.0038800446782261133, 0.0330158993601799, 0.04053919389843941, -0.022718727588653564, 0.03101329505443573, -0.019782476127147675, -0.0006059398292563856, -0.02957899682223797, 0.00010185328574152663, -0.005500394385308027, 0.009925066493451595, -0.029606059193611145, -0.013118406757712364, 0.030823858454823494, 0.009221448563039303, 0.012989861890673637, 0.01252980437129736, 0.0014182290760800242, -0.017752811312675476, -0.007185017224401236, 0.005994279868900776, -0.0045329206623137, -0.011914138682186604, 0.01501952763646841, 0.01825346238911152, 0.026507437229156494, -0.015357805415987968, 0.03317827358841896, 0.03028261475265026, 0.012577163055539131, -0.01841583475470543, -0.009153793565928936, 0.022434573620557785, -0.0018453046213835478, 0.006170184351503849, 0.0009843879379332066, 0.03361126780509949, 0.03193340823054314, 0.010561028495430946, 0.025817349553108215, 0.001901120413094759, -0.00200260360725224, -0.0012177994940429926, 0.005070781800895929, -0.0053549353033304214, 0.013537871651351452, 0.003470728639513254, -0.0019332567462697625, 0.03455844521522522, -0.019593041390180588, -0.01800990290939808, -0.007550356909632683, 0.009891238063573837, -0.020526688545942307, -0.008138960227370262, 0.004996360745280981, 0.004979446996003389, -0.00719178281724453, 0.0019214170752093196, -0.030634423717856407, -0.05823788046836853, 0.01952538639307022, 0.007509763818234205, 5.092664287076332e-05, -0.0018233165610581636, -0.01805049553513527, -0.028902443125844002, -0.001830082037486136, -0.00728650065138936, -0.03150041401386261, 0.012306541204452515, -0.003381085116416216, -0.02726517803966999, -0.035072628408670425, -8.69479263201356e-05, 0.021284429356455803, 0.011325535364449024, 0.04254179820418358, 0.01149467471987009, 0.003609422594308853, -0.001234713476151228, -0.011088741011917591, -0.010818119160830975, 0.013964101672172546, -0.030309677124023438, -0.005733806174248457, 0.011596158146858215, -0.014681249856948853, -0.0005027651786804199, -0.00874109473079443, 0.005287279840558767, -0.004353633150458336, -0.010520434938371181, 0.004790011327713728, 0.0044584996066987514, 0.024234211072325706, 0.006193863693624735, 0.03796828165650368, 0.014234723523259163, 0.008998185396194458, -0.01837524212896824, 0.0032965156715363264, 0.0006452646339312196, -0.00767213711515069, -0.014153536409139633, 0.028875380754470825, -0.01218476053327322, 0.006136356387287378, 0.00912673119455576, 0.007124127354472876, -0.004482178948819637, 0.026764526963233948, -0.006197246722877026, 0.02473486214876175, -0.011535268276929855, 0.021933922544121742, 0.006038255989551544, 0.010946664959192276, 0.023219378665089607, -0.008308098651468754, -0.004373929928988218, 0.002828001044690609, -0.006034873425960541, 0.03834715485572815, 0.02526257559657097, -0.0146271251142025, 0.03656104952096939, -0.033070024102926254, -0.011575860902667046, -0.03271821513772011, 0.005639088340103626, -0.019701290875673294, 0.03109448216855526, -0.009465008974075317, -0.005388762801885605, 0.0025658360682427883, -0.017306284978985786, -0.00487119797617197, 0.009674740955233574, -0.013686713762581348, 0.0034622717648744583, 2.87800285150297e-05, 0.005679681897163391, 0.010500138625502586, 0.00026301087928004563, 0.00558496406301856, -0.023016411811113358, -0.020323721691966057, 0.03028261475265026, -0.010791056789457798, 0.021122056990861893, -0.0004596347571350634, 0.0021057783160358667, -0.021284429356455803, -0.022759320214390755, -0.019660696387290955, -0.03550562262535095, -0.007956290617585182, 0.0019434051355347037, 0.02139267884194851, 0.020932620391249657, 0.034206636250019073, -0.012313306331634521, 0.016683854162693024, 0.023259971290826797, 0.0003473688557278365, -0.0020871730521321297, -0.012408023700118065, 0.005449653137475252, -0.004854284226894379, -0.015953173860907555, 0.003626336343586445, -0.02616915851831436, -0.004505858290940523, 0.005378614645451307, 0.02955193631350994, 0.030661486089229584, -0.01930888742208481, -0.025492602959275246, -0.009059075266122818, -0.016413232311606407, -0.015060121193528175, 0.021216774359345436, 0.004942236468195915, 0.005642471369355917, -0.02738695777952671, 0.017062725499272346, 0.015506647527217865, 0.005290662404149771, -0.008815515786409378, 0.006197246722877026, 0.027847016230225563, -0.0038834274746477604, -0.004313040059059858, 0.005835289601236582, 0.004546451382339001, -0.03117566742002964, 0.004018738400191069, -0.04259592294692993, -0.005831906571984291, 0.02550613507628441, -0.015750207006931305, 0.008044242858886719, 0.033881887793540955, 0.02106793224811554, -0.012597459368407726, 0.005057251080870628, 0.006105911452323198, -0.026345063000917435, -0.019417136907577515, -0.020283127203583717, -0.002526934025809169, -0.01173823419958353, -0.007908931002020836, 0.028307072818279266, -0.01626439020037651, 0.01821286790072918, -0.013260483741760254, 0.014951871708035469, -0.03615511581301689, -0.023733559995889664, 0.008159256540238857, 0.006048404145985842, 0.05309605970978737, 0.007394749205559492, 0.030661486089229584, 0.04034975916147232, -0.0027079125866293907, -0.0012600842164829373, 0.013585230335593224, 0.0102092195302248, -0.014167067594826221, 0.02562791481614113, 0.016521479934453964, -0.020242534577846527, -0.022759320214390755, -0.001787797431461513, -0.004265681374818087, -0.013213125057518482, -0.033638328313827515, 0.01626439020037651, 0.00779391685500741, 0.0169138815253973, -0.002846606308594346, -0.0007108059362508357, -0.011887076310813427, 0.011251114308834076, -0.028631819412112236, 0.012286243960261345, 0.006153270602226257, -0.008375754579901695, -0.004343484994024038, 0.058616749942302704, -6.612270954065025e-05, 0.008470471948385239, -0.01687328889966011, -0.0026115034706890583, 0.02066199854016304, 0.0062209260649979115, -0.007658605929464102, 0.007394749205559492, -0.002066876506432891, 0.04462558776140213, -0.0074759358540177345, -0.0027163694612681866, 0.019782476127147675, 0.02021547220647335, 0.0012922206660732627, -0.00734739052131772, 0.0008981271530501544, 0.028388259932398796, -0.026561560109257698, 0.013754368759691715, 0.022272201254963875, -0.015371336601674557, -0.015953173860907555, -0.011717937886714935, -0.007848041132092476, -0.0036906092427670956, -0.004387461114674807, 0.008145725354552269, 0.02917306497693062, 0.011508205905556679, 0.0018402304267510772, -0.00014651651144959033, -0.0024728095158934593, -0.017346877604722977, -0.005432738922536373, -0.02710280567407608, 0.01752278208732605, -0.0633796975016594, -0.024545425549149513, 0.025817349553108215, -0.012130636721849442, 0.025830881670117378, 0.007002347148954868, 5.1190923841204494e-05, 0.014532407745718956, 0.007428577169775963, -0.019349481910467148, -0.005578198470175266, 0.016440292820334435, 0.003907106816768646, -0.04302891716361046, -0.01792871579527855, -0.01980953849852085, -0.011697640642523766, 0.010175392031669617, -0.024707799777388573, -0.015330743044614792, -0.030309677124023438, 0.004651317838579416, 0.013524340465664864, 0.006400213111191988, 0.0018622184870764613, 0.011122569441795349, -0.007333859335631132, 0.014600063674151897, 0.012177995406091213, -0.011142865754663944, 0.044111404567956924, 0.007455639541149139, -0.0024153024423867464, 0.025519665330648422, -0.00597060052677989, 0.011000788770616055, -0.005446270108222961, -0.0009285721462219954, 0.00845694076269865, -0.03472081944346428, -0.02282697521150112, -0.023868869990110397, 0.00821338128298521, -0.026953963562846184, -0.016480887308716774, -0.0075841848738491535, 0.011711171828210354, -0.015154838562011719, 0.03802240639925003, 0.0016017446760088205, -0.025357292965054512, 0.018077557906508446, 0.001919725676998496, 0.02029665932059288, 0.003771795891225338, -0.022840507328510284, -0.007780386134982109, -0.0079495245590806, 0.007103830575942993, -0.019511854276061058, 0.0019789242651313543, -0.0049862125888466835, 0.031635724008083344, 0.00878168735653162, -0.02860475890338421, -0.03750822693109512, 0.006373150739818811, -0.029930805787444115, -0.008646376430988312, -0.006217543035745621, 0.0015797566156834364, 0.010703104548156261, 0.020431969314813614, -0.0006088997470214963, 0.03631749004125595, -0.01155556458979845, 0.002542156493291259, -0.02922718971967697, -0.0022580032236874104, -0.01602082885801792, -0.0008829046855680645, 0.005919858813285828, -0.018104620277881622, -0.03431488573551178, -0.012746301479637623, -0.020323721691966057, -0.004495710134506226, -0.001803019898943603, 0.01458653248846531, 0.01161645445972681, -0.020553749054670334, -0.0167109165340662, 0.02155505120754242, -0.0017032279865816236, 0.01012803241610527, 0.014315909706056118, -0.03353007882833481, -0.0015941334422677755, -0.007205314002931118, 0.0028702858835458755, -0.01006714254617691, -0.010175392031669617, 0.015750207006931305, 0.005656002089381218, 0.010249813087284565, -0.015411929227411747, -0.016886821016669273, 0.011548798531293869, -0.019985442981123924, 0.006444189231842756, 0.019417136907577515, -0.013260483741760254, 0.03158160299062729, -0.0030140539165586233, 0.002107469830662012, -0.011014319956302643, -0.01289514359086752, 0.012746301479637623, 0.012942503206431866, -0.001595824840478599, -0.03434194624423981, 0.010615152306854725, -0.016156140714883804, -0.02265107072889805, -0.018402304500341415, 0.014545938931405544, -0.003024202072992921, -0.040079135447740555, -0.03607392683625221, 0.005740571767091751, 0.014018225483596325, -0.004225087817758322, -0.0003023356548510492, 0.002359486650675535, 0.01106167957186699, -0.007665371522307396, -0.0013116715708747506, -0.0008338544284924865, -0.022962287068367004, 0.01006714254617691, -0.006383299361914396, -0.02828001230955124, 0.020391376689076424, -0.00022833741968497634, 0.0016127387061715126, -0.02489723451435566, 0.01405881904065609, 0.19333244860172272, -0.007151189725846052, -0.013605526648461819, 0.017942246049642563, -0.00689748115837574, -0.008714032359421253, 0.03623630106449127, -0.003606039797887206, -0.002180199371650815, 0.015398398973047733, 0.0014249945525079966, 0.008308098651468754, -0.01284101977944374, -0.002217409899458289, 0.016805633902549744, -0.0023239674046635628, -0.03263702616095543, -0.029308374971151352, 0.00046513177221640944, 0.015073652379214764, -0.006068700924515724, -0.00782774481922388, 0.003222094615921378, -0.01123081799596548, 0.0334218330681324, 0.0076924338936805725, -0.005219623912125826, -0.020066630095243454, 0.02795526571571827, 0.021257366985082626, 0.0024034627713263035, -0.013199593871831894, 0.009147027507424355, 0.002300288062542677, -0.009234979748725891, -0.005287279840558767, 0.01123081799596548, -0.010202453471720219, 0.016968006268143654, 0.01626439020037651, 0.014789498411118984, -0.0002896502264775336, -0.004306274466216564, 0.0006427275366149843, -0.02131149172782898, 0.020973214879631996, -0.00654228962957859, 0.02009369246661663, 0.010290405713021755, 0.007482701446861029, -0.02599325403571129, 0.009052310138940811, 0.02957899682223797, 0.012523038312792778, -0.02604737877845764, -0.00692792609333992, 0.006129590794444084, 0.0030563385225832462, 0.017333347350358963, -0.007489467039704323, -0.012320072390139103, 0.00250663748010993, -0.0070091127417981625, 0.014437690377235413, -0.0396190769970417, 0.004884729161858559, -0.00364325032569468, 0.008450175635516644, 0.027251647785305977, -0.015398398973047733, -0.016074953600764275, -0.006819677539169788, -0.0032660707365721464, -0.005304193589836359, -0.02078377828001976, -0.03076973557472229, 0.02718399092555046, 0.03791416063904762, 0.016359107568860054, 0.015249556861817837, 0.0022563119418919086, 0.0029159532859921455, -0.016074953600764275, 0.02637212537229061, -0.02220454439520836, -0.03133803978562355, 0.021013807505369186, -0.014884216710925102, -0.020973214879631996, -0.023043474182486534, -0.020404906943440437, -0.005229772534221411, -0.006680983584374189, -0.0003746424918062985, 0.008247208781540394, 0.00436039874330163, 0.010743698105216026, 0.01000625267624855, 0.005628940183669329, -0.036290425807237625, -0.00683659128844738, 0.08048301935195923, 0.02436952106654644, 0.005209475755691528, 0.0073541561141610146, -0.0005915630608797073, -0.0154660539701581, 0.014356503263115883, 0.021568583324551582, -0.012340368703007698, -0.00042665269575081766, -0.036777544766664505, 0.007218845188617706, 0.0037582647055387497, -0.013111641630530357, 0.014194129966199398, -0.02167683094739914, -0.030255552381277084, 0.02550613507628441, -0.00459381053224206, 0.003798858029767871, -0.0317980982363224, 0.009573257528245449, 0.005006509367376566, -0.0006177795585244894, -0.014911279082298279, 0.017576906830072403, -0.01829405501484871, 0.0021666684187948704, -0.02416655607521534, 0.01347021572291851, -0.03813065588474274, 0.013991163112223148, 0.012238885276019573, 0.02530316822230816, -0.010845181532204151, 0.005439504515379667, -0.002325658919289708, -0.01577726937830448, -0.0033895419910550117, 0.006850122474133968, -0.009302635677158833, 0.012421554885804653, 0.007990118116140366, -0.004187877289950848, 0.0029108792077749968, 0.006166801322251558, -0.007807448040693998, -0.004543068818747997, -0.015804331749677658, -0.020810840651392937, -0.00039028783794492483, 0.011670579202473164, 0.013064282946288586, 0.0362633652985096, -0.0012211822904646397, 0.0015806022565811872, -0.0020313572604209185, -0.01894354820251465, 0.03171691298484802, -0.049983903765678406, -0.014924810267984867, 0.025113733485341072, 0.008950826711952686, -0.025276105850934982, -0.003441974986344576, -0.17298166453838348, 0.009985956363379955, 0.03623630106449127, -0.042650047689676285, -0.004353633150458336, 0.005202710162848234, 0.039835575968027115, -0.014559470117092133, -0.03131097927689552, -0.02657509222626686, -0.005344786681234837, -0.0010300554567947984, -0.04010619968175888, -0.0024068455677479506, -0.0006710583111271262, 0.009404118172824383, -0.0025844413321465254, -0.0043198056519031525, 0.02017487958073616, 0.009505601599812508, 0.03688579425215721, -0.015073652379214764, -0.0010858712485060096, -0.019268294796347618, 0.009796520695090294, 0.001068957382813096, 0.0036466331221163273, 0.017536314204335213, -0.007171486038714647, -0.02298934943974018, 0.008991420269012451, -0.00761124724522233, 0.030336739495396614, -0.006024724803864956, 0.00130659737624228, 0.0098032858222723, 0.0068873330019414425, 0.0010757229756563902, -0.009593553841114044, 0.01257039699703455, 0.012286243960261345, 0.03377364203333855, 0.0220962967723608, -0.0037176713813096285, -0.01116992812603712, 0.016562074422836304, 0.015195432119071484, -0.015005996450781822, -0.0043806955218315125, -0.024437177926301956, -0.015168369747698307, 0.0006621784996241331, 0.008308098651468754, -0.016480887308716774, -0.020716123282909393, 0.0065490552224218845, -0.005334638524800539, 0.026750996708869934, 0.01610201597213745, -0.015195432119071484, -0.008308098651468754, -0.026629216969013214, 0.03263702616095543, -0.008111897855997086, -0.014559470117092133, -0.008829046972095966, -0.026426250115036964, 0.006075466517359018, -0.028144700452685356, 0.005209475755691528, -0.011589392088353634, -0.02600678615272045, 0.007895400747656822, 0.019295357167720795, -0.008558424189686775, 0.03899664804339409, -0.00974239595234394, -0.0033895419910550117, 0.034287821501493454, -0.009451477788388729, -0.004285977687686682, 0.01181942131370306, -0.0017455127090215683, -0.0026216518599539995, -0.002139606047421694, -0.005608643405139446, -0.017184505239129066, 0.0004055103345308453, -0.013950570486485958, 0.00018002714205067605, 0.02208276465535164, -0.02677805908024311, 0.008287802338600159, 0.0032762191258370876, 0.008835812099277973, 0.00918762106448412, -0.003947700373828411, -0.005510543007403612, 0.02155505120754242, 0.005280514247715473, -0.010046846233308315, -0.01414000615477562, -0.01976894587278366, 0.012225354090332985, 0.03147335350513458, -0.0019417137373238802, -0.02265107072889805, 0.00235779513604939, 0.01334843598306179, -0.00414728419855237, 0.00561202596873045, 0.014099412597715855, 0.008835812099277973, -0.01997191272675991, 0.004407757893204689, 0.007381218485534191, -0.004773097578436136, -0.016088485717773438, 0.022150419652462006, -0.009485305286943913, 0.04202761501073837, 0.009133496321737766, -0.003282984485849738, -0.006586265750229359, 0.0009167324169538915, -0.006674217991530895, -0.11301179975271225, 0.008950826711952686, 0.011961497366428375, 0.016494417563080788, -0.02025606483221054, 0.036696359515190125, 0.005273748654872179, 0.03252878040075302, -0.028658881783485413, 0.033638328313827515, -0.024261273443698883, 0.0005818375502713025, 0.008504300378262997, -0.006643773056566715, 0.00423861900344491, -0.0183346476405859, 0.0094988364726305, -0.030959170311689377, 0.001946787815541029, 0.02094615250825882, 0.0029565466102212667, -0.008490769192576408, 0.028334135189652443, -0.003917254973202944, 0.002828001044690609, -0.003869896288961172, -0.03279940038919449, 0.032176971435546875, 0.0046851453371346, -0.02005309984087944, 0.003046190133318305, -0.023408813402056694, -0.019985442981123924, -0.02852357178926468, -0.012732770293951035, 5.719006367144175e-05, -0.021325023844838142, -0.012103574350476265, 0.011589392088353634, -0.022624008357524872, 0.004556600004434586, 0.012232120148837566, 0.013301077298820019, 0.004739270079880953, -0.012428320944309235, -0.008253974840044975, -0.010141563601791859, 0.014288848266005516, 0.010831650346517563, -0.01841583475470543, -0.026723934337496758, -0.015195432119071484, -0.013517574407160282, 0.0020009123254567385, -0.004793394356966019, 0.003230551490560174, 0.016940943896770477, -0.019390074536204338, 0.004526155069470406, 0.022881099954247475, -0.03634455054998398, -0.0086599076166749, -0.02009369246661663, -0.01558783371001482, 0.01450534537434578, 0.0032948243897408247, -0.003609422594308853, -0.014545938931405544, -0.01825346238911152, -0.020932620391249657, 0.0018283906392753124, -0.0009353376808576286, -0.012008856981992722, -0.0051857964135706425, -0.024274803698062897, 0.003978145308792591, -0.03144628927111626, -0.04162168130278587, 0.015790801495313644, -0.01181942131370306, 0.0026487139984965324, -0.016440292820334435, -0.010554262436926365, -0.017428064718842506, 0.029524873942136765, 0.003626336343586445, -0.01041218638420105, -0.014234723523259163, -0.00719178281724453, -0.045383330434560776, -0.022799912840127945, 0.021460333839058876, 0.012306541204452515, -0.03447725623846054, 0.0022038789466023445, -0.007908931002020836, -0.005946921184659004, -0.021703893318772316, -4.376467040856369e-05, -0.009383821859955788, -0.011176693253219128, 0.007198548410087824, -0.06354207545518875, 0.011345832608640194, 0.010114502161741257, -0.012550100684165955, -0.015060121193528175, 0.016047891229391098, 0.004850901663303375, -0.0044415853917598724, -0.017062725499272346, 0.023814747110009193, -0.04319129139184952, -0.011000788770616055, -0.02461308240890503, 0.006741873454302549, -0.023530593141913414, -0.013639355078339577, 0.019755415618419647, -0.009898004122078419, 0.012604225426912308, 0.012008856981992722, -0.009877707809209824, 0.020229004323482513, 0.010730166919529438, 0.013240187428891659, -0.011027851141989231, -0.020120754837989807, -0.020567281171679497, 0.007746558170765638, -0.001848687301389873, -0.011995325796306133, 0.013003393076360226, -0.021176181733608246, -0.02380121499300003, 0.007577419281005859, 0.00609238026663661, -0.013294311240315437, -0.00937705673277378, 0.016047891229391098, 0.02049962617456913, 0.027616987004876137, -0.02876713126897812, -0.0378870964050293, -0.008253974840044975, -0.010358061641454697, -0.008930529467761517, 0.0032593051437288523, -0.005686447490006685, 0.011325535364449024, 0.004861049819737673, -0.0109196025878191, 0.027738766744732857, 0.01585845649242401, -0.005030188709497452, -0.009898004122078419, -0.005341404117643833, -0.005087696015834808, 0.011203755624592304, 0.007421811576932669, 0.01328754611313343, -0.006883949972689152, 0.03610099107027054, -0.00982358306646347, 0.014545938931405544, -0.0022833740804344416, 0.022556353360414505, 0.0035519152879714966, -0.008693735115230083, 0.003971379715949297, 0.005453035701066256, -0.022678133100271225, -0.013260483741760254, 0.013213125057518482, 0.013504044152796268, 0.025316698476672173, 0.023381751030683517, -0.00761124724522233, -0.0026554795913398266, -0.0023933143820613623, -0.006214160472154617, 0.010567793622612953, 0.01342962309718132, -0.012489210814237595, -0.020919090136885643, 0.01932241953909397, 0.020675530657172203, 0.005608643405139446, -0.013159000314772129, -0.005689830053597689, -0.009870941750705242, 0.00047908572014421225, -0.004201408475637436, 0.018916485831141472, -0.012563631869852543, 0.02787407860159874, -0.02009369246661663, 0.00035455726902000606, -0.0022123358212411404, 0.01047307625412941, 0.014302379451692104, 0.027535799890756607, 0.019349481910467148, 0.002665627980604768, -0.01658913679420948, -0.034044262021780014, -0.03309708461165428, -0.018469959497451782, -0.03537031263113022, -0.017225097864866257, 0.0031612045131623745, 0.02538435533642769, 0.014288848266005516, 0.02860475890338421, -0.0018740581581369042, 0.009776224382221699, -0.00982358306646347, 0.01033099927008152, -0.0027992476243525743, -0.02526257559657097, -0.03739997744560242, 0.005388762801885605, 0.006670835427939892, 0.008774922229349613, 0.021568583324551582, -0.008626080118119717, 0.039916761219501495, 0.017617499455809593, 0.03642573580145836, -0.03244759142398834, 0.042244113981723785, 0.0008516139932908118, 0.018727051094174385, -0.024017713963985443, 0.016399700194597244, -0.0021328406874090433, -0.02252929098904133, -0.02147386595606804, -0.009965659119188786, 0.016968006268143654, 0.006647155620157719, 0.09450124204158783, 0.05431386083364487, -0.004394226707518101, 0.01141348760575056, -0.024180086329579353, -0.02623681351542473, 0.01129170786589384, 0.010168625973165035, -0.012746301479637623, -0.006623476278036833, 0.020026037469506264, -0.006339323241263628, 0.006461102981120348, -0.02726517803966999, -0.0008579567074775696, -0.026750996708869934, -0.0053244903683662415, 0.009059075266122818, 0.005067399237304926, -0.0012194908922538161, -0.0013150543672963977, -0.008829046972095966, 0.010804587975144386, 0.012820722535252571, -0.021785080432891846, -0.004827221855521202, 0.008220146410167217, -0.0057135093957185745, 0.0005649236845783889, -0.03623630106449127, 0.02917306497693062, 0.028388259932398796, -0.021527988836169243, -0.010405420325696468, -0.007516529411077499, -0.020445501431822777, 0.007820979692041874, 0.009302635677158833, 0.017346877604722977, -0.002921027597039938, 0.02558732219040394, 0.008321629837155342, -0.00719178281724453, -0.008375754579901695, -0.010865477845072746, -0.002131149172782898, -0.025654977187514305, -0.01418059878051281, -0.003316812450066209], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='1a9766fe-9b47-4a7e-b166-1ced85aa7e89', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '4', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_type': 'application/pdf', 'file_size': 1103758, 'creation_date': '2024-02-25', 'last_modified_date': '2023-12-13', 'last_accessed_date': None}, hash='1928bf5325134c57e92ba605a0122861090d316cd8df33428488226f27407fcf')}, text='4.1 Open-Domain QA Datasets\\nWe evaluate on five different open-domain QA\\ndatasets with Wikipedia as the retrieval source:\\nNatural Questions (NQ) (Kwiatkowski et al.,\\n2019), TriviaQA (TQA) (Joshi et al., 2017),\\nWeb Questions (WebQ) (Berant et al., 2013),\\nSQuAD (Rajpurkar et al., 2016), and Entity Ques-\\ntions (EQ) (Sciavolino et al., 2021).\\n4.2 Dense Retrieval Models\\nWe compare the performance of the six following\\nsupervised or unsupervised dense retriever mod-\\nels. ', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='c364c1a2-e045-4b36-a467-d2ab5818839a', embedding=[-0.014414320699870586, 0.01357224676758051, 0.012984918430447578, -0.036202091723680496, 0.004829540383070707, 0.02792287990450859, 0.015567748807370663, 0.021879764273762703, -0.026465173810720444, -0.043419867753982544, 0.01361470390111208, 0.04259902238845825, -0.02363467402756214, 0.009312344714999199, -0.010104884393513203, -0.0005316032329574227, 0.010819585993885994, 0.013480255380272865, 0.011838565580546856, -0.029040928930044174, -0.0018239032942801714, -0.013374111615121365, -0.03212617337703705, -0.023408234119415283, 0.006602141074836254, 0.0044686514884233475, 0.02503577060997486, -0.02350730076432228, -0.017987826839089394, 0.0018716680351644754, 0.012164073064923286, 0.002667746040970087, -0.008703786879777908, -0.016247069463133812, -0.005873287096619606, -0.006106803193688393, 0.0044332705438137054, -0.001500164857134223, 0.03206956386566162, 0.004249287769198418, 0.01214992068707943, 0.02315348945558071, 0.001908818376250565, -0.009446793235838413, 0.018299181014299393, -0.00434835534542799, 0.009000989608466625, -0.030824143439531326, -0.004999370314180851, 0.014789361506700516, 0.020790021866559982, 0.028304997831583023, -0.018539773300290108, 0.002713741734623909, -0.019955024123191833, -0.001050823018886149, -0.004985217936336994, 0.03365464136004448, -0.007982009090483189, -0.025276362895965576, 0.00851980410516262, -0.01033840049058199, -0.038211748003959656, 0.010465772822499275, 0.000527622876688838, -0.010310095734894276, -0.015397919341921806, 0.00443680863827467, 0.02972024865448475, -0.003341758856549859, 0.02321009896695614, 0.01295661274343729, 0.002198944566771388, 0.0016054240986704826, 0.03824005275964737, -0.02084663137793541, -0.014959191903471947, -0.01415957510471344, -0.013671314343810081, 0.009666156955063343, 0.01661503314971924, -0.025276362895965576, -0.011046025902032852, 0.026734070852398872, 0.0147044463083148, 0.0054840934462845325, 0.013975593261420727, 0.0008725899970158935, -0.01394021138548851, -0.002754430053755641, 0.008378279395401478, 0.022474167868494987, 0.023762045428156853, 0.003072861349210143, -0.01361470390111208, 0.011336151510477066, 0.016799015924334526, 0.03260735794901848, -0.010083655826747417, -0.012829240411520004, -0.005063056480139494, 0.00930526852607727, -0.04339156299829483, -0.010869119316339493, -0.025049922987818718, 0.005048904102295637, 0.008279211819171906, -0.006517225876450539, -0.0002941066341008991, -0.0008376510231755674, -0.023832809180021286, 0.03368294611573219, 0.006032502744346857, -0.03481514751911163, 0.014435549266636372, -0.0024519204162061214, 0.02696051076054573, -0.0042634401470422745, 0.012234835885465145, 5.0086578994523734e-05, 0.020591886714100838, 0.0012976073194295168, 0.036909718066453934, -0.015978172421455383, 0.038211748003959656, -0.006078498438000679, -0.0027066655457019806, -0.012786783277988434, 0.008243830874562263, -0.014775209128856659, -0.0015302390092983842, 0.02285628579556942, 0.010642679408192635, -0.002504992298781872, -0.0095741655677557, 0.026635004207491875, -0.008640101179480553, -0.006110341288149357, -0.014789361506700516, -0.025205601006746292, 0.01098941545933485, 0.012652333825826645, -0.014025126583874226, -0.03623039647936821, 0.0055017839185893536, 0.0339093878865242, 0.0019848879892379045, -0.005374411586672068, 0.00629078596830368, 0.021610865369439125, 0.010932805947959423, -0.0294088926166296, -0.02294120192527771, 0.007288536988198757, 0.038041919469833374, -0.0008142109727486968, 0.023450691252946854, 0.017733082175254822, -0.008498575538396835, -0.01760570891201496, 0.0054664029739797115, 0.018808672204613686, 0.016091391444206238, -0.0072743846103549, 0.014039278961718082, 0.02080417424440384, 0.016898084431886673, 0.0019495068117976189, -0.022842133417725563, -0.04135360196232796, -0.012624029070138931, 0.025248058140277863, -0.013579322956502438, 0.01660088077187538, -0.006234175991266966, 0.004871997982263565, 0.02713034115731716, -0.017860453575849533, -0.017365116626024246, -0.02551695518195629, 0.008314593695104122, -0.00123215198982507, 0.01712452434003353, 0.007115168962627649, -0.012093310244381428, -0.011937633156776428, -2.5015648134285584e-05, 0.004443884827196598, -0.007663578260689974, -0.0073876045644283295, 0.0023157026153057814, 0.022870438173413277, 0.005749452859163284, -0.020733410492539406, -0.6195397973060608, -0.024073401466012, -0.017619861289858818, -0.022700607776641846, 0.00565746147185564, 0.012036700733006, 0.014930886216461658, -0.003094090148806572, -0.012900003232061863, 0.040617670863866806, -0.007040868513286114, -0.010600222274661064, -0.011343227699398994, 0.0073522231541574, -0.01743587851524353, -0.02429984137415886, -0.0008398623904213309, -0.00013168458826839924, 0.04990171268582344, 0.007093940395861864, -0.02246001549065113, 0.033796168863773346, -0.03526802733540535, -0.0007474288577213883, -0.01411711797118187, -0.008647177368402481, 0.013749153353273869, -0.012121615931391716, 0.015454528853297234, 0.004670324735343456, -0.03028634749352932, 0.02067680098116398, 0.015765884891152382, -0.013183052651584148, 0.04339156299829483, 0.003378909081220627, -0.008993913419544697, 0.004213906824588776, -0.003881322918459773, 0.05021306872367859, -0.04506155848503113, -0.00869671069085598, 0.008732091635465622, -0.010359629057347775, 0.010345476679503918, 0.021341968327760696, 0.011194626800715923, -0.0013568708673119545, -0.012935384176671505, -0.005788372363895178, -0.008781625889241695, -0.0013188360026106238, -0.021257054060697556, -0.029918383806943893, 0.008272135630249977, 0.019785193726420403, 0.03238091990351677, -0.03928733617067337, 0.028333302587270737, -0.01186687033623457, 0.00837120320647955, 0.014845971949398518, -0.0001368812081636861, -0.02363467402756214, -0.010196875780820847, 0.024016791954636574, 0.009368954226374626, 0.0026730531826615334, 0.014258642680943012, -0.024894246831536293, -0.0001466110406909138, -0.00013290080823935568, 0.009078828617930412, -0.010416239500045776, -0.00891607441008091, 0.0200965479016304, -0.013367035426199436, -0.01730850711464882, 0.00024390948237851262, 0.011838565580546856, 0.014138346537947655, -0.002535066334530711, 0.0072602322325110435, 0.007500824518501759, 9.370502084493637e-05, -0.014081737026572227, -0.00972276646643877, 0.01703960821032524, -0.017379269003868103, 0.011718269437551498, 0.011201702989637852, 0.016799015924334526, -0.029295673593878746, -0.020903240889310837, 0.0035080506931990385, 0.02241755835711956, -0.0010295943357050419, -0.015298851765692234, 0.024313993752002716, -0.033456508070230484, 0.015893256291747093, -0.014470930211246014, 0.026026446372270584, 0.008725015446543694, 0.016714101657271385, 0.02306857332587242, 0.0049604508094489574, -0.006892267148941755, 0.01149182952940464, -0.013126443140208721, 0.007086863741278648, -0.003548739245161414, -0.007373452186584473, -0.004447422921657562, 0.011336151510477066, -0.03323006629943848, 0.02468195930123329, 0.011675811372697353, 0.0014647836796939373, -0.009602470323443413, 0.000940256635658443, -0.01357224676758051, 0.015652664005756378, -0.006028964649885893, 0.0029260292649269104, 0.01827087625861168, -0.011357381008565426, -0.0023457766510546207, 0.020223921164870262, -0.00019769271602854133, 0.00020476897771004587, -0.02036544680595398, 0.008420736528933048, -0.01339534018188715, 0.01661503314971924, 0.008144763298332691, 0.01795952208340168, -0.009170819073915482, 0.010578992776572704, 0.009333573281764984, -0.032833799719810486, -0.01149182952940464, -0.005172738339751959, -0.01026763767004013, -0.04305190220475197, -0.010819585993885994, 0.004857845138758421, 0.004741087090224028, 0.0037291834596544504, -0.026804832741618156, -0.007408833131194115, -0.02482348307967186, -0.011682888492941856, 0.00789001863449812, -0.02915414795279503, -0.012072081677615643, -0.026167970150709152, -0.03342820331454277, -0.01795952208340168, -0.024625347927212715, 0.0017557943938300014, 0.02810686267912388, -0.01712452434003353, -0.0027685826644301414, 0.004730472806841135, -0.01848316378891468, 0.021073071286082268, 0.03189973160624504, -0.029069233685731888, -0.03085244819521904, 0.0015010494971647859, -0.019643668085336685, 0.016247069463133812, 0.03625870123505592, 0.013296272605657578, 0.0075645106844604015, -0.01006950344890356, 0.0017584479646757245, 0.011307846754789352, -0.02425738424062729, -0.003023327561095357, 0.011307846754789352, -0.010430391877889633, -0.015199784189462662, 0.007193007506430149, 0.003023327561095357, 0.011774878948926926, 0.0013329884968698025, -0.01708206720650196, 0.017888758331537247, 0.009758148342370987, 0.010359629057347775, -0.017294354736804962, 0.030088212341070175, -0.0036761115770787, 0.02413001097738743, 0.01678486354649067, 0.0035062816459685564, -0.016629187390208244, 0.01770477555692196, 0.01764816604554653, 0.02185145951807499, 0.03062600828707218, -0.01682732068002224, -0.012673563323915005, -0.011697040870785713, 0.014492158778011799, -0.02080417424440384, 0.016813168302178383, 0.005696380976587534, 0.020648496225476265, -0.027031272649765015, -0.022927049547433853, -0.014095889404416084, -0.0075291297398507595, 0.031050583347678185, -0.006319090723991394, 0.012836316600441933, -0.024158315733075142, 0.005830829497426748, -0.009000989608466625, -0.02057773433625698, 0.026068903505802155, 0.007960780523717403, -0.005017060786485672, 0.010854966938495636, 0.0053885639645159245, -0.0012887619668617845, 0.018454859033226967, -0.009149590507149696, 0.0014638991560786963, 0.02465365268290043, 0.02312518283724785, 0.012680639512836933, 0.008555185981094837, 0.008562262170016766, 0.023181794211268425, -0.008250907063484192, 0.030569398775696754, -0.010090732015669346, 0.0011313153663650155, 0.023011963814496994, -0.007812179625034332, -0.018851129338145256, 0.02932397834956646, -0.01563851162791252, 0.020068243145942688, -0.004518185276538134, -0.009835987351834774, 0.013890678063035011, -0.001432055956684053, 0.0066729034297168255, -0.0037574884481728077, 0.02451212890446186, 0.019587058573961258, -0.013593475334346294, 0.0053885639645159245, 0.005908668506890535, 0.027116188779473305, 0.00707978755235672, 0.009425564669072628, -0.006711822934448719, 0.016247069463133812, -0.011902252212166786, 0.037730563431978226, -0.02363467402756214, -0.0035681987646967173, -0.03342820331454277, -0.0096803093329072, -0.01961536332964897, -0.013543942011892796, -0.006312014535069466, 0.004992294125258923, -0.018667146563529968, 0.023832809180021286, 0.035947348922491074, -0.014456777833402157, 0.0164310522377491, 0.02980516292154789, 0.015596054494380951, -0.019544601440429688, -0.051458485424518585, 0.032012954354286194, 0.012227759696543217, -0.0003520434256643057, -0.028304997831583023, -0.033060237765312195, -0.018638841807842255, -0.026196276769042015, 0.011661658994853497, -0.0027951186057180166, 0.013727923855185509, -0.0025969836860895157, -0.003000329714268446, -0.023408234119415283, 0.008222602307796478, 0.01411711797118187, 0.0014391322620213032, 0.0036761115770787, 0.012546190060675144, -0.00928403902798891, 0.01345902681350708, -0.016190459951758385, -0.013013223186135292, 0.0328621044754982, -0.02972024865448475, -0.02972024865448475, -0.004344817250967026, -0.012164073064923286, -0.010154417715966702, 0.017237743362784386, 0.021964678540825844, -0.004925069864839315, 0.006205870769917965, 0.030824143439531326, 0.01367839053273201, -0.023931875824928284, -0.011803184635937214, 0.02819177880883217, 0.0017611016519367695, -0.013671314343810081, -0.02469611167907715, 0.01498749665915966, 0.0060395789332687855, 0.04194800928235054, 0.0651014968752861, -0.02062019146978855, 0.004252825863659382, 0.004026385955512524, 0.009949207305908203, -0.04308020696043968, 0.002287397626787424, -0.006704746279865503, 0.0003748200833797455, -0.02277137152850628, -0.02468195930123329, 0.021469341591000557, 0.0033559114672243595, 0.028984317556023598, 0.008024467155337334, 0.0012241911608725786, -0.034900061786174774, 0.012765553779900074, -0.010416239500045776, 0.004440346732735634, -0.014067583717405796, 0.00876039732247591, 0.039004288613796234, 0.015341308899223804, -0.021214596927165985, 0.008137687109410763, 0.031446851789951324, 0.00018265569815412164, -0.018695451319217682, -0.022530779242515564, 0.0053425682708621025, 0.004935684148222208, 0.007783874403685331, -0.0008411891758441925, 0.0034213666804134846, 0.018200114369392395, 0.011081406846642494, 0.015511139295995235, 0.011527210474014282, 0.010175647214055061, 0.04047614708542824, 0.012708944268524647, -0.009432640857994556, -0.0011366226244717836, -0.02923906408250332, 0.008548109792172909, 0.00859056692570448, -0.006283709779381752, -0.011789031326770782, 0.009078828617930412, 0.003476207610219717, -0.002312164520844817, -0.01722359098494053, 0.005239962600171566, -0.026238733902573586, -0.01712452434003353, 0.006128032226115465, -0.03855140879750252, -0.013013223186135292, 0.0027685826644301414, -0.02848898060619831, 0.001302029937505722, -0.0014877815265208483, -0.013706695288419724, -0.002579292980954051, 0.00972276646643877, -0.026818985119462013, -0.018157657235860825, 0.017902910709381104, 0.006793199572712183, -0.03942886367440224, -0.048344936221838, -0.00757158687338233, 0.016459356993436813, 0.009184972383081913, 0.025361279025673866, -0.005431021563708782, -0.005176276434212923, 0.014930886216461658, -0.009517556056380272, -0.009871368296444416, 0.010670984163880348, -0.040136486291885376, 0.014874276705086231, -0.009432640857994556, -0.018695451319217682, -0.0002556295075919479, -0.026592545211315155, -0.0022307876497507095, 0.0034850528463721275, -0.0012984918430447578, -0.00010089184070238844, -0.002175946719944477, 0.01791706308722496, 0.02901262417435646, 0.03289040923118591, 0.027653982862830162, 0.011824413202702999, -0.02193637378513813, 0.02076171711087227, -0.023054420948028564, -0.014329405501484871, -0.025148991495370865, 0.03342820331454277, -0.007200084161013365, 0.015369613654911518, 0.014209109358489513, 0.00475170137360692, -0.0027491229120641947, 0.002558064181357622, -0.005208119750022888, -0.002236094791442156, -0.0004303244350012392, 0.015256393700838089, -0.018200114369392395, -0.006241252180188894, 0.028205931186676025, -0.008498575538396835, -0.02377619780600071, -0.006637522019445896, -0.0014753980794921517, 0.04163665324449539, 0.0264793261885643, -0.027059579268097878, 0.031361937522888184, -0.011357381008565426, -0.007239003200083971, -0.024087553843855858, 0.021271206438541412, -0.03778717294335365, 0.04443884640932083, -0.006768432911485434, -0.003658421104773879, -0.006361548323184252, -0.0027208179235458374, 0.00707978755235672, -0.006718899123370647, -0.0188369769603014, 0.009078828617930412, -0.0013082216028124094, 0.005381487775593996, -0.019643668085336685, -0.00810938235372305, 0.006135108415037394, -0.01909172162413597, -0.0071187070570886135, 0.017365116626024246, 0.0007346031488850713, 0.0038494798354804516, -0.0214551892131567, 0.011732421815395355, -0.004373122006654739, -0.02337992936372757, -0.007047944702208042, -0.043901052325963974, -0.014166651293635368, 0.02302611619234085, 0.032494138926267624, 0.028021948412060738, 0.041806481778621674, -0.01743587851524353, 0.00713285943493247, 0.020167311653494835, -0.0018982039764523506, -0.0014922041445970535, -0.026422716677188873, 0.011704117059707642, -0.029748553410172462, -0.0002112923830281943, 0.01361470390111208, -0.020039938390254974, 0.0066729034297168255, 0.002135258400812745, 0.037334293127059937, 0.017336811870336533, 0.0013285658787935972, -0.029352283105254173, -0.003973314072936773, -0.022573236376047134, -0.02321009896695614, 0.02350730076432228, 0.015199784189462662, 0.0024112320970743895, -0.02516314387321472, -0.004794158972799778, 0.027215255424380302, -0.01153428666293621, -0.0033329136203974485, -0.006715361028909683, 0.04741087183356285, -0.0052788821049034595, 0.01582249440252781, -0.013487331569194794, 0.011258313432335854, -0.022233575582504272, 0.007267308421432972, -0.041268687695264816, 0.00865425355732441, 0.03317345678806305, -0.008732091635465622, 0.0008367664995603263, 0.0195729061961174, -0.005979430861771107, 0.011279541999101639, -0.0016876854933798313, 0.000582906068302691, -0.025488650426268578, -0.013975593261420727, -0.024144163355231285, 0.005558393895626068, -0.036428533494472504, -0.008173068054020405, 0.002604059875011444, -0.005721147637814283, -0.0027703517116606236, -0.011505981907248497, 0.01691223680973053, -0.01498749665915966, -0.02666330896317959, 0.00985721591860056, 0.0048330784775316715, 0.05983676761388779, 0.0012631105491891503, 0.020690953359007835, 0.01887943409383297, -0.010416239500045776, -0.0059122066013514996, 0.012829240411520004, 0.016671644523739815, -0.005749452859163284, 0.011350303888320923, 0.03727768361568451, -7.656723028048873e-05, -0.021426884457468987, 0.01892189122736454, 0.010954034514725208, -0.018016131594777107, -0.046957992017269135, 0.009319420903921127, 0.014216185547411442, 0.0188369769603014, -0.005561931990087032, -0.008180144242942333, 0.005639770999550819, -0.014018050394952297, -0.038692932575941086, 0.0062447902746498585, 0.001122470130212605, -0.0008062502020038664, -0.005448712036013603, 0.04435393214225769, 0.0012825701851397753, 0.02224772796034813, -0.010932805947959423, -0.0045924861915409565, 0.020818326622247696, 0.012730172835290432, -0.005399178247898817, 0.005653923377394676, 0.023082725703716278, 0.045429524034261703, -0.00985013972967863, 0.018412401899695396, -0.007543282117694616, 0.006924109999090433, -0.005696380976587534, 0.009206200949847698, 0.0008619756554253399, 0.02957872301340103, -0.017464183270931244, 0.01285046897828579, 0.005844982340931892, -0.0328621044754982, 0.0012126922374591231, -0.014421396888792515, 0.006230637896806002, -0.0027898114640265703, -0.010140265338122845, 0.004373122006654739, 0.026012293994426727, 0.016275374218821526, -0.03736259788274765, -0.003541662823408842, 0.007316842209547758, -0.004196215886622667, -0.007677730638533831, -0.01923324726521969, 0.011859794147312641, -0.05060933530330658, -0.01896434836089611, -0.009227429516613483, -0.005951126106083393, 0.03158837929368019, -0.00757158687338233, 0.009892596863210201, 0.01050823088735342, 0.010232256725430489, -0.03133363276720047, 0.008951455354690552, -0.0030852449126541615, -0.001772600575350225, -0.03229600191116333, 0.0011171628721058369, -0.007826332002878189, -0.015355461277067661, 0.017619861289858818, -0.011937633156776428, -0.011421066708862782, -0.03807022422552109, 0.0005041827680543065, -0.008066924288868904, 0.0069594914093613625, 1.3226505870989058e-05, 0.01795952208340168, -0.0332866795361042, 0.00924158189445734, 0.005452250130474567, 0.006545530632138252, 0.013303348794579506, 0.02233264409005642, 0.006092650815844536, 0.017846301198005676, -0.03308854252099991, 0.007960780523717403, -0.0022325566969811916, 0.013444874435663223, -0.0015311235329136252, -0.05961032584309578, 0.013487331569194794, 0.0012011933140456676, 0.003902551718056202, -0.008137687109410763, -0.02949380874633789, -0.01791706308722496, -0.002494378015398979, -0.018511468544602394, 0.02315348945558071, 0.005169200245290995, -0.024766873568296432, 0.024568738415837288, -0.019162483513355255, 0.01291415560990572, 0.004380198661237955, -0.026635004207491875, -0.011159245856106281, -0.011725345626473427, 0.011024796403944492, -0.025800006464123726, -0.011555515229701996, -0.020068243145942688, 0.04265563189983368, -0.00394500931724906, -0.029776858165860176, -0.02429984137415886, -0.0060395789332687855, -0.053949326276779175, 0.01175365038216114, -0.008470270782709122, 0.03085244819521904, 0.01743587851524353, 0.004394351039081812, -0.022049592807888985, 0.02771059423685074, 0.003453209763392806, -0.0003854344831779599, -0.015525291673839092, -0.0032391531858593225, 0.004553566686809063, -0.003771641058847308, 0.00808815285563469, -0.0005846751155331731, -0.043193425983190536, -0.008406584151089191, 0.014145422726869583, -0.005760067142546177, -0.008399507962167263, 0.032805491238832474, -0.0005373526946641505, -0.013168900273740292, 0.01116632204502821, 0.00389547529630363, 0.009956283494830132, -0.017534947022795677, 0.04322173073887825, -0.01291415560990572, -0.005193967372179031, 0.014577073976397514, 0.00020410557044669986, -0.015652664005756378, -0.005002908408641815, 0.001118931919336319, 0.013904830440878868, 0.007196545600891113, -0.007472519762814045, 0.001254265196621418, 0.009708614088594913, -0.01760570891201496, 0.00462079094722867, -0.0005846751155331731, -0.0007337186252698302, 0.01131492294371128, 0.017379269003868103, -0.016855627298355103, -0.022516626864671707, 0.002374081639572978, -0.014145422726869583, 0.014775209128856659, 0.03020143322646618, -0.013536865822970867, 0.018454859033226967, -0.0290975384414196, 0.009800605475902557, -0.002382927108556032, 0.008484423160552979, -0.0071363975293934345, 0.004079457838088274, -0.03399430215358734, 0.04613714665174484, 0.021129680797457695, -0.028389913961291313, 0.009220353327691555, -0.0015956942224875093, 0.0015320080565288663, 0.009956283494830132, 0.008484423160552979, 0.0005855596391484141, -0.021653324365615845, 0.02618212252855301, -0.00547347916290164, -0.013558094389736652, -0.011895175091922283, -0.01961536332964897, 0.009333573281764984, -0.01098941545933485, 0.010522383265197277, 0.19609703123569489, -0.02587076835334301, 0.009708614088594913, 0.013996821828186512, 0.005682228598743677, -0.003746874164789915, 0.000850918993819505, 0.01372084766626358, 0.0004336414276622236, 0.006152798887342215, 0.005632694810628891, -0.007451290730386972, -0.03175820782780647, 0.0033222991041839123, 0.023861113935709, -0.013989745639264584, -0.01931816153228283, -0.05318509042263031, -0.012524961493909359, 0.005300111137330532, -0.005618541967123747, 0.011803184635937214, -0.004288207273930311, -0.028559742495417595, 0.008894845843315125, -0.009800605475902557, -0.014761056751012802, -0.026932206004858017, 0.02013900689780712, 0.024625347927212715, -0.02652178332209587, 0.003293994115665555, 0.007522053085267544, -0.00031422972097061574, -0.0193606186658144, -3.131793346256018e-05, 0.0012825701851397753, 0.02154010348021984, 0.014732751995325089, 0.016544271260499954, 0.026125513017177582, -0.005247039254754782, 0.005820215214043856, -0.006273095030337572, -0.006350934039801359, 0.02775305137038231, -0.010154417715966702, -0.005724685732275248, 0.008809930644929409, 0.006580912042409182, -0.030031602829694748, 0.015511139295995235, 0.026196276769042015, 0.02897016517817974, -0.011640430428087711, 0.010409163311123848, -0.004376660566776991, 0.019728584215044975, 0.014371862635016441, -0.006538454443216324, -0.030314652249217033, -0.013211358338594437, 0.002223711460828781, 0.029833467677235603, -0.00928403902798891, 0.01385529711842537, 0.014520464465022087, 0.0036938022822141647, 0.007228388916701078, -0.012022548355162144, -0.00757158687338233, -0.017152829095721245, -0.007677730638533831, -0.01774723455309868, -0.0191483311355114, -0.02766813524067402, 0.03702293708920479, 0.012171149253845215, 0.026620851829648018, 0.021964678540825844, 0.021908069029450417, -0.005982968956232071, -0.010090732015669346, 0.010939882136881351, -0.010387934744358063, -0.03606056794524193, 0.022261880338191986, -0.01887943409383297, -0.01105310209095478, -0.027540763840079308, 3.93892805732321e-05, -0.01599232479929924, -0.010586068965494633, -0.0036265780217945576, 0.009800605475902557, -0.010557764209806919, 0.014647836796939373, 0.020591886714100838, 0.012673563323915005, -0.02455458603799343, -0.019544601440429688, 0.07268723845481873, 0.04330664873123169, 0.0018469011411070824, 0.01022518053650856, 0.0035699678119271994, 0.004783544689416885, -0.009446793235838413, 0.009715690277516842, -0.011980090290307999, 0.0017301429761573672, -0.04610884189605713, 0.013982669450342655, -0.0041360678151249886, -0.007224850822240114, 0.019955024123191833, -0.0003011828812304884, -0.017506642267107964, 0.033937692642211914, -0.017761386930942535, -0.015553596429526806, -0.021823152899742126, -0.022360948845744133, 0.021922221407294273, -0.013756229542195797, -0.024795178323984146, 0.015072411857545376, -0.011767802760004997, -0.041891396045684814, 0.00763527350500226, 0.017421726137399673, -0.030342958867549896, 0.028956012800335884, 0.003412521444261074, 0.009970435872673988, -0.0174783356487751, 0.015964018180966377, 0.008180144242942333, -0.016657492145895958, 0.012900003232061863, 0.010380858555436134, -0.0008487076847814023, -0.0007266423781402409, 0.008066924288868904, -0.008887769654393196, 0.005586699116975069, 0.016487661749124527, 0.014018050394952297, -0.006209408864378929, -0.015114868991076946, -0.0023227790370583534, -0.005140895489603281, 0.013551018200814724, 0.0017159904818981886, 0.029182452708482742, -0.01072759460657835, -0.028121015056967735, -0.024059249088168144, -0.007430062163621187, 0.017336811870336533, -0.05341153219342232, -0.003955623600631952, 0.013083985075354576, -0.018822824582457542, -0.023521453142166138, -0.012178225442767143, -0.18183131515979767, -0.002646517241373658, 0.03727768361568451, -0.037334293127059937, 0.006648136302828789, 0.02517729625105858, 0.016459356993436813, 0.008272135630249977, -0.04409918561577797, -0.014343557879328728, 0.014845971949398518, -0.010741746984422207, -0.014202033169567585, -0.02783796563744545, 0.004723396617919207, 0.02053527534008026, -0.03085244819521904, -0.010090732015669346, 0.01887943409383297, 0.009100057184696198, 0.04508986324071884, -0.03518311306834221, 0.0033541421871632338, 0.005109052173793316, 0.001990195130929351, -0.005703457165509462, 0.0004537645145319402, 0.0064216963946819305, -0.01712452434003353, -0.04344817250967026, 0.02185145951807499, -0.002510299440473318, 0.0019848879892379045, -0.011010644026100636, -0.025205601006746292, 0.021865611895918846, 0.017294354736804962, 0.005569008644670248, -0.009715690277516842, 0.018667146563529968, 0.015610206872224808, 0.0027898114640265703, 0.00686042383313179, -0.014746904373168945, -0.028658811002969742, 0.00810230616480112, -0.0016788402572274208, -0.017110371962189674, 0.001885820529423654, -0.0048153880052268505, -0.015879103913903236, 0.014577073976397514, 0.01011903677135706, -0.009708614088594913, -0.0052788821049034595, 0.02206374704837799, 0.03311684727668762, -0.00469862949103117, -0.007847560569643974, -0.0073522231541574, -0.0027898114640265703, -0.01892189122736454, 0.039089202880859375, -0.0057353004813194275, -0.00786878913640976, -0.022049592807888985, -0.006722437217831612, 0.002494378015398979, -0.024144163355231285, 0.006273095030337572, -0.020294683054089546, 0.001235690084286034, -0.01295661274343729, -0.0013497945619747043, 0.023139335215091705, 0.03518311306834221, 0.003003868041560054, -0.003969775978475809, 0.015015801414847374, -0.01996917650103569, -0.027781356126070023, 0.040306318551301956, -0.00873916782438755, -0.00781925581395626, 0.0008018275257200003, -0.002998560667037964, 0.013027375563979149, -0.005070132669061422, 0.0012852238724008203, 0.012348055839538574, 0.01856807805597782, -0.01630367897450924, 0.013451950624585152, -0.0046738628298044205, -0.0006306707509793341, 0.013671314343810081, -0.012765553779900074, -0.012970765121281147, 0.012142844498157501, -0.005572546739131212, -0.018624689429998398, -0.004001619294285774, -0.0060041979886591434, 0.0048153880052268505, 0.02250247448682785, 0.014605378732085228, -0.04152343422174454, -0.00326745817437768, 0.03826835751533508, -0.013515636324882507, 0.027073731645941734, -0.004504032898694277, 0.004826002288609743, -0.006665827240794897, 0.013558094389736652, 0.02526221051812172, -0.03761734440922737, -0.011541362851858139, 0.021695781499147415, -0.03093736246228218, 0.05072255805134773, -0.01844070665538311, -0.0010906269308179617, -0.012128692120313644, -0.02547449804842472, -0.015666816383600235, -0.12103217095136642, 0.006329705473035574, 0.02080417424440384, 0.015341308899223804, -0.02369128353893757, 0.01852562092244625, 0.005300111137330532, 0.024045096710324287, -0.03444718196988106, 0.022176966071128845, -0.025941530242562294, -0.022304339334368706, 0.028163474053144455, -0.010501154698431492, -0.0010499384952709079, -0.014860124327242374, 0.027328476309776306, -0.026776527985930443, -0.01791706308722496, 0.029267368838191032, -0.003789331531152129, -0.002667746040970087, 0.010246409103274345, -0.0038494798354804516, 0.020733410492539406, 0.0030622470658272505, -0.01699715107679367, 0.009998740628361702, -0.0005382372182793915, -0.012022548355162144, -0.0011383916717022657, -0.034277353435754776, 0.007444214541465044, -0.00407591974362731, 0.007762645836919546, -0.0033222991041839123, -0.024384755641222, -0.025983989238739014, 0.026847291737794876, -0.02154010348021984, 0.00020112027414143085, -0.001747833681292832, 0.006637522019445896, 0.0038883991073817015, -0.023309165611863136, -0.013819915242493153, -0.02023807354271412, 0.030116518959403038, 0.005675151944160461, -0.02455458603799343, -0.0290975384414196, -0.02499331347644329, -0.02224772796034813, 0.012065005488693714, 0.0035699678119271994, 0.021172137930989265, 0.02739923819899559, 0.008661329746246338, -0.011017720215022564, -0.006821504794061184, -0.005445173941552639, -0.009998740628361702, -0.0033099157735705376, -0.014845971949398518, 0.008937302976846695, 0.009489250369369984, -0.02731432393193245, -0.018681298941373825, -0.0019831189420074224, -0.017011303454637527, -0.008095229975879192, 0.00505951838567853, -0.004019309766590595, -0.0032232317607849836, -0.03085244819521904, 0.0097864530980587, 0.00029764475766569376, -0.026974663138389587, 0.0066445982083678246, -0.022176966071128845, -0.015327156521379948, -0.026097208261489868, 0.008753321133553982, -0.040929026901721954, 0.009545860812067986, 0.006400467827916145, 0.012213606387376785, -0.016657492145895958, 0.004305897746235132, -0.03368294611573219, 0.012199454009532928, 0.02630949579179287, -0.005972354672849178, -0.01804443635046482, -0.0024749182630330324, -0.008165991865098476, -0.010062427259981632, -0.011704117059707642, 0.004836616571992636, 0.02272891439497471, -0.01691223680973053, -0.01050823088735342, -0.06051608547568321, 0.008045695722103119, 0.017888758331537247, -0.01590740866959095, -0.002711972687393427, 0.01313351932913065, 0.017506642267107964, 0.005229348316788673, -0.011810260824859142, 0.014131270349025726, -0.04574087634682655, -0.003412521444261074, 0.0010968187125399709, -0.009404336102306843, -0.028474828228354454, -0.01607723906636238, 0.017067914828658104, -0.02019561640918255, 0.02756906859576702, 0.010034121572971344, -0.00797493290156126, 0.009234505705535412, -0.0007474288577213883, 0.014676141552627087, -0.01795952208340168, -0.016841473057866096, 0.006428772583603859, 0.019671974703669548, -0.0013940212083980441, -0.01263110525906086, 0.00837120320647955, -0.014138346537947655, -0.023648826405405998, 0.014647836796939373, -0.005487631540745497, 0.005137357395142317, 0.008732091635465622, 0.0290975384414196, 0.03753242641687393, 0.028602201491594315, -0.011767802760004997, -0.02587076835334301, 0.0029490271117538214, 0.006885190960019827, 0.0010632064659148455, 0.005321339704096317, -0.013225510716438293, 0.010557764209806919, 0.008095229975879192, -0.014364786446094513, 0.01313351932913065, 0.011187550611793995, 0.0011047794250771403, -0.020351294428110123, -0.019771041348576546, 0.009892596863210201, 0.02486594021320343, 0.01638859324157238, -0.009234505705535412, -0.014364786446094513, 0.03761734440922737, 0.016402745619416237, 0.029550418257713318, 0.01546868123114109, 0.024144163355231285, -0.007157626561820507, -0.017096219584345818, -0.00781925581395626, -0.0022166352719068527, -0.012319750152528286, -0.007235465105623007, -0.0029914844781160355, 0.005632694810628891, 0.013600551523268223, 0.018341638147830963, -0.013735000044107437, 0.002761506475508213, 0.0068958052434027195, -0.0073592993430793285, 0.018369944766163826, 0.008165991865098476, -0.02687559649348259, 8.684990461915731e-05, 0.011484753340482712, 0.021356120705604553, 0.011159245856106281, -0.012171149253845215, -0.0002355064352741465, -0.004504032898694277, -0.004518185276538134, 0.03020143322646618, 0.016162153333425522, 0.0012666486436501145, 0.01590740866959095, -0.011760726571083069, 0.018539773300290108, 0.007065635174512863, 0.016416899859905243, 0.022219423204660416, 0.009708614088594913, 0.011746574193239212, 0.006347395945340395, -0.008562262170016766, -0.014081737026572227, -0.022559083998203278, -0.0010110191069543362, -0.03679649904370308, -0.021653324365615845, -0.0023387004621326923, 0.006619831547141075, 0.013317502103745937, 0.008597643114626408, -0.00105170754250139, 0.012687715701758862, -0.012220682576298714, 0.01827087625861168, -0.006499535404145718, -0.04138190671801567, -0.03832496702671051, -0.007840484380722046, 0.00819429662078619, 0.0028075019363313913, 0.0450049489736557, 0.0062447902746498585, 0.022870438173413277, 0.02516314387321472, 0.04650511220097542, -0.016855627298355103, 0.03509819880127907, 0.009184972383081913, 0.026903901249170303, -0.006991334725171328, 0.02062019146978855, -0.034984976053237915, -0.033456508070230484, -0.017251895740628242, -0.018766213208436966, 0.005264729727059603, 0.0005506206653080881, 0.0864434614777565, 0.04112716391682625, -0.0188369769603014, -0.011689964681863785, -0.022573236376047134, 0.004302359651774168, 0.002306857379153371, 0.01164750661700964, -0.009970435872673988, -0.005880363285541534, 0.0034231357276439667, -0.012418817728757858, 0.0028570357244461775, -0.018426554277539253, -0.0031719289254397154, -0.02901262417435646, 0.011640430428087711, 0.008052771911025047, -0.018200114369392395, -0.005682228598743677, 0.009538784623146057, -0.022530779242515564, 0.011378609575331211, -0.0069771818816661835, -0.01948799192905426, -0.008597643114626408, 0.012142844498157501, -0.006358010228723288, -0.0010587838478386402, -0.033796168863773346, 0.022955354303121567, 0.020436208695173264, -0.041664958000183105, -0.0216674767434597, 0.007316842209547758, -0.004992294125258923, -0.0028304997831583023, -0.001908818376250565, 0.020634343847632408, 0.003451440716162324, 0.012199454009532928, 0.0036159635055810213, -0.0018221342470496893, -0.030116518959403038, -0.0033364517148584127, 0.001432055956684053, -0.010847890749573708, -0.021271206438541412, -0.011081406846642494], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='1a9766fe-9b47-4a7e-b166-1ced85aa7e89', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '4', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_type': 'application/pdf', 'file_size': 1103758, 'creation_date': '2024-02-25', 'last_modified_date': '2023-12-13', 'last_accessed_date': None}, hash='1928bf5325134c57e92ba605a0122861090d316cd8df33428488226f27407fcf')}, text='Here, supervised models refer to ones that\\nhave used human-labeled query-passage pairs as\\nsupervision during training, and vice versa.\\n•SimCSE (Gao et al., 2021) is a BERT-base (De-\\nvlin et al., 2019) encoder trained on unlabeled\\nsentence randomly sampled from Wikipedia.\\n•Contriever (Izacard et al., 2022) is an unsuper-\\nvised retriever, instantiated with a BERT-base\\nencoder. Contriever is contrastively trained by\\nsegment pairs constructed from unlabeled docu-\\nments from Wikipedia and web crawl data.\\n•DPR (Karpukhin et al., 2020) is a dual-encoder\\nBERT-base model finetuned on five open-domain\\nQA datasets, which includes four of the datasets\\n(NQ, TQA, WebQ and SQuAD) in our evalua-\\ntion.\\n•ANCE (Xiong et al., 2020) used the same setting\\nfrom DPR and trained the model with Approxi-\\nmate nearest neighbor Negative Contrastive Esti-\\nmation (ANCE), a hard negatives-based training\\napproach.\\n•TAS-B (Hofstätter et al., 2021) is a dual-\\nencoder BERT-base model distilled from a\\nteacher model with cross-attention trained on MS\\nMARCO (Nguyen et al., 2016).\\n•GTR (Hofstätter et al., 2021) is a T5-base en-\\ncoder (Raffel et al., 2020) pretrained on unla-\\nbeled pairs of online forum QA data, and fine-\\ntuned on MS MARCO and Natural Question.\\n4.3 Passage Retrieval Evaluation\\nWe evaluate retrieval performance at the passage\\nlevel when the corpus is indexed at the passage,\\nsentence, or proposition level respectively. ', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='abd3f521-cf69-4368-9085-b0936ffe72d8', embedding=[0.0010898824548348784, 0.014921418391168118, 0.013773088343441486, -0.029347749426960945, -0.026776038110256195, 0.03616897016763687, 0.01045186910778284, -0.0094066821038723, -0.038974471390247345, -0.024135567247867584, 0.005521612707525492, 0.022333994507789612, -0.0190334040671587, 0.0006437870324589312, -0.006071710959076881, 0.005604127421975136, 0.014220043085515499, 0.0031699419487267733, 0.012672891840338707, -0.03215324878692627, 0.015994111075997353, -0.015787823125720024, -0.019308453425765038, -0.015347745269536972, 0.006604618858546019, 0.0030719556380063295, 0.026707276701927185, -0.027491167187690735, -0.010953834280371666, 0.006807467434555292, 0.01330550480633974, 0.0027092345990240574, -0.02211395464837551, -0.021701380610466003, 0.004720531869679689, 0.012342832051217556, -0.004421415738761425, -0.0023465133272111416, 0.009647350758314133, -0.010362477973103523, 0.0075019667856395245, 0.02717486023902893, 0.0073988232761621475, 0.00018898888083640486, 0.017094306647777557, -0.00024861868587322533, 0.003974460996687412, -0.024836942553520203, -0.026074662804603577, 0.014770141802728176, -0.0003031987580470741, 0.016599219292402267, -0.016557961702346802, 0.01287917885929346, -0.01569155603647232, -0.00801768433302641, -0.014467587694525719, 0.01582908071577549, -0.018373286351561546, -0.02589588053524494, 0.005806975997984409, 0.01610413007438183, -0.012170926667749882, 0.03080550953745842, 0.0013623529812321067, -0.007330060936510563, -0.01373183075338602, -0.007660119794309139, 0.01947348192334175, 0.002088654786348343, 0.01448133960366249, 0.03251081332564354, -0.010169943794608116, 0.0030753938481211662, 0.03215324878692627, -0.008712182752788067, 0.0005036838119849563, -0.01846955344080925, -0.01177210547029972, 0.011208254843950272, 0.01430255826562643, -0.02722986973822117, -0.007082516793161631, 0.04376032575964928, 0.023846764117479324, 0.013449905440211296, 0.025015724822878838, 0.03724166005849838, -0.0045142448507249355, -0.0032954332418739796, -0.006226425990462303, 0.023049121722579002, 0.03251081332564354, 0.015774071216583252, 0.002196955494582653, 0.0007727163028903306, -0.0021900790743529797, 0.0346837043762207, 0.015705307945609093, -0.047170937061309814, -0.009234776720404625, -0.010355602018535137, -0.05291946604847908, -0.003073674626648426, -0.008333990350365639, -0.0031750991474837065, -0.0015523089095950127, -0.00916601438075304, -0.002961935941129923, -0.015787823125720024, -0.024121813476085663, 0.03416110947728157, 0.012253441847860813, -0.00524312537163496, -0.00425982428714633, -0.009372301399707794, -0.017066802829504013, -0.00859528686851263, 0.007254422642290592, -0.0061301589012146, 0.019982323050498962, 0.0049921427853405476, 0.027422403916716576, -0.018648335710167885, 0.0405147448182106, 0.004558940418064594, -0.0008724216604605317, -0.02005108632147312, 0.00020574968948494643, -0.009585464373230934, -0.0006300345412455499, 0.035701386630535126, 0.004445482511073351, 0.01276915892958641, -0.019445978105068207, 0.021206293255090714, -0.003895384259521961, 0.005700394511222839, -0.012666014954447746, -0.021165035665035248, 0.02168762870132923, 0.003094303421676159, -0.006322693079710007, -0.02395678497850895, -0.004424853716045618, 0.025428296998143196, 0.022292736917734146, -0.004710217472165823, -0.0006472251261584461, 0.014825151301920414, 0.0027315823826938868, -0.024479378014802933, -0.012026526033878326, 0.013161104172468185, 0.016557961702346802, -0.014495092444121838, -0.018868373706936836, 0.03674657270312309, -0.030007867142558098, -0.01712181232869625, 0.008210218511521816, 0.010843814350664616, 0.004761788994073868, 0.011765229515731335, 0.019555997103452682, 0.023805508390069008, 0.040404725819826126, 0.009392930194735527, -0.016282912343740463, -0.048161111772060394, -0.0163379218429327, 0.03264833986759186, -0.009640473872423172, 0.030117886140942574, -0.012707272544503212, -0.00763261504471302, 0.026267196983098984, -0.018098236992955208, -0.03187820315361023, -0.026047158986330032, -0.0023551087360829115, 0.004294205456972122, 0.014068766497075558, 0.0014001722447574139, -0.003878193674609065, -0.011222006753087044, 0.004603635985404253, 0.002631876850500703, 0.0027556491550058126, -0.0074263280257582664, 0.020807471126317978, 0.02496071346104145, -0.006357074249535799, -0.025153249502182007, -0.6161102056503296, -0.017630653455853462, 0.008444010280072689, -0.020284878090023994, 0.004930256865918636, 0.018153246492147446, 0.0016717833932489157, 0.006810905411839485, 0.002315570367500186, 0.029485274106264114, -7.4671559559647e-05, -0.004053537268191576, -0.018854621797800064, 0.0021935172844678164, -0.027477413415908813, -0.023351676762104034, -0.01618664525449276, 0.0007512281299568713, 0.018428295850753784, 0.0004594181082211435, -0.047611016780138016, 0.024713169783353806, -0.030035370960831642, 0.002698920201510191, -0.02167387679219246, 0.003106336807832122, 0.004871808923780918, -0.023585468530654907, 0.000923133862670511, 0.0005002457182854414, -0.008863460272550583, 0.01094008143991232, 0.019982323050498962, 0.019060909748077393, 0.04133989289402962, -0.022003935649991035, -0.008870336227118969, -0.020559927448630333, 0.010988214984536171, 0.04530060291290283, -0.042247556149959564, -0.0038334981072694063, 0.014673874713480473, -0.0036203349009156227, 0.007907664403319359, 0.019858552142977715, 0.008031436242163181, -0.005408154800534248, -0.014123775996267796, -0.0033487239852547646, -0.015732813626527786, -0.005274068098515272, -0.004607073962688446, -0.02475442737340927, 0.001887525082565844, 0.008464639075100422, 0.02310413122177124, -0.0326758436858654, -0.0032524566631764174, -0.01461886428296566, 0.0005599829601123929, -0.009956780821084976, -0.008581534959375858, -0.021165035665035248, -0.045025553554296494, 0.02066994644701481, 0.01840079016983509, -0.006821219809353352, 0.01198526844382286, -0.056082531809806824, 0.01775442622601986, 0.0033848241437226534, 0.008780945092439651, -0.014701379463076591, 0.006322693079710007, 0.007838902063667774, 0.01896464265882969, -0.010190572589635849, -0.014632617123425007, 0.017011793330311775, 0.010926329530775547, -0.021440085023641586, -0.020449906587600708, 0.013649316504597664, 0.006253931205719709, -0.0027436157688498497, -0.023420438170433044, 0.03416110947728157, 0.011806486174464226, 0.03165816143155098, 0.004916504491120577, 0.005033400375396013, -0.02066994644701481, -0.02090373821556568, 0.003740668995305896, 0.016654228791594505, -0.01833202876150608, -0.0006609776173718274, 0.015485269948840141, -0.029622798785567284, -0.012975445948541164, -0.018153246492147446, 0.014275053516030312, 0.002961935941129923, 0.02181140147149563, 0.01725933700799942, 0.0038128693122416735, -0.013896860182285309, 0.01574656553566456, -0.024919455870985985, 0.015251477248966694, -0.020628688856959343, 0.0031682229600846767, -0.015801576897501945, -0.005267192143946886, -0.03165816143155098, 0.02117878757417202, 0.015361497178673744, -0.012652263045310974, -0.008375247940421104, 0.0012583500938490033, -0.0052843824960291386, 0.004730846267193556, -0.009248528629541397, -0.0006094058626331389, 0.03215324878692627, 0.011854619719088078, -0.008450886234641075, 0.0019339396385475993, 0.006501475349068642, 0.01254911907017231, -0.016351673752069473, 0.023434191942214966, -0.019982323050498962, 0.01080255676060915, -0.008870336227118969, 0.014385072514414787, -0.00011055688082706183, 0.005219058599323034, -0.016530456021428108, -0.0499214269220829, -0.019487235695123672, -0.0070000020787119865, -0.03270334750413895, -0.01472888421267271, -0.018593326210975647, 0.002814097097143531, 0.009908647276461124, -0.0033727907575666904, -0.012507862411439419, -0.015086447820067406, -0.0161178819835186, -0.0049096280708909035, -0.014632617123425007, -0.023516705259680748, -0.011517684906721115, -0.016888020560145378, -0.026927316561341286, -0.008829078637063503, -0.040184687823057175, -0.005188115406781435, 0.02601965330541134, -0.009977409616112709, 0.009234776720404625, 0.010919452644884586, -0.03130059689283371, 0.023049121722579002, 0.01223281305283308, -0.0218251533806324, -0.02410806156694889, 0.004950885660946369, -0.02589588053524494, 0.01430255826562643, 0.029650302603840828, -0.0005402137758210301, 0.00021746076527051628, -0.020642442628741264, 0.005652260966598988, -0.003008350497111678, -0.023145388811826706, 0.010850690305233002, 0.027491167187690735, -0.011304521933197975, -0.01187524851411581, 0.012851673178374767, 0.02003733441233635, 0.0017379671335220337, 0.0064430274069309235, -0.006673381198197603, 0.030557965859770775, 0.01002554316073656, 0.017933206632733345, -0.0286601260304451, 0.0025270143523812294, -0.004675836302340031, 0.01169646717607975, 0.014907666482031345, -0.002888016402721405, -0.013236742466688156, 0.01775442622601986, 0.010905700735747814, 0.022801578044891357, 0.0022485272493213415, -0.031190577894449234, -0.016915524378418922, 0.004851180128753185, 0.030557965859770775, -0.032840874046087265, 0.009076623246073723, 0.017561890184879303, 0.024630654603242874, -0.021577609702944756, -0.03416110947728157, -0.016062872484326363, -0.004235757514834404, 0.04436543583869934, -0.000869413313921541, 0.008932222612202168, -0.019514739513397217, -0.004455796908587217, 0.008299609646201134, -0.013470534235239029, 0.024836942553520203, 0.011277017183601856, -0.008959727361798286, -0.007728882133960724, -0.006305502727627754, -0.003548134583979845, 0.0389469638466835, 9.513908298686147e-05, -0.0010090867290273309, 0.02296660840511322, 0.020779967308044434, 0.02017485909163952, 0.013951870612800121, 0.001796415075659752, 0.021632619202136993, -0.0028244114946573973, 0.01247348077595234, -0.013051084242761135, 0.015705307945609093, 0.022155212238430977, -0.013876231387257576, -0.027436157688498497, 0.01255599595606327, -0.01319548487663269, 0.028220046311616898, 0.012054030783474445, -0.0024788808077573776, 0.007185660302639008, 0.005982319824397564, 0.03578389808535576, -0.0010151034221053123, -0.009042242541909218, 0.018579572439193726, -0.014962675981223583, 0.00012688792776316404, 0.03009038232266903, 0.0062333024106919765, 0.03218075633049011, 0.009509826079010963, -0.006903734523802996, 0.007350689731538296, -0.00788015965372324, 0.03264833986759186, -0.005459726322442293, 0.010541260242462158, -0.018510811030864716, -0.015884090214967728, 0.0043320246040821075, 0.0026593818329274654, -0.006143911276012659, 0.0005681485054083169, -0.012267193756997585, 0.0010443273931741714, 0.035261306911706924, 0.0017233551479876041, 0.018428295850753784, 0.01515521015971899, 0.019913561642169952, -0.02738114632666111, -0.04799608513712883, 0.0349312461912632, 0.010720042511820793, -0.0031046178191900253, -0.014357567764818668, -0.022499023005366325, -0.01397937536239624, -0.02288409322500229, 0.025373287498950958, -0.009420434944331646, 0.0012497548013925552, 0.011944010853767395, -0.033913563936948776, -0.02161886729300022, 0.016667980700731277, 0.021632619202136993, 0.004686150699853897, 0.00951670203357935, 0.0181257426738739, -0.010795680806040764, 0.013161104172468185, -0.03314342722296715, 0.0063398838974535465, 0.04794107377529144, -0.03187820315361023, -0.02402554638683796, -0.03196071460843086, 0.0010194010101258755, -0.015952853485941887, 0.015210220590233803, 0.0008861740934662521, -0.01015619095414877, 0.017740672454237938, 0.019844798371195793, 0.005762280430644751, -0.008217094466090202, -0.014178785495460033, 0.03636150434613228, 0.0130923418328166, -0.0018428296316415071, -0.02402554638683796, 0.02332417108118534, 0.015650298446416855, 0.05539490655064583, 0.056660134345293045, -0.015031438320875168, 0.015567784197628498, 0.0020955309737473726, -0.0028622306417673826, -0.03193321079015732, 0.0024169948883354664, 0.013044208288192749, -0.006804029457271099, -0.0427701510488987, -0.029127709567546844, 0.011827114969491959, 0.0024668474216014147, 0.03138311207294464, 0.01804322749376297, 0.01598035730421543, -0.029705312103033066, 0.010878195986151695, -0.0038988222368061543, -0.010073676705360413, 0.008113951422274113, -0.0017809434793889523, 0.03952457010746002, -0.0017689100932329893, -0.019267195835709572, 0.013429276645183563, 0.026198435574769974, 0.007302556186914444, -0.026074662804603577, -0.005370335653424263, 0.012755406089127064, 0.004163557197898626, 0.01954224519431591, -0.008217094466090202, 0.01618664525449276, 0.039111994206905365, -0.01626916043460369, 0.012143421918153763, -0.0036031443160027266, 0.013745583593845367, 0.024410616606473923, 0.02303536981344223, -0.004572692792862654, 0.021770143881440163, 0.005050590727478266, 0.008340866304934025, 0.013896860182285309, -0.01290668360888958, -0.004555502440780401, 0.015554031357169151, -0.006769648287445307, -0.015333992429077625, -0.012810416519641876, -0.018510811030864716, 0.009860513731837273, -0.028110027313232422, 0.008760316297411919, -0.024561893194913864, -0.027064841240644455, 0.002129912143573165, -0.018882127478718758, 0.02053242176771164, -0.007020630408078432, -0.016131635755300522, -0.022347746416926384, -0.003341847797855735, -0.005129667464643717, -0.02581336721777916, 0.008560906164348125, 0.0067077623680233955, -0.013216113671660423, -0.044888027012348175, -0.009544206783175468, 0.01632416993379593, 0.01472888421267271, 0.02161886729300022, -0.006298626307398081, -0.0020903737749904394, 0.005023085977882147, -0.01776817813515663, -0.007336937356740236, -0.00023271740064956248, -0.017080554738640785, 0.011572694405913353, 0.005521612707525492, -0.008210218511521816, -0.007275050971657038, -0.006587428040802479, -0.012005897238850594, -0.0005806116387248039, 0.006353636272251606, -0.0037612977903336287, -0.0144400829449296, 0.019129671156406403, 0.01874460279941559, 0.021412579342722893, 0.02661100961267948, -0.0012050592340528965, -0.02516700141131878, 0.020436154678463936, -0.0008599584689363837, -0.010630651377141476, -0.02645973302423954, 0.028907669708132744, -0.003836936317384243, 0.00438359659165144, 0.011428293772041798, 0.011407664977014065, 0.0031286845915019512, 0.019377214834094048, -0.015939101576805115, 0.01265913899987936, -0.012274070642888546, 0.019638512283563614, 0.003242142265662551, 0.008251476101577282, 0.01681925728917122, 0.028467591851949692, -0.012157173827290535, -0.010389983654022217, -0.007935169152915478, 0.04601572826504707, 0.009908647276461124, -0.010850690305233002, 0.025015724822878838, -0.011675838381052017, 0.004827113356441259, -0.00909037608653307, -0.0013486006064340472, -0.024259338155388832, 0.04144991189241409, -0.007233793847262859, -0.011118863709270954, 0.002221022266894579, -0.008100198581814766, -0.0040363469161093235, -0.004197938367724419, -0.02011984772980213, 0.015347745269536972, 0.007625738624483347, 0.00169756927061826, -0.03616897016763687, -0.002229617442935705, 0.011180750094354153, -0.01783693954348564, -0.020779967308044434, 0.03545384109020233, -0.002489195205271244, 0.003046169877052307, -0.009241652674973011, -0.014962675981223583, -0.030255410820245743, -0.032758358865976334, -0.006755895912647247, -0.03451867401599884, -0.0202573724091053, 0.024204328656196594, 0.04541062191128731, 0.019638512283563614, 0.05113164335489273, -0.017850693315267563, 0.011607076041400433, -0.0007323184981942177, 0.012734777294099331, 0.004101671278476715, -0.007233793847262859, -0.006494598928838968, -0.016131635755300522, 0.004356091376394033, 0.017575643956661224, -0.004283891059458256, 0.006838410627096891, 0.0033023094292730093, 0.02403930015861988, 0.058365438133478165, 0.0003358608519192785, -0.00819646567106247, -0.021206293255090714, 0.0010537821799516678, -0.016159139573574066, 0.0174656230956316, -0.0030014743097126484, -0.002829568460583687, -0.03820433095097542, 0.006401769816875458, 0.016379179432988167, -0.00623674038797617, 0.004177309572696686, 0.008567782118916512, 0.04056975618004799, -0.023489201441407204, 0.005449411924928427, -0.0115864472463727, -0.010472497902810574, -0.030282916501164436, 0.017933206632733345, -0.02303536981344223, -0.007302556186914444, 0.02987034246325493, -0.016062872484326363, -0.005115915089845657, 0.009337919764220715, 0.019528493285179138, -0.01094008143991232, -0.023131636902689934, -0.0188133642077446, -0.005267192143946886, -0.021288806572556496, -0.02245776727795601, -0.007825149223208427, -0.022347746416926384, -0.017644405364990234, 0.0103005925193429, -0.00382318370975554, 0.010424364358186722, -0.004445482511073351, 0.01819450408220291, -0.03143812343478203, -0.028000008314847946, 0.015223972499370575, 0.0071100215427577496, 0.03352849557995796, -0.011723971925675869, 0.0031613465398550034, 0.01860707812011242, 0.02238900400698185, -0.020931243896484375, -0.003417486324906349, 0.004170433152467012, -0.010527507402002811, 0.012507862411439419, 0.04155993461608887, -0.020133601501584053, -0.01639293134212494, 0.014123775996267796, 0.012782910838723183, -0.008581534959375858, -0.04648331180214882, 0.0122603178024292, 0.01819450408220291, 0.016447940841317177, -0.004180747549980879, 0.002810658887028694, -0.016791753470897675, -0.0009798627579584718, -0.026762286201119423, 0.009888018481433392, 0.010135563090443611, 0.02417682483792305, 0.0009695484186522663, 0.04387034475803375, -0.002221022266894579, 0.006587428040802479, -0.011758352629840374, -0.007391946855932474, 0.020766213536262512, 0.017355604097247124, -0.01712181232869625, 0.009179767221212387, 0.0066286856308579445, 0.0626562088727951, -0.03872692584991455, 0.01311984658241272, 0.0015196467284113169, 0.0028244114946573973, -0.01632416993379593, 0.008904717862606049, 0.0028983308002352715, 0.02967780828475952, -0.022265231236815453, 0.0029602169524878263, 0.003695973427966237, -0.011971516534686089, -0.010046171955764294, -0.03641651198267937, -0.011827114969491959, 0.010933205485343933, 0.005219058599323034, 0.014178785495460033, 0.029925351962447166, 0.0038988222368061543, -0.01279666367918253, -0.002221022266894579, 0.0038334981072694063, -0.01408251840621233, -0.011730847880244255, -0.013161104172468185, -0.0011603637831285596, -0.04706091806292534, -0.01589784398674965, 0.007453833241015673, 0.013511791825294495, 0.03721415624022484, -0.021371321752667427, -0.01734185218811035, 0.02632220834493637, 0.023998042568564415, -0.02738114632666111, 0.003988213371485472, 0.0044317301362752914, 0.0044351681135594845, -0.025785861536860466, 0.0026421912480145693, -0.025483308359980583, 0.013154227286577225, 0.03592142462730408, -0.02018861100077629, -0.026432227343320847, -0.0022021126933395863, -0.014453834854066372, -0.0014027508441358805, 0.0044317301362752914, -0.009757369756698608, 0.017025545239448547, -0.00010464762453921139, -0.00217632669955492, 0.01115324441343546, -0.003214637516066432, 0.03627898916602135, 0.019225938245654106, -0.009894894436001778, 0.03977211192250252, -0.03229077532887459, 0.020917490124702454, 0.016351673752069473, 0.0020680262241512537, -0.01551277469843626, -0.03930452838540077, 0.007391946855932474, -0.01833202876150608, 0.0017775053856894374, -0.027147354558110237, -0.03556386008858681, -0.0007920557400211692, -0.003530943999066949, -0.007357565686106682, 0.034491170197725296, 0.017699414864182472, -0.015086447820067406, 0.007790768519043922, -0.022732816636562347, 0.01390373706817627, 0.007061887998133898, -0.027546176686882973, -0.013284876011312008, -0.007343813311308622, 0.012040277943015099, -0.02003733441233635, -0.022003935649991035, -0.012803539633750916, 0.03410609811544418, 0.01818075217306614, -0.02667977102100849, -0.03636150434613228, -0.010788804851472378, -0.061721038073301315, -0.013429276645183563, -0.013889984227716923, 0.01911591924726963, 0.005806975997984409, 0.002141945529729128, -0.02801376022398472, 0.04056975618004799, -0.0012420190032571554, 0.006281435955315828, -0.030640479177236557, -0.008691554889082909, 0.00887721311300993, -0.012624758295714855, 0.028907669708132744, -0.011036348529160023, -0.030200401321053505, -0.001029715407639742, 0.0009678293718025088, -0.01911591924726963, 0.015182715840637684, 0.02794499881565571, -0.00048563373275101185, 0.007082516793161631, 0.0003618616028688848, 0.022210221737623215, 0.018937136977910995, -0.002979126526042819, 0.011400789022445679, -0.025634584948420525, 0.004201376345008612, 0.006360512692481279, -0.00927603431046009, -0.019377214834094048, 0.01290668360888958, 0.005896367132663727, 0.025717100128531456, -0.002764244331046939, 0.007281927391886711, -0.004586445167660713, 0.010286839678883553, -0.017025545239448547, 0.019500987604260445, 0.010905700735747814, 3.158768231514841e-05, 0.016874268651008606, 0.022774072363972664, -0.007440080866217613, -0.019280947744846344, 0.009104127995669842, -0.01016306784003973, 0.008079569786787033, 0.017919454723596573, -0.0181257426738739, 0.011627704836428165, -0.004950885660946369, -0.0024616902228444815, 0.01168959029018879, -0.008299609646201134, 0.003410609904676676, -0.013635563664138317, -0.023475447669625282, 0.020697452127933502, 0.038891956210136414, -0.03443615883588791, 0.0015712184831500053, 0.0013039050390943885, 0.013216113671660423, -0.00038915162440389395, 0.013346762396395206, 0.00032833998557180166, -0.02346169576048851, 0.012782910838723183, -0.0030685176607221365, -0.02040865086019039, 0.0036031443160027266, -0.001017682021483779, 0.02744990959763527, -0.013498038984835148, 0.01918468065559864, 0.18912382423877716, -0.009537330828607082, -0.01379371713846922, 0.030557965859770775, 0.017933206632733345, -0.009069747291505337, 0.015333992429077625, 0.019280947744846344, -0.013236742466688156, 0.002238212851807475, -0.011070730164647102, -0.010788804851472378, -0.016214149072766304, -0.005143419839441776, 0.014220043085515499, -0.02005108632147312, -0.031410615891218185, -0.026941068470478058, -0.018882127478718758, 0.01719057373702526, -7.515503966715187e-05, -0.0024582522455602884, 0.01201965007930994, -0.010788804851472378, 0.02395678497850895, -0.00959234032779932, 0.01710806041955948, -0.0192534439265728, 0.0016245093429461122, 0.026500988751649857, -0.004191061947494745, -0.00994990486651659, 0.013099217787384987, -0.015457764267921448, -0.013752459548413754, 0.009736740961670876, 0.004163557197898626, -0.003953832201659679, 0.026363465934991837, -0.0039607081562280655, 0.016585465520620346, 3.738949817488901e-05, -0.02453438751399517, -0.021068768575787544, -0.02111002616584301, 0.023269161581993103, -0.006762771867215633, 0.012157173827290535, 0.011043225415050983, -0.0012540523894131184, -0.026143426075577736, 0.006061396561563015, 0.025565821677446365, 0.002463409211486578, -0.030117886140942574, 0.004053537268191576, -0.006762771867215633, -0.005067781545221806, 0.008939098566770554, -0.0024977903813123703, -0.033418476581573486, 0.0013683696743100882, 0.002233055653050542, 0.010286839678883553, -0.020807471126317978, 0.008884089067578316, 0.004263262264430523, 0.01475638896226883, 0.0004594181082211435, -0.015526526607573032, -0.03058546967804432, -0.007343813311308622, -0.022581538185477257, -0.005122791044414043, -0.017438119277358055, -0.02375049702823162, 0.01433006301522255, 0.02445187233388424, 0.027697453275322914, 0.00891846977174282, -0.0012660857755690813, -0.013608058914542198, -0.02018861100077629, 0.007481337990611792, -0.020147353410720825, -0.04244009032845497, 0.025070734322071075, -0.008361495099961758, -0.022554034367203712, -0.012611005455255508, 0.0005690079997293651, -0.013539296574890614, -0.029155215248465538, -0.01212279312312603, 0.014220043085515499, -0.01889587938785553, 0.01269352063536644, 0.009207271970808506, 0.003482810454443097, -0.02276032045483589, -0.01308546494692564, 0.07536347955465317, 0.044475454837083817, 0.020298629999160767, -0.0018084484618157148, 0.0033813859336078167, -0.00697249686345458, -0.008780945092439651, 0.010410611517727375, -2.55172581091756e-05, 0.017011793330311775, -0.03196071460843086, 0.020298629999160767, 0.004411101341247559, -0.0012420190032571554, 0.01904715597629547, -0.006040767766535282, -0.007123773917555809, 0.033280953764915466, -0.002650786656886339, -0.023296667262911797, -0.03160315379500389, 0.000585339090321213, 0.013167980127036572, 0.010610022582113743, -0.005896367132663727, 0.0016571714077144861, -0.015884090214967728, -0.026941068470478058, -0.00031093452707864344, 0.010500002652406693, -0.02310413122177124, 0.030007867142558098, -0.0013993127504363656, 0.0061576636508107185, -0.0053840880282223225, -0.018345780670642853, -0.008038312196731567, -0.025277020409703255, 0.01027308776974678, 0.029265234246850014, -0.013381143100559711, 0.007536347955465317, 0.020339887589216232, -0.003242142265662551, 0.006690571550279856, 0.021371321752667427, 0.02581336721777916, -0.023406686261296272, -0.02951277792453766, -0.007364442106336355, -0.011971516534686089, 0.0028983308002352715, 0.0024926334153860807, 0.02502947673201561, -0.01939096860587597, -0.005597251001745462, -0.007550100330263376, -0.007935169152915478, 0.01322298962622881, -0.057650309056043625, 0.016943030059337616, 0.019707273691892624, -0.02417682483792305, -0.004995580762624741, -0.012968569062650204, -0.1746012270450592, 0.0014354130253195763, 0.034408655017614365, -0.038891956210136414, 0.006872791796922684, 0.013284876011312008, 0.04109235107898712, -0.011318273842334747, -0.03220826014876366, -0.01874460279941559, 0.01408251840621233, -0.0220451932400465, -0.03966209292411804, -0.018937136977910995, -0.009461692534387112, 0.007165031507611275, -0.019789788872003555, -0.0034621816594153643, 0.02003733441233635, 0.028192542493343353, 0.042742643505334854, -0.042962685227394104, 0.013566801324486732, -0.006965620908886194, 0.008244599215686321, -0.015567784197628498, -0.019734779372811317, 0.006948430091142654, -0.0042495098896324635, -0.01855206862092018, 0.023365428671240807, 0.010671908967196941, 0.01123575959354639, -0.02645973302423954, -0.00743320444598794, 0.013504914939403534, -0.00816896092146635, 0.02167387679219246, -0.00876719318330288, 0.016090378165245056, 0.01717682182788849, 0.03674657270312309, -0.003412329126149416, -0.01683301106095314, -0.02181140147149563, 0.00027418966055847704, 0.018442047759890556, 0.0052843824960291386, 0.020944995805621147, -0.02245776727795601, -0.01939096860587597, 0.0036581542808562517, 0.022774072363972664, -0.007783892098814249, -0.010417488403618336, 0.013181732967495918, 0.007075640372931957, 0.0006777383969165385, 0.0019064346561208367, -0.004888999275863171, -0.00382318370975554, -0.008272104896605015, 0.05014146864414215, 0.011490180157124996, 0.007653243839740753, -0.03165816143155098, -0.010444993153214455, 0.005514736287295818, -0.02288409322500229, -0.00643615098670125, -0.03245580568909645, -0.011579571291804314, -0.0008586691692471504, 0.01048625074326992, 0.0144400829449296, 0.04315521940588951, -0.003465619869530201, 0.007639491464942694, 0.010575641877949238, -0.01640668511390686, -0.02838507667183876, 0.025565821677446365, -0.005844795145094395, 0.00980550330132246, -0.010135563090443611, 0.0009549364331178367, 0.0087328115478158, 0.002320727566257119, -0.010843814350664616, 0.0025459241587668657, 0.02531827799975872, -0.021357569843530655, -0.00447298726066947, -0.009874265640974045, -0.004662083927541971, 0.016791753470897675, -0.002855354454368353, -0.00024453591322526336, 0.0033641953486949205, 0.0096267219632864, -0.006728390697389841, 0.005298134870827198, -0.006333007477223873, -0.011710219085216522, 0.03220826014876366, 0.00163998082280159, -0.024713169783353806, 0.012329080142080784, 0.019157176837325096, -0.017451871186494827, 0.017781930044293404, -0.01818075217306614, 0.01322298962622881, -0.014220043085515499, -0.013326133601367474, 0.04158743843436241, -0.019597254693508148, -0.01237033773213625, 0.01974853128194809, -0.0020216116681694984, 0.05489981919527054, -0.032978396862745285, -0.009042242541909218, -0.013278000056743622, 0.004548626020550728, -0.01168959029018879, -0.11827114969491959, -0.012170926667749882, -0.005741652101278305, 0.03196071460843086, -0.014096271246671677, 0.011744600720703602, -0.001837672432884574, 0.02109627239406109, -0.029787827283143997, 0.03663655370473862, -0.028550107032060623, -0.014605112373828888, -0.008272104896605015, -0.006573675666004419, 0.011895877309143543, -0.031135568395256996, 0.022512776777148247, -0.02801376022398472, 0.00018931120575871319, 0.03495875373482704, 0.0012600690824910998, -0.01101571973413229, 0.024658160284161568, 0.0025768671184778214, -0.001430255826562643, 0.020697452127933502, -0.024850694462656975, 0.01015619095414877, 0.019445978105068207, -0.003073674626648426, 0.020711204037070274, -0.019060909748077393, 0.002872545039281249, -0.0067077623680233955, 0.0052053057588636875, -0.008725935593247414, -0.0396345891058445, -0.010245582088828087, 0.03308841958642006, -0.002059430815279484, -0.00084878463530913, 0.0031750991474837065, 0.004521121270954609, 0.008107074536383152, -0.007281927391886711, -0.013271123170852661, -0.013477410189807415, 0.020573679357767105, 0.007144402712583542, -0.03187820315361023, -0.031108062714338303, -0.0028330066706985235, -0.0181257426738739, 0.014426330104470253, 0.000943762541282922, 0.014742637053132057, 0.01308546494692564, -0.00504371477290988, -0.01826326549053192, 0.010314344428479671, -0.03748920559883118, 0.006944992113858461, -0.01012868620455265, -0.005817290395498276, 0.029265234246850014, -0.00445923488587141, -0.014247547835111618, -0.014948923140764236, -0.013477410189807415, 0.006979373283684254, 0.005903243087232113, 0.012480356730520725, -0.013546172529459, 0.005985758267343044, -0.026996077969670296, -0.006226425990462303, -0.01343615259975195, -0.030695490539073944, 0.005504421889781952, -0.011290769092738628, -0.020697452127933502, -0.015622793696820736, -0.008072693832218647, -0.015100200660526752, 0.020559927448630333, 0.008622792549431324, -0.0025528003461658955, -0.0247406754642725, 0.012432223185896873, -0.025909634307026863, -0.006298626307398081, 0.04155993461608887, -0.017300594598054886, -0.02467191219329834, 0.006226425990462303, 0.012308451347053051, -0.02667977102100849, -0.002817535074427724, -0.0011509089963510633, -0.009633597917854786, -0.02852260135114193, -0.004974952433258295, -0.04772103577852249, 0.007495090365409851, 0.018304523080587387, -0.014522597193717957, -0.02153635211288929, 0.010548136197030544, 0.010114934295415878, 0.001908153761178255, -0.026198435574769974, 0.019432226195931435, -0.008987232111394405, 0.01846955344080925, -0.012514738366007805, -0.00654273247346282, -0.04219254478812218, 0.0047996086068451405, 0.014220043085515499, -0.028041265904903412, 0.015347745269536972, 0.020353639498353004, -0.014288805425167084, 0.01589784398674965, -0.01034184917807579, 0.011765229515731335, -0.023007864132523537, -0.003144156187772751, -0.012748530134558678, 0.019721027463674545, -0.0002524865558370948, -0.011648333631455898, -0.003692535450682044, -0.02276032045483589, -0.03352849557995796, 0.011937134899199009, 0.008863460272550583, 0.020339887589216232, 0.01918468065559864, 0.01754813827574253, 0.0326758436858654, 0.012005897238850594, -0.032758358865976334, -0.015499021857976913, -0.0013511792058125138, -0.021770143881440163, 0.003819745732471347, 0.031988222151994705, -0.00700344005599618, 7.907664257800207e-05, -0.0001157140577561222, 0.0009411839419044554, 0.012246564961969852, 0.019597254693508148, 0.017781930044293404, -0.022512776777148247, -0.017493128776550293, -0.009777998551726341, 0.017809435725212097, 0.025084486231207848, -0.010046171955764294, -0.015457764267921448, 0.037049125880002975, 0.0038438125047832727, 0.03608645498752594, -0.014075642451643944, 0.007233793847262859, -0.031273093074560165, -0.014261300675570965, 0.00240496126934886, 0.015072695910930634, -0.015636546537280083, -0.016489198431372643, -0.004851180128753185, 0.007041259203106165, 0.022664053365588188, 0.010135563090443611, -0.013209237717092037, -0.01904715597629547, 0.014013756066560745, 0.00043255783384665847, 0.013339885510504246, 0.00926915742456913, -0.010149314999580383, -0.007893911562860012, 0.005855109542608261, 0.021508846431970596, 0.02167387679219246, 0.0014113461365923285, 0.010073676705360413, -0.03748920559883118, 0.022237727418541908, 0.02518075332045555, 0.019294701516628265, -0.006484284531325102, 0.01717682182788849, -0.0075088427402079105, 0.010417488403618336, 0.005927309859544039, 0.018703345209360123, 0.025015724822878838, 0.005219058599323034, 0.007914540357887745, -0.0033521619625389576, -0.01551277469843626, -0.027284879237413406, -0.02794499881565571, 0.0004473846929613501, -0.03278586268424988, -0.035481344908475876, 0.007825149223208427, 0.010121810249984264, 0.01712181232869625, 0.01591159589588642, 0.03229077532887459, 0.00741945207118988, -0.0036100207362324, 0.0017671911045908928, 0.006848725024610758, -0.04078979417681694, -0.030833015218377113, 0.01712181232869625, 0.002100688172504306, 0.006460217759013176, 0.036966610699892044, -0.005005895160138607, 0.031273093074560165, 0.006002948619425297, 0.02489195205271244, -0.008753440342843533, 0.03435364365577698, 0.003943517804145813, 0.009392930194735527, -0.0004886420792900026, 0.010768176056444645, -0.017850693315267563, -0.017080554738640785, -0.017561890184879303, 0.009310415014624596, -0.0030805510468780994, 0.012810416519641876, 0.08488018065690994, 0.030007867142558098, -0.011944010853767395, -0.019666017964482307, -0.008581534959375858, 0.02083497680723667, 0.026831049472093582, 0.0005771735450252891, -0.01016306784003973, -0.03702162206172943, 0.011070730164647102, -0.006188606843352318, 0.013456781394779682, -0.028137532994151115, 0.0029533407650887966, -0.037819262593984604, 0.012212184257805347, 0.01298232190310955, -0.02446562610566616, -0.006494598928838968, 0.009289786219596863, -0.02225147932767868, 0.02146758884191513, 0.003524067811667919, -0.014577607624232769, -0.0009196957107633352, 0.020779967308044434, -0.011249511502683163, 0.0036856592632830143, -0.028935175389051437, 0.015210220590233803, 0.015567784197628498, -0.03072299435734749, -0.023475447669625282, 0.0003964576171711087, -0.0022880653850734234, 0.00557662220671773, -0.005377211607992649, 0.006618371233344078, -0.0122603178024292, 0.026487236842513084, 0.012294698506593704, -0.013676821254193783, -0.02765619568526745, 0.0008208499057218432, 0.003977898973971605, -0.009296663105487823, -0.009833008982241154, -0.021728886291384697], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='1a9766fe-9b47-4a7e-b166-1ced85aa7e89', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '4', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_type': 'application/pdf', 'file_size': 1103758, 'creation_date': '2024-02-25', 'last_modified_date': '2023-12-13', 'last_accessed_date': None}, hash='1928bf5325134c57e92ba605a0122861090d316cd8df33428488226f27407fcf')}, text='For sen-\\ntence and proposition level retrieval, we follow the\\nsetting introduced in Lee et al. (2021b), where the\\nscore of the passage is based on the maximum sim-\\nilarity score between the query and all sentencesor propositions in a passage. In practice, we first\\nretrieve a slightly larger number of text units, map\\neach unit to the source passage, and return the top- k\\nunique passages. We use Recall@ kas our evalu-\\nation metric, which is defined as the percentage\\nof questions for which the correct answer is found\\nwithin the top- kretrieved passages.\\n4.4 Downstream QA Evaluation\\nTo understand the implications of using different\\nretrieval units on the downstream open-domain\\nQA tasks, we evaluate the use of retrieval mod-\\nels in retrieve-then-read setup (Izacard and Grave,\\n2021). With the retrieve-then-read setting, a re-\\ntrieval model first retrieves ktext units given the\\nquery. The kretrieved text units are then used as\\ninput along with the query to a reader model to\\nderive the final answer. Typically, the choice of\\nkis subject to the reader model’s maximum input\\nlength constraint, or the limit of compute budget,\\nwhich scales with the number of input tokens.\\nFor this reason, we follow an evaluation setup\\nwhere the maximum number of retrieved words\\nis capped at l= 100 or500, i.e. only the top l\\nwords from passage, sentence, or proposition level\\nretrieval are feed into the reader model as input. We\\nevaluate the percentage of questions for which the\\npredicted answer exactly matches (EM) the ground\\ntruth. We denote our metric as EM @ l. For our\\nevaluation, we use T5-large size UnifiedQA-v2 as\\nthe reader model (Khashabi et al., 2022).\\n5 Results: Passage Retrieval\\nIn this section, we report and discuss the retrieval\\ntasks performance. Our results show that despite\\nnone of the models being trained with proposition-\\nlevel data, all the retrieval models demonstrated\\non-par or superior performance when the corpus is\\nindexed at the proposition level.\\n5.1 Passage Retrieval Performance\\nWe report our evaluation results in Table 2. We\\nobserve that retrieval by propositions outperforms\\nretrieval by sentence or passage on most tasks for\\nboth unsupervised and supervised retrievers.\\nWith all dense retrievers tested, proposition-\\nlevel retrieval consistently outperforms sentence\\nand passage-level retrieval on average across the\\nfive datasets. With the unsupervised retrievers, i.e.\\nSimCSE and Contriever, we see an averaged Re-\\ncall@5 improvement of +12.0and+9.3(35.0%', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='734fd952-e539-4831-abd1-9d4b8c40c70e', embedding=[-0.0028304224833846092, 0.020411530509591103, 0.02135794796049595, -0.0276862271130085, -0.008482438512146473, 0.023236654698848724, -0.0016226813895627856, -0.0031800316646695137, -0.05116301774978638, -0.03856296092271805, 0.007691403850913048, 0.034042760729789734, -0.006533102132380009, 0.011561824940145016, 0.00706634484231472, 0.013327528722584248, 0.012522367760539055, 0.005727941635996103, 0.013433470390737057, -0.03299746289849281, 0.010121011175215244, 0.011794897727668285, -0.040427543222904205, -0.017487525939941406, -0.0006219689967110753, 0.009598363190889359, 0.01938035897910595, -0.020129017531871796, -0.015326304361224174, 0.0012253981549292803, 0.009365290403366089, -0.004901592619717121, -0.017431022599339485, -0.0005085225566290319, -0.00705221900716424, 0.008291742764413357, -0.005395989399403334, -0.006688483990728855, 0.02603353001177311, -0.0001820881589083001, 0.012487053871154785, 0.007430079393088818, 0.004756804555654526, -0.0013737172121182084, -0.0036373487673699856, -0.0029752100817859173, -0.00027920183492824435, -0.020114891231060028, -0.0046791136264801025, -0.006614324636757374, -0.0036161604803055525, 0.030963372439146042, -0.026937570422887802, 0.005311235785484314, -0.002048215828835964, 0.011914965696632862, -0.01150532253086567, 0.021979475393891335, -0.022516248747706413, 0.0009605425875633955, -0.010784915648400784, -0.01067191082984209, -0.01911197230219841, 0.01344053354114294, 0.013292214833199978, -0.012501179240643978, -0.013369905762374401, 0.0004323766042944044, 0.02826537936925888, -0.010043320246040821, 0.010085697285830975, 0.013292214833199978, 0.015283928252756596, -0.0005372152081690729, 0.03274320065975189, -0.0070910644717514515, 0.011724269948899746, 0.010431774891912937, -0.005766787100583315, -0.009767870418727398, 0.02260100282728672, -0.022855263203382492, -0.014549395069479942, 0.0231377761811018, 0.017233263701200485, 0.005519588477909565, -0.003679725807160139, 0.029409553855657578, -0.00588332349434495, -0.0021329696755856276, 0.0055125257931649685, 0.01825030893087387, 0.031471896916627884, 0.024352580308914185, -0.014747153967618942, -0.006741455290466547, -0.001616501365788281, 0.024620966985821724, -0.013892553746700287, -0.016950752586126328, 0.003750353818759322, -0.009873813018202782, -0.016357475891709328, -0.00820698868483305, -0.017515776678919792, -0.00136312295217067, -0.0019051939016208053, -0.0012218666961416602, -0.00889914482831955, -0.014492892660200596, -0.005752661265432835, 0.01394199300557375, 0.018207931891083717, -0.02299652062356472, -0.012748378328979015, 0.0028604394756257534, 0.02247387170791626, -0.013659480959177017, 0.0014328681863844395, -0.017911294475197792, 0.02569451369345188, -0.011123931035399437, 0.05127602443099022, -0.028124121949076653, 0.0172050129622221, 0.0122610442340374, 0.009238159283995628, -0.016555234789848328, 0.002410185057669878, -0.013956119306385517, 0.0077408431097865105, 0.03234768286347389, 0.023109525442123413, 0.01057303138077259, -0.023957062512636185, 0.0298615749925375, -0.005809163674712181, -0.003089980687946081, -0.01143469475209713, 0.0035826119128614664, -0.002037621568888426, 0.005996328312903643, -0.011194558814167976, -0.020778795704245567, -0.0016959580825641751, 0.03946699947118759, 0.009421792812645435, 0.0035420008935034275, 0.00876495148986578, -0.005131133832037449, -0.0018557541770860553, -0.010198702104389668, -0.016046712175011635, 0.030596107244491577, 0.024748098105192184, -0.013073267415165901, -0.016781244426965714, 0.0172050129622221, -0.0399472713470459, -0.01628684811294079, 0.007175818085670471, 0.028434885665774345, 0.009344101883471012, 0.014344573952257633, -0.0004003732174169272, 0.02319427952170372, 0.028025243431329727, 0.0035102181136608124, -0.002456093207001686, -0.03347773477435112, -0.023166026920080185, 0.016555234789848328, 0.00787503644824028, 0.02786986157298088, 0.024394957348704338, 0.0001295584806939587, 0.040173280984163284, -0.025864021852612495, -0.04059705138206482, -0.005378332454711199, 0.001351645914837718, -0.005445429123938084, 0.0176005307585001, 0.0031553118024021387, -0.012289294973015785, -0.02649967558681965, 0.02517186664044857, 0.021569831296801567, -0.00175952329300344, 0.0016668238677084446, 0.013362842611968517, -0.0021011868957430124, 0.0003906618512701243, -0.018885962665081024, -0.6260477900505066, -0.01383605133742094, -0.013920804485678673, -0.015764199197292328, -0.002849845215678215, 0.015100294724106789, 0.017614657059311867, 0.0164139773696661, -0.010594219900667667, 0.04158584401011467, 0.008249365724623203, -0.0017718832241371274, -0.020383279770612717, 0.0020164332818239927, -0.031669653952121735, -0.01673886738717556, -0.008680197410285473, 0.007415954023599625, 0.03308221697807312, 0.01149826031178236, -0.0355965793132782, 0.016823621466755867, -0.02272813208401203, 0.007684340700507164, -0.006218806840479374, -0.007931538857519627, -0.018801208585500717, -0.030624357983469963, 0.008849704638123512, 0.006155241746455431, -0.03438177332282066, 0.01130756363272667, 0.033053964376449585, 0.009118092246353626, 0.04203786328434944, -0.02340616285800934, -0.012903760187327862, 0.009492420591413975, 0.012882571667432785, 0.04124682769179344, -0.03782842680811882, 0.0069780596531927586, 0.027728604152798653, 0.0036832571495324373, 0.002697994699701667, 0.018292685970664024, 0.0023042429238557816, 0.006243526935577393, 0.0005879792151972651, -0.003820982063189149, -0.019267354160547256, 0.008150486275553703, -0.0122610442340374, -0.023829931393265724, 0.004361287225037813, 0.005265327170491219, 0.0282795038074255, -0.01792542077600956, 0.016569359228014946, -0.015990208834409714, 0.0042270938865840435, -0.005014597438275814, -0.013998495414853096, -0.03316697105765343, -0.04345042631030083, 0.005350081250071526, 0.01805255003273487, -0.003215345786884427, 0.001845159917138517, -0.025185992941260338, 0.006374189164489508, 0.012684812769293785, 0.020722294226288795, -0.002630898030474782, 0.009887938387691975, 0.014620023779571056, 0.00872963760048151, -0.0018840053817257285, -0.009789058938622475, 0.018617575988173485, 0.010198702104389668, -0.01997363567352295, 0.010848481208086014, 0.0187870841473341, 0.0058550722897052765, -0.0005491337506100535, -0.027982866391539574, 0.01778416335582733, 0.0075783985666930676, 0.02272813208401203, -0.007825597189366817, 0.014959038235247135, -0.026739811524748802, -0.014704776927828789, 0.006677889730781317, 0.020849425345659256, -0.002849845215678215, -0.013581790030002594, 0.0007252626237459481, -0.031217634677886963, -0.002895753365010023, -0.005332423839718103, 0.013023827224969864, -0.005968077108263969, 0.004612016957253218, 0.03359074145555496, 0.006617856211960316, 0.005456023383885622, -0.01050946582108736, -0.005671439226716757, -0.005911574698984623, 0.0033919161651283503, -0.008185800164937973, -0.021174313500523567, 0.0039339871145784855, -0.03426877036690712, 0.03511630743741989, 0.025129489600658417, -0.006999247707426548, -0.015637068077921867, -0.006006922572851181, -0.008927395567297935, 0.039382245391607285, -0.007564273197203875, -0.0024384362623095512, 0.009958567097783089, -0.00560081098228693, -0.0006237346678972244, 0.012388174422085285, -0.0003162815992254764, 0.0030776208732277155, -0.0015114420093595982, 0.004054054617881775, -0.00287456507794559, 0.013913742266595364, 0.007437142543494701, 0.014789531007409096, -0.015142671763896942, -0.01393493078649044, -0.03257369622588158, -0.029042288661003113, -0.01970524899661541, -0.00019919341139029711, -0.031867414712905884, -0.024423208087682724, -0.015467560850083828, -0.012042096816003323, 0.006501319818198681, -0.001336637418717146, -0.015976084396243095, -0.010926172137260437, -0.0007848551031202078, -0.00408583739772439, -0.0037821365986019373, -0.027982866391539574, -0.009259347803890705, -0.03421226888895035, -0.03949525207281113, -0.004823901224881411, -0.04703833535313606, 0.0005888620507903397, 0.014379887841641903, -0.0038280447479337454, -0.014083249494433403, -0.005505463108420372, -0.016371600329875946, -0.001823971513658762, 0.022685756906867027, -0.029889825731515884, -0.020863549783825874, -0.005530182737857103, -0.01693662628531456, 0.005922168958932161, 0.013857239857316017, -0.004809775855392218, 0.014111501164734364, -0.014351636171340942, 0.00215945509262383, 0.0063424063846468925, -0.03110462985932827, 0.014358699321746826, 0.020920053124427795, -0.01767115853726864, -0.029211794957518578, 0.025553258135914803, 0.012875508517026901, -0.002457858994603157, 0.010149262845516205, -0.002879862207919359, 0.01634334959089756, 0.0005288281245157123, 0.022643379867076874, -0.031161131337285042, 0.01851869560778141, -0.01719088666141033, 0.000521765323355794, 0.013821925967931747, 0.005943357478827238, -0.007458330597728491, 0.025934649631381035, 0.021174313500523567, 0.019337981939315796, 0.004523731768131256, -0.022318489849567413, -0.0018116115825250745, -0.002648554975166917, 0.021513329818844795, -0.027318961918354034, 0.01160420197993517, 0.01569357141852379, 0.02267163060605526, -0.002848079428076744, -0.021117812022566795, 0.006536633707582951, 0.00012415101809892803, 0.02912704087793827, -0.007288823369890451, -0.008129297755658627, -0.015481686219573021, -0.006744986865669489, 0.004449572414159775, 0.004880404099822044, 0.020284399390220642, 0.02281288616359234, -0.020510409027338028, 0.007080470211803913, -0.0015608817338943481, 0.002722714561969042, 0.03432527184486389, -0.004343630280345678, -0.022431494668126106, 0.006956871133297682, 0.0336189903318882, 0.003969301003962755, 0.006303560920059681, 0.0038351076655089855, 0.012183352373540401, 0.0034660755190998316, 0.008044544607400894, 0.0003019352734554559, 0.024479711428284645, -0.0006462474120780826, 0.0111733702942729, -0.024296076968312263, -0.004057586193084717, -0.025228368118405342, 0.011823149397969246, 0.011427631601691246, -0.007479519117623568, 8.249145321315154e-05, 0.017614657059311867, 0.026019403710961342, -0.002772154286503792, 0.00909690372645855, 0.010996799916028976, -0.009817310608923435, 0.006105802021920681, 0.00833411980420351, 0.015863077715039253, 0.03085036762058735, 0.021527454257011414, -0.003916330169886351, 0.01995950937271118, -0.0181938074529171, 0.018617575988173485, -0.025270745158195496, 0.025185992941260338, -0.005240607541054487, -0.005173510871827602, 0.005448960233479738, -0.006077550817281008, -0.018476318567991257, -0.009534797631204128, -0.0170072540640831, -0.01389961689710617, 0.024140695109963417, -0.0015644130762666464, 0.0020146674942225218, -0.008044544607400894, 0.020256148651242256, -0.020905926823616028, -0.038591209799051285, 0.02840663492679596, 0.026937570422887802, 0.012275169603526592, -0.0039834268391132355, -0.01180196087807417, 0.0033389448653906584, -0.03421226888895035, 0.015976084396243095, -0.0037079770117998123, 0.0286750216037035, 0.006840334739536047, -0.009315850213170052, -0.01846219412982464, 0.009711368009448051, 0.027643851935863495, -0.010368210263550282, -0.011251061223447323, 0.001483190804719925, -0.009746681898832321, -0.0013737172121182084, -0.01765703223645687, 0.009916190057992935, 0.033308226615190506, -0.030483102425932884, -0.0411338247358799, -0.015509937889873981, -0.001287197694182396, -0.00530417263507843, 0.016159716993570328, 0.004107025917619467, -0.014959038235247135, 0.03130238875746727, 0.012840194627642632, 0.0031005749478936195, -0.0007535138865932822, -0.003381321905180812, 0.03932574391365051, -0.00700277928262949, -0.0015811873599886894, -0.031217634677886963, 0.013751297257840633, -0.00588332349434495, 0.03421226888895035, 0.05667201429605484, -0.02082117274403572, 0.016979003325104713, 0.010198702104389668, 0.006070488132536411, -0.03183916211128235, 0.016117339953780174, 0.012479990720748901, -0.0020305588841438293, -0.019549867138266563, -0.022191358730196953, 0.032714951783418655, -0.013617103919386864, 0.027968740090727806, 0.007634900975972414, -0.0013066204264760017, -0.019055470824241638, 0.0021382668055593967, -0.0004270794743206352, 0.0014646508498117328, -0.0021541579626500607, 0.0027898112311959267, 0.028293630108237267, 0.009541860781610012, -0.02075054496526718, 0.03333647921681404, 0.0122610442340374, 0.018151430413126945, -0.011823149397969246, 0.0009287599241361022, 0.016724741086363792, 0.017939545214176178, 0.0014531738124787807, -0.009005086496472359, 0.02029852569103241, 0.020849425345659256, -0.018165554851293564, 0.01380073744803667, 0.007204069290310144, -0.012225729413330555, 0.02385818399488926, 0.012826069258153439, -0.01443639025092125, 0.028844529762864113, -0.010954422876238823, -0.005000471603125334, 0.016979003325104713, -0.020340902730822563, -0.0018875368405133486, -0.0005575208342634141, 0.008779076859354973, -0.02200772613286972, 0.0011053303023800254, -0.0243243295699358, 0.004393070004880428, -0.024550339207053185, -0.0004337008867878467, -0.022714007645845413, -0.04644506052136421, 0.0033654305152595043, -0.01620209403336048, 0.024762222543358803, -0.007207600865513086, -0.023547418415546417, -0.013864302076399326, -0.02056691236793995, -0.0122610442340374, -0.029240047559142113, 0.021838217973709106, -0.003187094582244754, -0.0290705393999815, -0.032319433987140656, -0.012684812769293785, 0.013751297257840633, 0.016512857750058174, 0.035229314118623734, -0.00026684190379455686, 0.0004363494226709008, -0.0052194190211594105, 0.0033442419953644276, -0.024281952530145645, 0.017021380364894867, -0.012381111271679401, 0.0039339871145784855, 0.003407807322219014, -0.0057067531161010265, -0.008715511299669743, -0.012882571667432785, -0.01647048071026802, -0.0044707609340548515, -0.010700162500143051, 0.00433303602039814, -0.0022901170887053013, 0.022516248747706413, 0.00044429508852772415, 0.035427071154117584, 0.03217817842960358, 0.007221726700663567, -0.015283928252756596, 0.013468785211443901, -0.007896224968135357, -0.006872117053717375, -0.022374993190169334, 0.03630286082625389, 0.007098127156496048, -0.0001559336669743061, -0.006169367581605911, -0.008750825189054012, -0.005975139793008566, 0.009612488560378551, -0.028293630108237267, 0.018433943390846252, 0.009661928750574589, -0.007931538857519627, -0.006480131298303604, 0.020538661628961563, 0.02155570685863495, 0.001642986899241805, -0.007564273197203875, -0.028491389006376266, -0.007048687431961298, 0.04686882719397545, 0.026386670768260956, -0.011660704389214516, 0.028759775683283806, -0.025666262954473495, 0.005335955414921045, -0.02010076679289341, 0.0014690652024000883, -0.011512385681271553, 0.02029852569103241, -0.007380639668554068, -0.006730861030519009, 0.0032065173145383596, -0.027135329321026802, -0.0066355131566524506, 0.0036126289051026106, -0.0041423398070037365, 0.01778416335582733, -0.004760336130857468, 0.001629744190722704, -0.015170922502875328, 0.007023967802524567, -0.00037366696051321924, -0.017840666696429253, -0.02536962553858757, 0.021852344274520874, -0.0014116797829046845, 0.027573222294449806, -0.0058056325651705265, -0.012148038484156132, -0.02538374997675419, -0.03494679927825928, -0.029155293479561806, -0.015707695856690407, -0.013913742266595364, 0.003665599972009659, 0.02702232263982296, 0.02358979545533657, 0.04862040653824806, -0.008277617394924164, 0.005540776997804642, 0.022163107991218567, -0.012042096816003323, 0.0029240045696496964, -0.0023748709354549646, -0.013228649273514748, -0.01923910342156887, 0.005890386179089546, 0.0005809164140373468, -0.02024202235043049, -0.008750825189054012, 0.004389538429677486, 0.020114891231060028, 0.0470665879547596, -0.008849704638123512, -0.015990208834409714, -0.006879180204123259, -0.03037009760737419, -0.006564884912222624, 0.00713697262108326, -0.002328962553292513, 0.00040831888327375054, -0.04551276937127113, -0.012578870169818401, 0.036020345985889435, -0.014803656376898289, -0.00166770676150918, 0.000474974192911759, 0.04500424489378929, -0.0032789111137390137, -0.007663152180612087, 0.01673886738717556, 0.0009623083169572055, -0.022502122446894646, 0.006790895015001297, -0.03367549180984497, -0.028576143085956573, 0.028180625289678574, -0.023490916937589645, 0.004675582516938448, 0.009972692467272282, 0.030398348346352577, -0.006801489274948835, -0.027107076719403267, -0.015651194378733635, -0.02761559933423996, -0.004244750831276178, -0.01765703223645687, -0.010424712672829628, -0.0296638160943985, -0.01977587677538395, 0.02340616285800934, -0.0010912047000601888, 0.014019683934748173, -0.02043978124856949, 0.02425369992852211, -0.040681805461645126, -0.0229400172829628, 0.010170451365411282, 0.01483190804719925, 0.05989265441894531, -0.007366514299064875, 0.016442229971289635, 0.03715039789676666, -0.004205905366688967, -0.0018787083681672812, 0.011385254561901093, 0.028025243431329727, -0.03579433634877205, 0.031669653952121735, 0.028830403462052345, -0.024564463645219803, -0.004393070004880428, 0.005445429123938084, -0.0027386057190597057, -0.016696490347385406, -0.05412939935922623, 0.02186647057533264, 0.005459554493427277, 0.01995950937271118, -0.01639985293149948, 0.004513137508183718, -0.026047654449939728, 0.009167531505227089, -0.02082117274403572, 0.008489501662552357, 0.004869809839874506, 0.015919581055641174, -0.025539131835103035, 0.04342217743396759, -0.0012969090603291988, 0.01383605133742094, -0.012769565917551517, -0.00676970649510622, 0.010156325064599514, 0.011936154216527939, -0.011427631601691246, 0.005671439226716757, 0.0018433942459523678, 0.053875140845775604, -0.0164139773696661, -0.009358227252960205, 0.01153357420116663, -0.0010417649755254388, -0.00343429297208786, -0.01074253860861063, -0.0057350043207407, 0.029607312753796577, -0.031471896916627884, -0.006074019242078066, 0.006321217864751816, -0.00022601003001909703, 0.01403381023555994, -0.007557210046797991, -0.01473302859812975, -0.0008749059634283185, -0.0176005307585001, 0.012112724594771862, 0.02049628458917141, 0.005890386179089546, -0.012395237572491169, 0.01370892021805048, 0.005201762076467276, -0.0017144979210570455, -0.0075783985666930676, -0.013850176706910133, 0.027389589697122574, -0.050908759236335754, -0.014394013211131096, 0.028095871210098267, -0.00038448188570328057, 0.04090781509876251, -0.011455883271992207, -0.010791978798806667, 0.013412282802164555, 0.02450796216726303, -0.03624635934829712, -0.0011812555603682995, 0.01792542077600956, -0.0004877755418419838, -0.047292597591876984, -0.02524249441921711, -0.025426127016544342, -0.011060365475714207, 0.006335343699902296, -0.0302570927888155, -0.017911294475197792, -0.032714951783418655, -0.011484134010970592, 0.00446722935885191, -0.005720878951251507, -0.012402299791574478, 0.004965157713741064, 0.001898131100460887, 0.011745458468794823, 0.009789058938622475, -0.004096431657671928, 0.024931730702519417, 0.026330167427659035, -0.0037574167363345623, 0.02767210267484188, -0.025878148153424263, 0.0411338247358799, 0.0017074351198971272, -0.009322913363575935, 0.009598363190889359, -0.03288445994257927, 0.01374423410743475, -0.01041058637201786, 0.014026747085154057, -0.04723609611392021, -0.011816086247563362, 0.0007936836336739361, 0.0021753464825451374, -0.011512385681271553, 0.04441097006201744, 0.009005086496472359, -0.025058861821889877, 0.017883043736219406, -0.003379556117579341, 0.0025196585338562727, -0.003930455539375544, -0.013758360408246517, -0.009887938387691975, -0.018900088965892792, 0.018998967483639717, -0.030341845005750656, -0.01877295784652233, 0.006345937494188547, 0.020001886412501335, 0.018433943390846252, -0.040681805461645126, -0.03816744312644005, 0.004742679186165333, -0.02669743448495865, -0.017487525939941406, -0.0034749042242765427, 0.010799041017889977, 0.020016012713313103, 0.009400604292750359, -0.027135329321026802, 0.04116207733750343, -0.020213771611452103, 0.010085697285830975, -0.017247390002012253, 0.00790328811854124, -0.003499623853713274, -0.003404275979846716, 0.027629725635051727, -0.016654113307595253, -0.03418401628732681, -0.007045156322419643, -0.008425936102867126, 0.005922168958932161, 0.0014381653163582087, 0.023222530260682106, -0.005325361154973507, -0.00105853914283216, -0.02597702667117119, 0.018956590443849564, 0.020934177562594414, 0.01393493078649044, 0.016032585874199867, -0.011900840327143669, 0.00225833454169333, 0.008454187773168087, 0.006596667692065239, -0.016625862568616867, 0.015255676582455635, 0.025200117379426956, -0.0015599988400936127, -0.00018451600044500083, -0.01792542077600956, -0.0057067531161010265, 0.01170308142900467, -0.017685284838080406, 0.019493363797664642, 0.0187870841473341, -0.016837745904922485, 0.01659761182963848, 0.024423208087682724, -0.009315850213170052, 0.007129909936338663, 0.01064365915954113, 0.015453435480594635, 0.003044072538614273, 0.008249365724623203, -0.022177234292030334, 0.01582070253789425, -0.030144086107611656, 0.007430079393088818, 0.0029257703572511673, 0.0028286566957831383, 0.00896271038800478, -0.03294096142053604, -0.02972031757235527, 0.017558153718709946, 0.03412751480937004, -0.0223467405885458, 0.003775073681026697, -0.004537857603281736, -0.0023218998685479164, 0.01406912412494421, 0.014295133762061596, -0.005943357478827238, -0.04226387292146683, -0.003261253936216235, 0.0036161604803055525, -0.019790003076195717, -0.01745927520096302, 0.007620775606483221, 0.009803185239434242, -0.008489501662552357, 0.02076467126607895, 0.19719374179840088, -0.0019422736950218678, 0.0015547017101198435, 0.028180625289678574, -0.0035702520981431007, -0.00131368322763592, 0.006787363439798355, 0.003021118463948369, -0.00701690511777997, 0.00913221761584282, 0.01192909199744463, 0.002431373344734311, -0.042857151478528976, -0.0056078736670315266, 0.014492892660200596, 0.006077550817281008, -0.037715423852205276, -0.027107076719403267, -0.009668990969657898, 0.001073547638952732, -0.0017586405156180263, 0.00013606951688416302, -0.010184576734900475, -0.013468785211443901, 0.019055470824241638, 0.016371600329875946, 0.005222950596362352, -0.019394485279917717, 0.010551842860877514, 0.015241551212966442, 0.007705529220402241, -0.004898061044514179, 0.0115688880905509, -0.012374049052596092, -0.015919581055641174, 0.011364066042006016, 0.009209908545017242, 0.00579856988042593, 0.011943217366933823, 0.012430551461875439, 0.028505513444542885, -0.008058669976890087, 0.006314155180007219, -0.0024984702467918396, -0.01864582672715187, 0.030200589448213577, -0.0014416967751458287, 0.025722766295075417, -0.013652417808771133, -0.006074019242078066, -0.01420331746339798, 0.013489973731338978, 0.0225444994866848, 0.018433943390846252, -0.03926924243569374, 0.011286375112831593, -0.017953671514987946, -0.012811942957341671, 0.007023967802524567, 0.012833131477236748, -0.018871836364269257, 0.012451739981770515, -0.011526511050760746, 0.04164234548807144, -0.03791318088769913, 0.020185520872473717, 0.006741455290466547, 0.018165554851293564, 0.0070274993777275085, -0.003679725807160139, -0.015665320679545403, -0.00810810923576355, -0.013927867636084557, -0.010339958593249321, -0.03585084155201912, -0.027954615652561188, 0.03158489987254143, 0.015651194378733635, 0.02835013158619404, 0.009866749867796898, 0.0064412858337163925, -0.006384782958775759, -0.013334590941667557, 0.00889914482831955, -0.02069404348731041, -0.03531406447291374, 0.009781996719539165, -0.0015997271984815598, -0.009810247458517551, -0.021513329818844795, -0.0033901503775268793, -0.002556738443672657, -0.0056078736670315266, -0.01512854639440775, 0.004989877343177795, -0.0007380640017800033, 0.010565968230366707, 0.014443453401327133, 0.0002968588669318706, -0.03669837862253189, -0.006458942778408527, 0.05955364182591438, 0.022855263203382492, 0.020510409027338028, -0.007634900975972414, 0.009181656874716282, -0.01027639303356409, -0.006946276873350143, 0.021979475393891335, -0.0038598275277763605, 0.0017250921810045838, -0.03596384450793266, 0.014415201731026173, 0.002675040625035763, -0.00823524035513401, 0.010255204513669014, -0.007009841967374086, -0.02306714840233326, 0.03200867027044296, -0.0162162184715271, -0.004004614893347025, -0.02114606276154518, 0.015721822157502174, 0.015933707356452942, -0.0035155152436345816, -0.026598554104566574, 0.010777853429317474, -0.011088617146015167, -0.0117666469886899, -0.021442700177431107, 0.010996799916028976, -0.04901592433452606, 0.017487525939941406, -0.010820229537785053, 0.00036395559436641634, -0.0011132758809253573, -0.003979895263910294, 0.0019034281140193343, -0.020114891231060028, -0.008355308324098587, 0.01891421340405941, -0.01377248577773571, 0.01747339963912964, 0.00899802427738905, 0.009351165033876896, -0.0031005749478936195, 0.005540776997804642, 0.017755912616848946, -0.028689147904515266, -0.018532821908593178, -0.014492892660200596, -0.005148790776729584, -0.014422264881432056, 0.0116677675396204, 0.026061780750751495, -0.027629725635051727, -0.02577926777303219, -0.013963181525468826, -0.011448820121586323, 0.023872308433055878, -0.05266033485531807, -0.01027639303356409, 0.018010172992944717, -0.005152322351932526, -0.02351916767656803, 0.00032775866566225886, -0.18216407299041748, 0.007045156322419643, 0.030793866142630577, -0.04243338108062744, 0.00016873501590453088, 0.011159244924783707, 0.03763066977262497, -0.004442509729415178, -0.025878148153424263, -0.03376024588942528, -0.003088215133175254, -0.005823289509862661, -0.03474904224276543, -0.007437142543494701, 0.0010417649755254388, -0.00276862271130085, -0.026188911870121956, -0.006833271589130163, 0.021513329818844795, 0.026923444122076035, 0.04025803506374359, -0.038591209799051285, 0.009499483741819859, 0.005992797203361988, 0.013857239857316017, -0.009584237821400166, -0.004527263343334198, 0.014860158786177635, -0.006766174919903278, -0.017120258882641792, -0.003457247046753764, 0.008030418306589127, 0.023434413596987724, -0.015848953276872635, -0.007168755400925875, 0.01706375740468502, 0.006730861030519009, 0.0067838323302567005, -0.021400325000286102, 0.016583485528826714, 0.027431966736912727, 0.02281288616359234, 0.02846313826739788, 0.0006705258274450898, -0.01634334959089756, 0.01512854639440775, 0.018815334886312485, -0.004954563453793526, 0.007009841967374086, -0.01153357420116663, -0.02813824824988842, -0.005579622462391853, 0.022304363548755646, -0.008560129441320896, -0.01377248577773571, 0.017713535577058792, 0.014394013211131096, 0.02425369992852211, 0.0038704215548932552, -0.02148507721722126, -0.009428855963051319, -0.012359922751784325, 0.04895942285656929, 0.0038633588701486588, -0.004622611217200756, -0.015622942708432674, -0.031471896916627884, 0.0010850246762856841, -0.008856767788529396, -0.006533102132380009, -0.022572750225663185, -0.02094830386340618, 0.00843299925327301, 0.01707788184285164, 0.006716735195368528, 0.046162545680999756, -0.0008289976976811886, 0.014330447651445866, 0.03130238875746727, -0.00680502038449049, -0.011314626783132553, 0.04076655954122543, -0.00839768536388874, 0.0009905595798045397, -0.01423156913369894, -0.003690319834277034, -0.0024878759868443012, 0.01410443801432848, 0.0010956189362332225, -0.002696228912100196, 0.02491760440170765, -0.012395237572491169, 0.0027862798888236284, -0.004834495484828949, 0.0059327632188797, 0.00423415657132864, -0.01064365915954113, -0.003183563007041812, 0.004273002035915852, -0.003941049799323082, -0.012571807950735092, -0.00830586813390255, -0.015961958095431328, -0.009372353553771973, 0.02610415779054165, 0.008623695001006126, -0.0379696823656559, 0.0028357196133583784, 0.014747153967618942, -0.010523592121899128, 0.010262267664074898, -0.00014092519995756447, 0.0057067531161010265, -0.012133913114666939, 0.0007407125667668879, 0.02609003148972988, -0.014747153967618942, -0.010106885805726051, 0.02885865420103073, -0.017544027417898178, 0.04169885069131851, -0.012458802200853825, -0.0027792169712483883, -0.0011565356981009245, 0.012649498879909515, -0.003552595153450966, -0.10921934247016907, 0.00893445871770382, 0.013391094282269478, 0.036867886781692505, -0.019818253815174103, 0.020863549783825874, 0.0015626474050804973, 0.029353052377700806, -0.022092480212450027, 0.03308221697807312, -0.015863077715039253, -0.014676526188850403, 0.008242303505539894, -0.002724480116739869, 0.006285903975367546, -0.024168947711586952, 0.02312364988029003, -0.0363876149058342, 0.004280064720660448, 0.03748941421508789, -0.008772013708949089, -0.007214663550257683, 0.02511536329984665, 0.00100909941829741, -0.006225869990885258, 0.0018840053817257285, -0.029494307935237885, 0.0036161604803055525, 0.015312178991734982, 0.0018363314447924495, 0.014160940423607826, -0.0371786504983902, 0.012381111271679401, -0.025397876277565956, -0.021428575739264488, -0.004961626138538122, -0.028180625289678574, -0.014747153967618942, 0.025920525193214417, -0.021131936460733414, -0.008906207047402859, 0.01614559069275856, 0.0013525286922231317, 0.008390622213482857, -0.017967795953154564, 0.008185800164937973, -0.0031270605977624655, 0.025397876277565956, -0.007825597189366817, -0.012359922751784325, -0.03373199701309204, -0.005251201801002026, 0.006042236927896738, -0.004251813516020775, 0.0029575531370937824, 0.013652417808771133, 0.03308221697807312, -0.022431494668126106, -0.006119927857071161, 0.012720126658678055, -0.021061308681964874, -0.0022918828763067722, -0.006744986865669489, -0.0010523591190576553, 0.02425369992852211, 0.0019511021673679352, -0.029805071651935577, -0.017699409276247025, -0.01812317967414856, -0.010121011175215244, -0.01120868418365717, 0.013588852249085903, -0.012225729413330555, 0.006861523259431124, -0.03853470832109451, 0.017911294475197792, -0.022487998008728027, -0.036415863782167435, 0.013256900012493134, -0.013165083713829517, -0.004124682862311602, -0.021456826478242874, -0.003481966909021139, -0.016244471073150635, 0.03909973427653313, 0.009676054120063782, -0.014973163604736328, -0.01314389519393444, 0.00889914482831955, -0.03051135316491127, -0.020679917186498642, 0.015990208834409714, -0.009831435978412628, -0.031528398394584656, -0.0007442439673468471, 0.01417506579309702, -0.012204540893435478, -0.011180433444678783, 0.0025426128413528204, -0.019140223041176796, -0.03220642730593681, -0.0024454991798847914, -0.05754780396819115, 0.02056691236793995, 0.001559116062708199, -0.019126098603010178, -0.0018575198482722044, -0.0007451268029399216, 0.00555137125775218, 0.005858603399246931, -0.035427071154117584, 0.005434834863990545, -0.03209342435002327, 0.0019175538327544928, -0.0235332939773798, -0.013101518154144287, -0.03921274095773697, -0.006557822227478027, 0.022487998008728027, -0.007401828188449144, 0.02261512726545334, 0.008659008890390396, -0.011420569382607937, 0.02483285218477249, 0.0025885209906846285, 0.01007863413542509, -0.02741784043610096, -0.0015043792081996799, -0.009845561347901821, 0.012670687399804592, 0.0008417990757152438, -0.005915106274187565, 0.007514833472669125, -0.028223002329468727, -0.015495812520384789, 0.020877676084637642, 0.0023271969985216856, -0.0060987393371760845, 0.011922028847038746, 0.024889353662729263, 0.020383279770612717, 0.01727564074099064, -0.0219512227922678, -0.025821644812822342, 0.008955647237598896, 1.2408204383973498e-05, 0.01103211473673582, 0.016244471073150635, -0.0019740562420338392, 0.010008006356656551, 0.009485358372330666, 0.007889162749052048, 0.015651194378733635, 0.005639656446874142, 0.02035502716898918, -0.020510409027338028, -0.018561072647571564, -0.004265939351171255, 0.012204540893435478, 0.010424712672829628, 0.019662871956825256, -0.010163388215005398, 0.029494307935237885, 0.007804408669471741, 0.03743290901184082, -0.0018928339704871178, 0.023688675835728645, -0.023279031738638878, -0.01340521965175867, 0.012868445366621017, 0.0020464500412344933, -0.01654110848903656, -0.0059045120142400265, 0.004809775855392218, 0.022290239110589027, 0.02702232263982296, 0.009838499128818512, -0.005374800879508257, -0.0014814251335337758, 0.0004270794743206352, -0.0017083178972825408, 0.006035173777490854, 0.004785055760294199, -0.015396933071315289, -0.012988513335585594, 0.00853187870234251, 0.020185520872473717, 0.007373576983809471, 0.0001189642571262084, 0.01126518752425909, -0.0160184595733881, 0.012140976265072823, 0.021329695358872414, 0.0328279547393322, -0.012571807950735092, 0.015312178991734982, 0.002489641774445772, 0.016781244426965714, 0.0036196918226778507, 0.004979283548891544, 0.023490916937589645, 0.029353052377700806, 0.015396933071315289, 0.0028180624358356, -0.027912238612771034, -0.024663344025611877, -0.015086169354617596, -0.00023947350564412773, -0.03056785650551319, -0.020736420527100563, 0.01719088666141033, 0.003944581374526024, 0.01936623454093933, 0.00676970649510622, 0.01864582672715187, 0.005900980439037085, -0.024168947711586952, 0.001997010549530387, -0.003524343715980649, -0.04257463663816452, -0.04237687960267067, 0.021400325000286102, 0.011342878453433514, 0.0120632853358984, 0.022021852433681488, 0.008411810733377934, 0.026019403710961342, 0.0227422583848238, 0.044382717460393906, -0.02213485725224018, 0.031528398394584656, -0.002599115250632167, 0.003038775408640504, -0.009160468354821205, 0.002678571967408061, -0.004693239461630583, -0.021372072398662567, -0.009570111520588398, -0.016329223290085793, 0.011159244924783707, -0.009188720025122166, 0.0901779979467392, 0.028194749727845192, -0.02464921772480011, -0.007641964126378298, -0.006681421305984259, -0.0030052270740270615, 0.008680197410285473, 0.00856719259172678, -0.015990208834409714, -0.028816277161240578, 0.02794048935174942, -0.020581038668751717, 0.006723798345774412, -0.019592244178056717, -0.005879791919142008, -0.03570958226919174, 0.003640880109742284, 0.014577646739780903, -0.013595915399491787, -0.003679725807160139, 0.020934177562594414, -0.024959981441497803, 0.0030493696685880423, -0.009125154465436935, -0.015792449936270714, -0.015622942708432674, 0.008793202228844166, -0.0038845473900437355, 0.026443172246217728, -0.03579433634877205, 0.01970524899661541, 0.009972692467272282, -0.03214992582798004, -0.010488277301192284, -0.022035976871848106, -0.01426688302308321, 0.005113476887345314, -0.008708449080586433, 0.011858463287353516, -0.014704776927828789, 0.020199645310640335, 0.019691122695803642, -0.006776769179850817, -0.009315850213170052, 0.0024472647346556187, -0.00414940295740962, -0.036811381578445435, -0.004756804555654526, -0.006451880093663931], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='e1779bc5-7375-45c9-8dd5-894a1b4271b7', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '5', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_type': 'application/pdf', 'file_size': 1103758, 'creation_date': '2024-02-25', 'last_modified_date': '2023-12-13', 'last_accessed_date': None}, hash='018012a71a381235ffdc3c821575951155eb76fdb835ac822f91de982c8c00ef')}, text='Retriever GranularityNQ TQA WebQ SQuAD EQ Avg.\\nR@5 R@20 R@5 R@20 R@5 R@20 R@5 R@20 R@5 R@20 R@5 R@20\\nUnsupervised Dense Retrievers\\nSimCSE Passage 28.8 44.3 44.9 59.4 39.8 56.0 29.5 45.5 28.4 40.3 34.3 49.1\\nSentence 35.5 53.1 50.5 64.3 45.3 64.1 37.1 52.3 36.3 50.1 40.9 56.8\\nProposition 41.1 58.9 52.4 66.5 50.0 66.8 38.7 53.9 49.5 62.2 46.3 61.7\\nContriever Passage 42.5 63.8 58.1 73.7 37.1 60.6 40.8 59.8 36.3 56.3 43.0 62.8\\nSentence 46.4 66.8 60.6 75.7 41.7 63.1 45.1 63.5 42.7 61.3 47.3 66.1\\nProposition 50.1 70.0 65.1 77.9 45.9 66.8 50.7 67.7 51.7 70.1 52.7 70.5\\nSupervised Dense Retrievers\\nDPR Passage 66.0 78.0 71.6 80.2 62.9 74.9 38.3 53.9 47.5 60.4 57.3 69.5\\nSentence 66.0 78.0 71.8 80.5 64.1 74.4 40.3 55.9 53.7 66.0 59.2 71.0\\nProposition 65.4 77.7 70.7 79.6 62.8 75.1 41.4 57.2 59.4 71.3 59.9 72.2\\nANCE Passage 70.7 81.4 73.9 81.4 65.7 77.2 43.3 58.6 57.0 69.1 62.1 73.5\\nSentence 70.3 81.6 73.9 81.5 65.2 77.4 45.8 60.7 61.4 72.8 63.3 74.8\\nProposition 69.9 81.1 72.8 80.6 65.1 77.1 46.2 61.9 66.7 76.6 64.1 75.5\\nTAS-B Passage 64.2 77.9 70.4 79.3 65.1 77.0 54.3 69.2 72.2 81.3 65.2 76.9\\nSentence 64.0 78.4 71.4 80.2 63.9 76.7 58.9 72.3 72.7 82.0 66.2 77.9\\nProposition 63.8 78.6 71.4 80.0 63.8 76.8 59.8 73.4 75.1 83.3 66.8 78.4\\nGTR Passage 66.3 78.4 70.1 79.4 63.3 76.5 54.4 68.1 71.7 80.5 65.2 76.6\\nSentence 66.4 79.4 71.6 80.9 62.2 76.8 60.9 73.4 72.5 81.3 66.7 78.4\\nProposition 66.5 79.6 72.2 80.9 63.2 77.4 63.3 75.0 74.9 83.0 68.0 79.2\\nTable 2: Passage retrieval performance (Recall@ k= 5, 20) on five different open-domain QA datasets when\\npre-trained dense retrievers work with the three different granularity from the retrieval corpus. Underline denotes\\ncases where the training split of the target dataset was included in the training data of the dense retriever.\\n', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='809afa79-01bd-4e07-837b-1122e085902d', embedding=[-0.0021498308051377535, 0.005874041002243757, 0.0168161503970623, -0.04420557618141174, -0.013469313271343708, 0.019479960203170776, 0.002733819652348757, -0.008981818333268166, -0.03803100064396858, -0.029288241639733315, 0.008893025107681751, 0.03592727333307266, -0.009330162778496742, 0.015272506512701511, 0.0010245420271530747, 0.028058791533112526, 0.03292195126414299, 0.001502661732956767, 0.011283623054623604, -0.027252819389104843, 0.008182675577700138, -0.013763015158474445, -0.03204767405986786, -0.009924396872520447, 0.009582883678376675, 0.011235810816287994, 0.03396015241742134, -0.020545482635498047, -0.013988413847982883, 0.011283623054623604, 0.021651988849043846, 0.008025579154491425, -0.024889541789889336, -0.016761507838964462, -0.020381556823849678, -0.005590584594756365, -0.004337227903306484, -0.008087052032351494, 0.012547224760055542, -0.006027722265571356, 0.004637760575860739, 0.0224169809371233, 0.0008234756533056498, -0.0036644453648477793, -0.012424279935657978, -0.007752368226647377, 0.0022300865966826677, -0.029206279665231705, 0.0038249569479376078, 0.00632825493812561, -0.0106893889605999, 0.04322201386094093, -0.02012200653553009, 0.0038727689534425735, 0.00151973741594702, -0.012690660543739796, -0.022772153839468956, 0.02430213801562786, -0.012690660543739796, -0.01702105812728405, 0.015545718371868134, 0.007677235174924135, -0.004449927713721991, 0.026883983984589577, -0.015149561688303947, -0.009173066355288029, -0.022676531225442886, -0.012943381443619728, 0.026938626542687416, 0.0012209125561639667, 0.017690425738692284, 0.03428800776600838, 0.004969028756022453, -0.005221749190241098, 0.028250038623809814, -0.02542230300605297, 0.005027086474001408, 0.00333829945884645, -0.008093882352113724, 0.00794361624866724, 0.008339772000908852, -0.03161053732037544, -0.011386076919734478, 0.018646664917469025, 0.024042587727308273, 0.027922185137867928, -0.009015969932079315, 0.02447972446680069, -0.004682157188653946, 0.00745183601975441, 0.003968392964452505, -0.00022070342674851418, 0.02770361676812172, 0.011925669386982918, -0.011830045841634274, 0.01216472964733839, -0.0038112965412437916, 0.03267605975270271, 0.00790263433009386, -0.028004148975014687, -0.011973481625318527, 0.0030155687127262354, -0.04876819998025894, -0.007567950524389744, -0.006980546284466982, 0.009862924925982952, 0.0022557000629603863, -0.012349146418273449, -0.006454614922404289, -0.009398465976119041, -0.01538179162889719, 0.0306542981415987, 0.003135098610073328, -0.025777477771043777, -0.015504736453294754, -0.021733952686190605, 0.0016085309907793999, -0.002091773319989443, 0.0013028759276494384, -0.009296011179685593, 0.02983466535806656, 0.0035722365137189627, 0.03281266614794731, -0.02994394861161709, 0.0285778921097517, 0.012574546039104462, -0.01711668260395527, -0.006864431779831648, 0.009268690831959248, -0.012936551123857498, 0.011413398198783398, 0.039642948657274246, -0.017348911613225937, 0.009077442809939384, -0.009801452048122883, 0.032430171966552734, -0.0005033062770962715, 0.006014061626046896, -0.0213787779211998, -0.028113434091210365, 0.016242407262325287, -0.0004794003034476191, -0.008332941681146622, -0.016734186559915543, -0.0025220809038728476, 0.04008008539676666, 0.02654246985912323, 0.005720359738916159, 0.014780726283788681, 0.021611006930470467, 0.006068704184144735, -0.0032409681007266045, -0.009917567484080791, 0.040872398763895035, 0.016802489757537842, -0.026310238987207413, -0.017444536089897156, 0.02539498172700405, -0.01698007620871067, -0.020846014842391014, 0.027935845777392387, 0.011304114013910294, 0.019589243456721306, 0.004900726024061441, 0.006680014077574015, 0.036446377635002136, 0.029124315828084946, 0.007882143370807171, -0.0011065053986385465, -0.0404079370200634, -0.016734186559915543, 0.03324980288743973, -0.005812568590044975, 0.01803193986415863, -0.002341078594326973, -0.013469313271343708, 0.020914318040013313, -0.019862454384565353, -0.033386409282684326, -0.004337227903306484, 0.0001651006896281615, -0.0004717162228189409, 0.024220174178481102, 0.008674455806612968, -0.002624535234645009, -0.005136370658874512, -0.002026885747909546, -0.0078889736905694, -0.004016204737126827, -0.018496399745345116, 0.022580906748771667, 0.022908760234713554, 0.008763249963521957, -0.0077113863080739975, -0.6220473051071167, -0.004863159731030464, -0.003497103461995721, -0.028441287577152252, 0.011789063923060894, 0.001310560037381947, 0.008291960693895817, 0.014439213089644909, -0.0004215563531033695, 0.03076358325779438, 0.011980311945080757, -0.01491733267903328, -0.0019397996366024017, -0.014753405936062336, -0.026214616373181343, -0.011584155261516571, -0.007554289884865284, -0.0006074680713936687, 0.022949742153286934, 0.01693909615278244, -0.04242970049381256, 0.023687412962317467, -0.014452872797846794, -0.002081527840346098, 0.0011415105545893312, 0.0005297735915519297, -0.013025344349443913, -0.022977063432335854, 0.00962386466562748, 0.010272741317749023, -0.0030036158859729767, 0.00792995560914278, 0.024056246504187584, 0.011830045841634274, 0.038468137383461, -0.0008337210747413337, -0.01064157672226429, 0.01715766452252865, 0.019903436303138733, 0.041937921196222305, -0.038741350173950195, -0.005501790903508663, 0.020736731588840485, -0.0063794818706810474, 0.004945123102515936, 0.021843235939741135, 0.0018663740484043956, 0.0059935711324214935, -0.009377975016832352, -0.010744030587375164, -0.0023803527001291513, 0.016351690515875816, -0.011529513634741306, -0.01700739748775959, -0.007608932442963123, 0.013496633619070053, 0.01587357185781002, -0.04057186469435692, 0.009760471060872078, -0.02225305326282978, 0.01017711777240038, -0.03177446499466896, -0.008599323220551014, -0.019712189212441444, -0.045052528381347656, 0.018906215205788612, 0.003398064523935318, 0.004955368582159281, 0.026078009977936745, -0.05188281089067459, 0.008995478972792625, 0.005805738270282745, 0.0012601867783814669, -0.014125019311904907, -0.003124853363260627, 0.004169886000454426, 0.009453107602894306, -0.008373923599720001, -0.01920674741268158, 0.015040277503430843, 0.014138679951429367, -0.01917942799627781, -0.0050407471135258675, -0.0013891082489863038, -0.002721866825595498, -0.0024076737463474274, -0.013120968826115131, 0.014056717045605183, -0.012772624380886555, 0.014220643788576126, 0.008510529063642025, -0.0038591083139181137, -0.024138210341334343, -0.004217698238790035, 0.014480194076895714, 0.02247162163257599, -0.024110889062285423, -0.020490841940045357, 0.022785814478993416, -0.029233599081635475, -0.01534080971032381, -0.0337689071893692, 0.014548497274518013, 0.0022608228027820587, 0.010361535474658012, 0.018742289394140244, 0.018291490152478218, 0.0008793986053206027, -0.0021003112196922302, -0.013715202920138836, 0.024124549701809883, 0.0016998860519379377, 2.1744837795267813e-05, -0.012731642462313175, 0.006802959367632866, -0.026009706780314445, 0.03163785859942436, 0.005023671314120293, 0.0072742486372590065, -0.02126949280500412, -0.011304114013910294, 0.0034578293561935425, -0.010409346781671047, -0.013004853390157223, -0.008394414559006691, 0.016433654353022575, 0.009173066355288029, 0.01065523736178875, 0.019548261538147926, 0.005375430453568697, 0.009241369552910328, -0.02559989131987095, 0.013769845478236675, -0.0014036225620657206, 0.02327759563922882, -0.014452872797846794, 0.012567715719342232, -0.01217839028686285, 0.0006514379638247192, -0.010074663907289505, -0.022813135758042336, -0.0213787779211998, 0.009705828502774239, -0.011734421364963055, -0.017321590334177017, -0.021938860416412354, -2.89486488327384e-05, -0.000678759126458317, -0.01333953719586134, -0.002884085988625884, 0.0008525043376721442, -0.018714968115091324, 0.014043056406080723, 0.011707100085914135, -0.030408408492803574, -0.0018510059453547, -0.03084554523229599, -0.0316925011575222, -0.0038283721078187227, -0.037785109132528305, -0.0008785448153503239, 0.019889775663614273, -0.013455652631819248, 0.008838382549583912, 0.01583258993923664, -0.03939705714583397, 0.0038659386336803436, 0.012499413453042507, -0.015422772616147995, -0.02669273503124714, 0.006352160591632128, -0.009794621728360653, 0.01611946150660515, 0.029096994549036026, -0.015545718371868134, 0.012301335111260414, -0.03543549403548241, -0.0020798202604055405, 0.006761977449059486, -0.02529935911297798, 0.0010663775028660893, 0.009767300449311733, -0.01901550032198429, -0.020518161356449127, 0.0042586796917021275, -0.0016042620409280062, 0.015231525525450706, -0.00025186658604070544, -0.01816854625940323, 0.02031325362622738, 0.0020388385746628046, 0.03491639345884323, -0.019507281482219696, -0.009985869750380516, -0.02125583216547966, 0.0285778921097517, 0.014712424017488956, 0.010744030587375164, -0.0285778921097517, 0.0243567805737257, 0.027047909796237946, 0.02320929244160652, 0.008128033950924873, -0.028031470254063606, -0.01382448710501194, -0.006826865021139383, 0.02136511728167534, -0.031310003250837326, 0.0070761702954769135, 0.0253266803920269, 0.009425787255167961, -0.016269728541374207, -0.02035423554480076, -0.01708936132490635, -0.0019193087937310338, 0.03923312947154045, -0.002742357552051544, -0.010928448289632797, -0.006464860402047634, -0.005525697022676468, 0.00198590406216681, -0.0039308262057602406, 0.028058791533112526, 0.009548732079565525, -0.007766028866171837, -0.005447148345410824, 0.010040512308478355, -0.008496868424117565, 0.019589243456721306, -0.02536766044795513, -0.018400775268673897, 0.0233868807554245, 0.026883983984589577, 0.0035858971532434225, 0.012963872402906418, 0.006075534503906965, 0.02248528227210045, 0.0027543106116354465, 0.008039239794015884, -0.003300732932984829, 0.0016025545774027705, 0.020805034786462784, -0.003259751247242093, -0.022826796397566795, 0.0031777878757566214, -0.004224528558552265, 0.012629188597202301, 0.026392202824354172, 0.0029575114604085684, 0.03286730870604515, -0.014275286346673965, 0.0022557000629603863, 0.0019107708940282464, 0.014097698964178562, 0.014043056406080723, -0.019452638924121857, -0.00014044763520359993, 0.023687412962317467, 0.010750860907137394, 0.03084554523229599, 0.01431626733392477, -0.011843706481158733, 0.001574379624798894, -0.013155119493603706, 0.028987709432840347, -0.013776675797998905, 0.013476142659783363, -0.01585991121828556, -0.0008422589162364602, -0.013066326268017292, -0.00789580401033163, -0.00963752530515194, 0.0014326513046398759, -0.022703852504491806, -0.01713034324347973, 0.0068917530588805676, 0.0010825993958860636, 0.012724812142550945, -0.007718216627836227, 0.02240332029759884, -0.02013566717505455, -0.04374111443758011, 0.030025912448763847, 0.02434311993420124, 0.004644590429961681, -0.015231525525450706, -0.009903906844556332, -0.0007961545488797128, -0.0321023166179657, 0.012205710634589195, -0.04267559200525284, 0.003753239056095481, 0.004630930256098509, -0.02219841070473194, -0.01703471876680851, 0.016324369236826897, 0.014603139832615852, 0.0022608228027820587, -0.0013216591905802488, 0.012636018916964531, 0.00172976846806705, 0.01805926114320755, -0.037675827741622925, 0.007315230090171099, 0.046036090701818466, -0.023701073601841927, -0.014138679951429367, -0.03177446499466896, -0.018742289394140244, -0.003773729782551527, 0.0007235828088596463, 0.005392506252974272, -0.0072742486372590065, 0.012963872402906418, 0.013906450942158699, 0.010334214195609093, -0.004928047303110361, -0.005990155972540379, 0.033413730561733246, -0.002175444271415472, 0.0047128936275839806, -0.02004004269838333, 0.018428096547722816, 0.00790263433009386, 0.052538517862558365, 0.053713325411081314, -0.013940602540969849, 0.020627446472644806, -0.006813204847276211, 0.018619343638420105, -0.04346790537238121, -0.012007633224129677, 0.027293799445033073, -0.002817490603774786, -0.026173634454607964, -0.01595553569495678, 0.033359088003635406, -0.0148080475628376, 0.034561216831207275, 0.0008904978167265654, 0.008189505897462368, -0.010798673145473003, 0.011058223433792591, -0.004548966884613037, -0.0004858036991208792, 0.0032921950332820415, 0.009671676903963089, 0.0485769547522068, -7.518644270021468e-05, -0.01896085776388645, 0.018701307475566864, 0.027963167056441307, 0.015040277503430843, -0.02337322011590004, -0.01924772933125496, 0.015176882967352867, 0.011864196509122849, 0.01911112479865551, -0.0061131007969379425, 0.005720359738916159, 0.025804799050092697, -0.001956875203177333, 0.0023666920606046915, 0.0019466298399493098, 0.005266146268695593, 0.025832120329141617, 0.015614020638167858, -0.0023803527001291513, 0.016734186559915543, -0.006147252395749092, -0.004262094851583242, 0.011461210437119007, 0.0020354236476123333, -0.0039991289377212524, 0.000660402758512646, 0.009698998183012009, -0.023905981332063675, -0.008128033950924873, -0.024206513538956642, 0.0050339167937636375, -0.016802489757537842, -0.002020055428147316, -0.025039806962013245, -0.031118758022785187, 0.0022335017565637827, -0.03204767405986786, 0.01711668260395527, 0.013523954898118973, 0.0009664846584200859, -0.027922185137867928, -0.01912478543817997, -0.027812901884317398, -0.01810024306178093, 0.01713034324347973, -0.003283657366409898, -0.021460741758346558, -0.04592680558562279, -0.01538179162889719, 0.017772389575839043, 0.02555890940129757, 0.030381087213754654, -0.0027252817526459694, 0.008032409474253654, 0.016174104064702988, -0.011823215521872044, -0.021515382453799248, -0.007287909276783466, -0.023660091683268547, 0.01801827922463417, -0.003988883923739195, -0.025955066084861755, -0.009384805336594582, -0.03095483034849167, 0.00021643450600095093, -0.005457393825054169, -0.009248199872672558, 0.004962198436260223, 0.004658251069486141, 0.011256301775574684, 0.019862454384565353, 0.03691083565354347, 0.03374158591032028, 0.0050680679269135, -0.0029233600944280624, 0.013708372600376606, 0.012977533042430878, -0.0168844535946846, -0.020490841940045357, 0.01896085776388645, 0.010750860907137394, 0.01706204004585743, -0.0010851607657968998, 0.009972209110856056, -0.01213740836828947, 0.019862454384565353, -0.022826796397566795, 0.019807813689112663, -0.003746408736333251, 0.02536766044795513, 0.0213787779211998, 0.008346602320671082, 0.03256677836179733, 0.026911305263638496, -0.021788593381643295, -0.02876914106309414, -0.006973716430366039, 0.039916157722473145, 0.014261625707149506, -0.024944184347987175, 0.0052080885507166386, -0.01601017639040947, -0.002907991874963045, -0.005775001831352711, -0.010545953176915646, -0.023687412962317467, 0.0343153290450573, -0.011044563725590706, -0.018373453989624977, 0.0011440719245001674, 0.0014505807776004076, 0.004900726024061441, -0.001564134145155549, -0.016338029876351357, 0.0070693399757146835, -0.0026706396602094173, -0.0009545316570438445, -0.020750392228364944, -0.0048938957042992115, 0.0343153290450573, -0.02863253466784954, -0.023181971162557602, 0.03275802358984947, 0.007130812853574753, 0.007485987152904272, 0.0029199449345469475, -0.003322931472212076, -0.035544779151678085, -0.02659711241722107, 0.0023991360794752836, -0.02569551393389702, -0.008291960693895817, 0.006867846939712763, 0.038823314011096954, 0.01167294941842556, 0.03587263077497482, -0.009569223038852215, 0.020490841940045357, -0.005757926497608423, -0.00420745275914669, 0.002134462585672736, -0.005293467082083225, -0.011468040756881237, -0.015026616863906384, 0.0020422537345439196, 0.008920346386730671, -0.0032477981876581907, -0.01011564489454031, 0.021747613325715065, 0.0321023166179657, 0.04024401307106018, -0.01905648224055767, -0.01602383702993393, -0.011543173342943192, -0.02116020768880844, -0.024083567783236504, 0.0233868807554245, 0.007233266718685627, -0.007246927358210087, -0.056882575154304504, 0.002072990173473954, 0.018469078466296196, 0.00120639824308455, 0.008606153540313244, -0.00841490551829338, 0.03942437842488289, -0.008209996856749058, 0.004210867919027805, 0.0032546285074204206, -0.00792995560914278, -0.024629991501569748, 0.010928448289632797, -0.017594801262021065, -0.010204439051449299, 0.02031325362622738, -0.004122074227780104, -0.008011918514966965, 0.010409346781671047, 0.0213104747235775, -0.02644684538245201, -0.020422538742423058, -0.022676531225442886, -0.020764052867889404, -0.01698007620871067, -0.021815914660692215, -0.015436433255672455, -0.011727591045200825, -0.01800461858510971, 0.008606153540313244, 0.001023688237182796, 0.014480194076895714, -0.023946963250637054, 0.020654767751693726, -0.019384335726499557, -0.02335955947637558, 0.010983090847730637, 0.0012132285628467798, 0.03297659382224083, -0.0014078915119171143, 0.027225498110055923, 0.0337689071893692, -0.0004516522749327123, -0.003913750406354666, -0.004910971503704786, 0.017758728936314583, -0.008776910603046417, 0.00911842379719019, 0.031228041276335716, -0.025654533877968788, -0.0306542981415987, 0.0077113863080739975, 0.0038966748397797346, -0.015477415174245834, -0.04390504211187363, 0.03371426463127136, 0.007991427555680275, 0.019534600898623466, 0.0012046906631439924, 0.001591455307789147, -0.015149561688303947, 0.01160464622080326, -0.019903436303138733, -0.0006911389646120369, 0.0008981818682514131, 0.003425385570153594, -0.01927505061030388, 0.02778558060526848, 0.003749823896214366, 0.0066322023048996925, -0.023004384711384773, -0.007820671424269676, 0.012560885399580002, 0.00791629496961832, -0.008797400631010532, 0.020927978679537773, -0.006987376604229212, 0.04223845526576042, -0.02879646234214306, -0.006270197220146656, 0.0106893889605999, 0.005928683560341597, -0.02320929244160652, 0.0023427861742675304, 0.003760069375857711, 0.03712940216064453, -0.01384497806429863, 0.005652057006955147, 0.008162184618413448, -0.022690191864967346, 0.010545953176915646, -0.02013566717505455, -0.013681051321327686, -0.0005071483319625258, 0.009043291211128235, 0.009091103449463844, 0.03609120100736618, 0.014657781459391117, -0.017403554171323776, -0.013920111581683159, 0.005382260773330927, 0.0035585761070251465, -0.003380988724529743, -0.01167977973818779, 0.012103256769478321, -0.03385087102651596, -0.011563664302229881, 0.027416745200753212, 0.006560484413057566, 0.024616330862045288, -0.01484902948141098, -0.01118116918951273, 0.018919875845313072, 0.022840457037091255, -0.019589243456721306, 0.011884687468409538, 0.009938057512044907, 0.007185454946011305, -0.02991662733256817, -0.012704321183264256, -0.023004384711384773, 0.02035423554480076, 0.031091436743736267, -0.009138914756476879, -0.0028823784086853266, -0.019479960203170776, -0.005515451543033123, 0.023905981332063675, 0.011071884073317051, -0.007827500812709332, 0.015573038719594479, 0.0040742624551057816, 0.017198646441102028, -0.007998257875442505, -0.007499647792428732, 0.02335955947637558, 0.024110889062285423, -0.0043167369440197945, 0.03191107138991356, -0.02751236967742443, 0.033441051840782166, -0.01810024306178093, 0.0047811963595449924, -0.007725046947598457, -0.048467669636011124, 0.0026159973349422216, -0.025914084166288376, 0.020559143275022507, -0.04256630688905716, -0.021597346290946007, -0.002382060280069709, -0.008476377464830875, -0.015081259422004223, 0.031528573483228683, 0.010539122857153416, -0.009917567484080791, 0.0075406297110021114, -0.006601465865969658, 0.004480663686990738, 0.014439213089644909, -0.03212963789701462, -0.01687079295516014, -0.026105331256985664, -0.0007304131286218762, -0.01907014288008213, -0.004262094851583242, -0.01162513718008995, 0.023933302611112595, 0.013564936816692352, -0.03428800776600838, -0.028277359902858734, 0.0009639232885092497, -0.04819445684552193, -0.018783271312713623, 0.006502426695078611, 0.012287674471735954, 0.010518631897866726, 0.01532714907079935, -0.029096994549036026, 0.0192340686917305, -0.0003304147976450622, 0.013660560362040997, -0.03538085147738457, -0.0056793782860040665, -0.008059730753302574, -0.019343353807926178, 0.021624667569994926, -0.01060742512345314, -0.03543549403548241, -0.0038625234737992287, 0.009678507223725319, -0.014111359603703022, 0.02562721259891987, 0.027403084561228752, -0.003107777563855052, 0.008250978775322437, -0.03715672343969345, 0.007608932442963123, 0.01917942799627781, -0.005399336572736502, 0.01489001139998436, -0.019561922177672386, 0.006324839778244495, -0.003107777563855052, -0.0089271767064929, -0.021761273965239525, -0.006096024997532368, 0.009391635656356812, 0.026378542184829712, 0.012519903481006622, -0.011713930405676365, -0.010785012505948544, -0.007055679801851511, -0.001823684899136424, 0.00028260285034775734, 0.011789063923060894, -0.02133779600262642, 0.026009706780314445, 0.0007419391768053174, -0.0063794818706810474, -0.01803193986415863, 0.009514580480754375, -0.009979039430618286, -0.006256536580622196, 0.009466768242418766, -0.009917567484080791, 0.015094919130206108, -0.020395217463374138, -0.0021634912118315697, 0.011324604973196983, 0.01066889800131321, 0.0106893889605999, -0.020463520660996437, -0.030244480818510056, 0.017813371494412422, 0.010935278609395027, -0.031310003250837326, 0.0017459903610870242, -0.00010544245014898479, 0.001422405824996531, -0.01066206768155098, 0.006680014077574015, 0.0020251781679689884, -0.02342786081135273, 0.00017844107060227543, -0.006567314732819796, -0.01595553569495678, 0.0024503630120307207, -0.002638195874169469, 0.02852325141429901, -0.003746408736333251, 0.031064115464687347, 0.20447127521038055, -0.006259951740503311, -0.00033596440334804356, 0.03898724168539047, 0.024793917313218117, 0.012314995750784874, 0.00840807519853115, 0.0032409681007266045, -0.019753171131014824, -0.007704556453973055, 0.011891517788171768, -0.014152340590953827, -0.045079849660396576, 0.003225599881261587, 0.01592821441590786, -0.010771351866424084, -0.04488860070705414, -0.04259362816810608, -0.016324369236826897, -0.003283657366409898, 0.0035927274730056524, -0.005945758894085884, -0.0033178087323904037, -0.0056793782860040665, 0.01063474640250206, 0.004330397583544254, 0.004627515096217394, -0.025941405445337296, 0.0030275217723101377, 0.017485518008470535, -0.018428096547722816, -0.005488130263984203, 0.0047128936275839806, -0.014794386923313141, -0.021037263795733452, 0.0075884414836764336, -0.0013293433003127575, -0.0014531421475112438, 0.01904282160103321, -0.005460808984935284, 0.01588723249733448, -0.02032691426575184, -0.005334449000656605, -0.017348911613225937, -0.02107824571430683, 0.0159145537763834, -0.003176080295816064, 0.0025050053372979164, -0.008039239794015884, -0.007110321894288063, -0.02865985594689846, 0.004344058223068714, 0.03707476332783699, 0.018810592591762543, -0.02855057269334793, 0.012492583133280277, -0.00481193233281374, -0.012519903481006622, 0.0106893889605999, 0.013291725888848305, -0.021009942516684532, 0.005293467082083225, 0.002428164705634117, 0.018387114629149437, -0.013961092568933964, 0.011713930405676365, -0.002510128077119589, 0.018796931952238083, -0.0020354236476123333, -0.02747138775885105, -0.006229215767234564, -0.02344152145087719, -0.012560885399580002, 0.016638562083244324, -0.010436668060719967, -0.022075466811656952, 0.038823314011096954, 0.01285458728671074, 0.012567715719342232, -0.011775403283536434, 0.002385475439950824, 0.002723574172705412, -0.021515382453799248, -0.00371567253023386, -0.03289462998509407, -0.01285458728671074, 0.024028927087783813, -0.008551510982215405, -0.010457159020006657, -0.008899855427443981, -3.890057996613905e-05, -0.012034953571856022, -0.028222719207406044, -0.027799241244792938, 0.0012661631917580962, -0.012765794061124325, 0.029452169314026833, 0.0073903631418943405, 0.0032153544016182423, -0.011850536800920963, -0.011338265612721443, 0.08207264542579651, 0.037648506462574005, 0.012861417606472969, 0.0007645644946023822, 0.0007423660717904568, -0.004262094851583242, -0.0030821640975773335, 0.011051394045352936, 0.012034953571856022, 0.015450093895196915, -0.04570823535323143, 0.015204204246401787, 0.0045182304456830025, 0.007117152214050293, 0.013004853390157223, -0.008339772000908852, 0.0005109903286211193, 0.027143534272909164, 0.002409381326287985, -0.020750392228364944, -0.03915116563439369, 0.017581142485141754, 0.04010740667581558, -0.0028328588232398033, -0.009296011179685593, 0.014179661870002747, 0.005184182897210121, -0.02666541375219822, -0.0028226133435964584, 0.02748504839837551, -0.018919875845313072, 0.028277359902858734, 0.0065741450525820255, -0.005887701641768217, -0.000309070193907246, -0.008148524910211563, -0.005525697022676468, -0.030244480818510056, 0.006177988369017839, 0.017540160566568375, -0.018387114629149437, -0.0031709575559943914, 0.01799095794558525, -0.002378645120188594, 0.002095188479870558, 0.003020691452547908, 0.028250038623809814, -0.007062509655952454, -0.010730370879173279, 0.008230487816035748, -0.010730370879173279, -0.0032853649463504553, 3.5245313483756036e-05, 0.014056717045605183, -0.019739510491490364, -0.008387584239244461, -0.027908526360988617, 0.0003346837474964559, 0.03751190006732941, -0.03275802358984947, 0.008660795167088509, 0.010136135853827, 0.0009203802910633385, -0.012314995750784874, -0.018673986196517944, -0.17387162148952484, 0.01491733267903328, 0.03253945708274841, -0.037593863904476166, 0.006236046086996794, -0.0009664846584200859, 0.03273070231080055, -0.024602670222520828, -0.013237083330750465, -0.032266244292259216, 0.0029814173467457294, -0.02017664723098278, -0.029424848034977913, -0.04551698639988899, -0.00139166961889714, -0.003671275684610009, -0.011543173342943192, 0.013564936816692352, 0.019630225375294685, 0.022799475118517876, 0.040763113647699356, -0.03606387972831726, 0.014603139832615852, -0.005904777441173792, 0.0025698929093778133, -0.005716944579035044, -0.020873336121439934, 0.016734186559915543, 0.0005080021219328046, -0.01823684759438038, 0.013489803299307823, 0.00037481164326891303, 0.03748457878828049, -0.015641342848539352, -0.022731173783540726, 0.01014296617358923, -0.006738071329891682, 0.015559379011392593, -0.008701777085661888, 0.019903436303138733, 0.027348442003130913, 0.038741350173950195, 0.018701307475566864, -0.00027299777138978243, -0.03538085147738457, 0.008995478972792625, 0.025162752717733383, -0.0036951815709471703, 0.017266947776079178, -0.01695275492966175, -0.018933536484837532, -0.006741486489772797, 0.018906215205788612, -0.011474871076643467, -0.01538179162889719, 0.0014411892043426633, 0.02543596364557743, 0.009664846584200859, 0.002889208495616913, -0.01532714907079935, 0.0029199449345469475, -0.031036794185638428, 0.05111781880259514, -0.0031658350490033627, -0.0003602973010856658, -0.01812756434082985, -0.021447081118822098, 0.0023837678600102663, -0.0024367026053369045, 0.0026843000669032335, -0.02763531357049942, -0.008298791013658047, -0.0047197239473462105, 0.009514580480754375, 4.13552115787752e-05, 0.038795992732048035, -0.003063380718231201, 0.025108110159635544, 0.019411657005548477, -0.017499178647994995, -0.008039239794015884, 0.018428096547722816, -0.011379246599972248, 0.009828773327171803, -0.005754511337727308, -0.007158133666962385, 0.007301569916307926, 0.006584390066564083, -0.006341915111988783, 0.009384805336594582, 0.03893259912729263, -0.025080788880586624, 0.005686208605766296, -0.0073357210494577885, 0.008694946765899658, 0.01924772933125496, 0.001955167856067419, 0.006703920196741819, 0.011017242446541786, 0.0020456688944250345, -0.003678106004372239, -0.013141459785401821, -0.009255030192434788, 0.004955368582159281, 0.020859675481915474, 0.008360262960195541, -0.025982385501265526, -0.0072127762250602245, 0.012683830223977566, -0.028222719207406044, 0.033468373119831085, -0.011898348107933998, 0.007062509655952454, -0.0004853768041357398, -0.00913208443671465, 0.03710208460688591, -0.011529513634741306, -0.006768807768821716, 0.012581376358866692, 0.0008285983931273222, 0.046090733259916306, -0.024083567783236504, 0.004815347492694855, -0.017348911613225937, 0.004289416130632162, -0.011597815901041031, -0.11157946288585663, -0.013066326268017292, 0.008032409474253654, 0.03950634226202965, -0.012219371274113655, 0.0133531978353858, -0.0025152508169412613, 0.014480194076895714, -0.021843235939741135, 0.0318291075527668, -0.008387584239244461, -0.023974284529685974, 0.01215789932757616, -0.011987142264842987, 0.01794997602701187, -0.024916863068938255, 0.030080555006861687, -0.032266244292259216, 0.0036234636791050434, 0.03931509330868721, 0.006809789687395096, -0.01536813098937273, 0.02980734407901764, 0.003650784958153963, -0.005860380362719297, 0.012683830223977566, -0.012212540954351425, 0.00793678592890501, 0.012007633224129677, -0.01611946150660515, 0.010204439051449299, -0.02129681408405304, 0.0014992465730756521, -0.01111969631165266, -0.015217864885926247, 0.002885793335735798, -0.0365283377468586, -0.005238824989646673, 0.010252250358462334, -0.006014061626046896, 0.002844811649993062, 0.007547459565103054, 0.004122074227780104, 0.0006749170715920627, -0.011843706481158733, -0.016802489757537842, -0.026378542184829712, 0.027935845777392387, 0.026296580210328102, -0.03595459461212158, -0.024985166266560555, -0.01684347167611122, -0.00694639515131712, 0.010463989339768887, -0.005375430453568697, 0.00965801626443863, 0.008387584239244461, -0.0021395853254944086, -0.021542703732848167, 0.0023905981797724962, -0.013380519114434719, -0.004521645605564117, -0.012943381443619728, -0.0033365918789058924, 0.04420557618141174, -0.002397428499534726, -0.01696641556918621, -0.029042351990938187, -0.017458196729421616, -0.008394414559006691, -0.010238590650260448, 0.02251260355114937, -0.016447314992547035, 0.017321590334177017, -0.025873102247714996, -0.007178624626249075, -0.007793349679559469, -0.02983466535806656, 0.00961703434586525, -0.017458196729421616, -0.019848793745040894, -0.017553821206092834, -0.003671275684610009, -0.007199115585535765, 0.02445240318775177, 0.015504736453294754, 0.00032443832606077194, -0.016488296911120415, 0.012752133421599865, -0.02882378362119198, -0.01489001139998436, 0.029096994549036026, -0.010040512308478355, -0.02646050602197647, 0.006724411156028509, 0.022676531225442886, -0.015477415174245834, 0.005870625842362642, 0.016515618190169334, 1.2753414011967834e-05, -0.026241937652230263, -0.009541901759803295, -0.05628151074051857, 0.01907014288008213, 0.0023086348082870245, -0.008141694590449333, -0.005727190058678389, 0.004743629600852728, 0.02322295308113098, -0.002458900911733508, -0.029506811872124672, 0.0192340686917305, -0.020982621237635612, 0.004620684776455164, -0.0033297615591436625, -0.016283389180898666, -0.04210184887051582, 0.003090701764449477, 0.02674737758934498, -0.016802489757537842, 0.01902916096150875, 0.03068161942064762, -0.014971974305808544, 0.010798673145473003, -0.007547459565103054, 0.004077677149325609, -0.02353714592754841, -0.014425552450120449, 0.012820436619222164, 0.025914084166288376, -0.006584390066564083, -0.012799945659935474, 0.011823215521872044, -0.023154649883508682, -0.015586699359118938, 0.01334636751562357, -0.001348126563243568, 0.01703471876680851, 0.005146616138517857, 0.01916576735675335, 0.03294927254319191, 0.007827500812709332, -0.042019885033369064, -0.013633240014314651, -0.0015094919363036752, -0.009541901759803295, -0.007834331132471561, 0.015518397092819214, -0.02457534894347191, -0.0003434350364841521, 0.008503698743879795, -0.00961703434586525, 0.0018697892082855105, 0.015477415174245834, 0.0054164123721420765, -0.014029395766556263, -0.026187295094132423, -0.003787390422075987, 0.0034168476704508066, 0.02342786081135273, -0.006922489032149315, -0.018318811431527138, 0.03483442962169647, 0.01431626733392477, 0.04024401307106018, -0.01540911290794611, 0.00842173583805561, -0.021747613325715065, -0.018387114629149437, -0.0032853649463504553, 0.0066970898769795895, -0.0061745732091367245, -0.006796129047870636, 0.010825994424521923, 0.009589713998138905, 0.016447314992547035, 0.013462482951581478, -0.0020320084877312183, -0.004637760575860739, 0.005894531961530447, -0.0006702212849631906, 0.005686208605766296, 0.015012956224381924, -0.018810592591762543, -0.01904282160103321, 0.020982621237635612, 0.01912478543817997, 0.01807292178273201, -0.013605918735265732, 0.006502426695078611, -0.02771727740764618, 0.006782468408346176, 0.03721136599779129, 0.030408408492803574, -0.0076499138958752155, 0.024151870980858803, -0.019780492410063744, 0.011324604973196983, 0.005648641847074032, 0.015272506512701511, 0.026255598291754723, 0.010375196114182472, 0.014562157914042473, 0.0022744834423065186, -0.011488531716167927, -0.024971505627036095, -0.016542939469218254, 0.016433654353022575, -0.03513496369123459, -0.030135197564959526, 0.009104764088988304, 0.0026040442753583193, 0.018387114629149437, 0.022826796397566795, 0.007315230090171099, 0.0035824819933623075, -0.012991192750632763, -0.008831552229821682, -0.0013387349899858236, -0.036692265421152115, -0.031501252204179764, 0.01333270687609911, 0.0002608313225209713, -0.0012823850847780704, 0.027362102642655373, 0.015163222327828407, 0.041036322712898254, 0.011010412126779556, 0.02868717722594738, -0.014534836634993553, 0.03174714371562004, -0.007185454946011305, 0.01788167469203472, -0.004846083931624889, 0.018305150792002678, -0.008906685747206211, -0.013120968826115131, -0.020996281877160072, 0.005706699099391699, 0.005488130263984203, -0.0021703215315937996, 0.07704555988311768, 0.025900423526763916, -0.011481701396405697, -0.0011748082470148802, -0.00395814748480916, 0.0015530349919572473, 0.035654064267873764, -0.0025750156491994858, -0.009480428881943226, -0.030189838260412216, 0.022977063432335854, -0.0034612445160746574, 0.0072742486372590065, -0.029506811872124672, -0.01924772933125496, -0.03800367936491966, -0.01797729730606079, 0.008804230950772762, -0.012984363362193108, -0.008572001941502094, 0.00912525411695242, -0.011522683314979076, 0.027266480028629303, -0.010914787650108337, -0.020900657400488853, -0.025272037833929062, 0.007786519359797239, -0.006888337898999453, 0.019971739500761032, -0.023837678134441376, 0.007042019162327051, 0.015695983543992043, -0.02446606382727623, -0.024985166266560555, -0.014630460180342197, -0.0026774699799716473, 0.007554289884865284, -0.023987945169210434, 0.01611946150660515, -0.0203405749052763, 0.016146782785654068, 0.01915210671722889, 0.005723774898797274, -0.030053233727812767, 0.0050339167937636375, 0.003777144942432642, -0.015286167152225971, -0.023181971162557602, -0.016406333073973656], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='e1779bc5-7375-45c9-8dd5-894a1b4271b7', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '5', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_type': 'application/pdf', 'file_size': 1103758, 'creation_date': '2024-02-25', 'last_modified_date': '2023-12-13', 'last_accessed_date': None}, hash='018012a71a381235ffdc3c821575951155eb76fdb835ac822f91de982c8c00ef')}, text='101102103\\nPopularity204060Recall@5\\nSimCSE\\n101102103\\nPopularity204060Recall@5\\nContriever\\n101102103\\nPopularity405060Recall@5\\nDPR\\n101102103\\nPopularity40506070Recall@5\\nANCE\\n101102103\\nPopularity50607080Recall@5\\nTAS-B\\n101102103\\nPopularity50607080Recall@5\\nGTRPassage Sentence Proposition\\nFigure 3: Document retrieval recall vs. the popularity of the target entity in each question from the EntityQuestions\\ndataset. The popularity of each entity (i.e. smaller value ⇒less common entities, and vice versa) is estimated by\\nthe occurrence of the entity in its top-1000 passage retrieved by BM25. On queries with less common entities, we\\nobserve that retrieving by proposition shows a larger advantage over retrieval by proposition.\\nand 22.5% relative improvement) respectively over\\nfive datasets.\\nWith the supervised retrievers, proposition-level\\nretrieval still shows an advantage on average, yet\\nthe sizes of improvements are smaller. We hypothe-\\nsize that this is due to these retrievers being trained\\non query-passage pairs. For instance, with DPR\\nand ANCE, which have been trained on NQ, TQA,\\nWebQ, and SQuAD, we observe that proposition\\nand sentence level retrieval perform slightly worse\\ncompared to passage level on three out of the four\\ndatasets, with the exception of SQuAD. As shown\\nin Table 2, all supervised retrievers demonstrate\\ncomparable performance across three levels of re-\\ntrieval granularity in NQ, TQA, and WebQ.\\nHowever, on datasets that the retriever model has\\nnotseen during training, we observe that retrievalby proposition demonstrates a clear advantage. For\\ninstance, most notably on SQuAD or EntityQues-\\ntions, we observe that proposition-based retrieval\\nsignificantly outperforms the other two granulari-\\nties. We see 17-25% Recall@5 relative improve-\\nment on EntityQuestions with relatively weak re-\\ntrievers like DPR and ANCE. Furthermore, the\\nRecall@5 of retrieval by proposition on SQuAD\\nimproved most on TAS-B and GTR, with 10-16%\\nrelative improvements.\\n5.2 Retrieval by Proposition ⇒Better\\nCross-Task Generalization\\nOur results indicate that the advantage of retrieval\\nby proposition becomes most visible in cross-\\ntask generalization settings. We observe that on\\nSQuAD and EntityQuestions, retrieval by proposi-', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='7f12db15-67f1-4c23-8f75-f869b40e0ec1', embedding=[-0.0009645023965276778, 0.008141971193253994, 0.014426511712372303, -0.022121582180261612, -0.019775353372097015, 0.028029050678014755, 0.003896415000781417, -0.004720387980341911, -0.044606272131204605, -0.03868483752012253, 0.006350877229124308, 0.0331544429063797, -0.010907169431447983, -0.006584801711142063, -0.007639207877218723, 0.006015701685100794, 0.008267662487924099, 0.006497516296803951, 0.000718794297426939, -0.02579454705119133, 0.017135847359895706, 0.007632225286215544, -0.027749737724661827, -0.019049139693379402, 0.006075055804103613, 0.008288610726594925, 0.016674980521202087, -0.01568342000246048, -0.0177922323346138, 0.0019185305573046207, 0.005481516011059284, 0.0011888255830854177, -0.032958924770355225, -0.006944417022168636, -0.004598188679665327, 0.0012926950585097075, 0.0004630484327208251, -0.006308980286121368, 0.0339365191757679, -0.00905672088265419, 0.007625242229551077, 0.011500708758831024, 0.0019237676169723272, -0.006137900985777378, -0.0035996451042592525, -0.0015606608940288424, 0.004207150544971228, -0.01597669906914234, -0.00017817108891904354, 0.004151287954300642, -0.002960716839879751, 0.02011052891612053, -0.01636773720383644, 0.004996209405362606, -0.007785847410559654, 0.018057579174637794, 0.0022030805703252554, 0.015041000209748745, -0.01327434554696083, -0.0027302836533635855, -0.025249887257814407, -0.004849570337682962, -0.015990663319826126, 0.01946811005473137, -0.0034180916845798492, -0.00569798331707716, -0.02414660155773163, 0.004458532202988863, 0.026381103321909904, -0.008365421555936337, 0.014971171505749226, 0.014943240210413933, 0.008079125545918941, 0.0012796022929251194, 0.04404764622449875, -0.003858009586110711, 0.008979910053312778, 0.00925223995000124, -0.015376175753772259, -0.011479760520160198, 0.018141373991966248, -0.03198132663965225, -0.01850447990000248, 0.029914412647485733, 0.0189653467386961, -0.0060541070997715, 0.013679349794983864, 0.030249588191509247, 0.0032347925007343292, -0.009384913370013237, 0.005100951995700598, 0.017275502905249596, 0.03862897679209709, 0.010369491763412952, -0.0011792242294177413, 0.0018713964382186532, -0.00658131018280983, 0.02843405492603779, 0.008351456373929977, -0.0177922323346138, -0.0002764761447906494, -0.004901941400021315, -0.0315902903676033, -0.006497516296803951, -0.024747123941779137, -0.0038475352339446545, -0.0022554516326636076, -0.011018894612789154, -0.005418670363724232, -0.020320013165473938, -0.0016392176039516926, 0.0033046207390725613, 0.008141971193253994, -0.016353771090507507, -0.00784171000123024, 0.002725046593695879, 0.025892306119203568, -0.008155937306582928, -0.003350009210407734, -0.014580133371055126, 0.029774755239486694, -0.00909163523465395, 0.040137264877557755, -0.016633084043860435, 0.005219659768044949, 0.01893741451203823, -0.006707001011818647, -0.02508229948580265, -0.0073040323331952095, -0.017666541039943695, 0.019956907257437706, 0.03594757243990898, 0.03150649741292, 0.011842867359519005, -0.03876863047480583, 0.054074980318546295, -0.002573170233517885, 0.0022275203373283148, -0.0046819825656712055, 5.419870649348013e-05, 0.002161183627322316, 0.010418371297419071, -0.0012123925844207406, -0.019454143941402435, -0.008749476633965969, 0.042958326637744904, 0.0026604554150253534, 0.004982244223356247, 0.020892605185508728, 0.000705701531842351, -0.004482971969991922, -0.0024596992880105972, -0.012045369483530521, 0.030808214098215103, 0.026143688708543777, -0.013330208137631416, -0.013204517774283886, 0.026590589433908463, -0.03946691378951073, -0.018909484148025513, 0.00017969857435673475, 0.01668894663453102, 0.00031204489641822875, 0.0021175409201532602, 0.004242064896970987, 0.020264150574803352, 0.036813441663980484, -0.003255740972235799, -0.003665981814265251, -0.03918760269880295, -0.02132553979754448, 0.03008200041949749, 0.007834726944565773, 0.03340582549571991, 0.009943539276719093, 0.010613890364766121, 0.03575205057859421, -0.020655188709497452, -0.039355188608169556, -0.019021209329366684, 0.005938890855759382, 0.007764898706227541, 0.02758214995265007, 0.006843166425824165, -0.015194621868431568, -0.02297348715364933, 0.008456198498606682, 0.020375875756144524, 0.0015615337761119008, -0.005865571089088917, 0.008847236633300781, 0.017638610675930977, 0.013414002023637295, -0.015557728707790375, -0.6270016431808472, -0.011731142178177834, -0.016311874613165855, 0.002274654572829604, -0.003341280622407794, 0.003191150026395917, 0.01432875171303749, 0.015585660003125668, 0.0010814646957442164, 0.03022165596485138, -0.001855685142800212, -0.015529797412455082, -0.01854637637734413, -0.00624264357611537, -0.022051753476262093, -0.009636295028030872, -0.009182412177324295, 0.0058341482654213905, 0.01678670570254326, -0.00444805808365345, -0.02983061783015728, 0.015054965391755104, -0.017512919381260872, 0.007077090907841921, -0.012541149742901325, -0.011284241452813148, -0.0058341482654213905, -0.028853023424744606, 0.011207430623471737, 0.002332262694835663, -0.022624345496296883, 0.02194002829492092, 0.03351755067706108, 0.005565309897065163, 0.04745526239275932, -0.022889692336320877, -0.0230433139950037, 0.0023706683423370123, 0.012352613732218742, 0.03980208933353424, -0.03943898156285286, 0.0006843166192993522, 0.016619117930531502, -0.010020350106060505, -0.0008091345662251115, 0.02636713907122612, 0.0020669156219810247, 0.008602837100625038, -0.0017631627852097154, -0.006106478627771139, -0.021199850365519524, 0.018769826740026474, -0.008903099223971367, -0.018281029537320137, 0.003959260415285826, 0.013986594043672085, 0.027456458657979965, -0.023350559175014496, 0.004458532202988863, -0.014440476894378662, 0.014733755961060524, -0.017750335857272148, -0.022345032542943954, -0.03739999979734421, -0.0315902903676033, 0.006654629949480295, 0.023099176585674286, 0.0011364544043317437, 0.0007283957093022764, -0.0339365191757679, 0.008414301089942455, -0.005467550363391638, 0.012443389743566513, 0.004434092435985804, 0.012569081038236618, 0.011347087100148201, 0.01572531647980213, -0.011046825908124447, -0.01568342000246048, 0.02318297140300274, 0.006979331374168396, -0.015655487775802612, 0.004297927487641573, 0.019063105806708336, 0.007028210908174515, -0.008246713317930698, -0.026660416275262833, 0.011500708758831024, 0.007848693057894707, 0.020487600937485695, 0.0001346375502180308, 0.01678670570254326, -0.020250186324119568, -0.02258244901895523, 0.0023706683423370123, 0.026059893891215324, -0.0050101750530302525, -0.008875167928636074, 0.012548132799565792, -0.02618558518588543, -0.004849570337682962, -0.02043173834681511, 0.025207990780472755, -0.0056735435500741005, 0.010118110105395317, 0.039857953786849976, 0.008267662487924099, 0.004050037357956171, 0.006239152047783136, -0.0015781179536134005, -0.0014716298319399357, -0.002585390117019415, -0.011437863111495972, -0.024244360625743866, 0.0034879199229180813, -0.0347185954451561, 0.022107616066932678, 0.030752351507544518, 0.00022868743690196425, -0.007820761762559414, 0.0012246125843375921, -0.013064861297607422, 0.03709275275468826, -0.012101232074201107, 0.0032313012052327394, 0.012045369483530521, -0.004207150544971228, -0.0009636295144446194, 0.014217027463018894, -0.008253696374595165, 0.01384693756699562, -0.006563853472471237, 0.019091038033366203, -0.009587415494024754, 0.014957206323742867, 0.004119865596294403, 0.01710791513323784, -0.017205674201250076, 0.0013520490610972047, -0.012715720571577549, -0.019775353372097015, -0.018839655444025993, 0.0030881534330546856, -0.03150649741292, -0.02251262031495571, -0.036394473165273666, -0.0007554541225545108, 0.0018940906738862395, -0.0003703078255057335, -0.005778285674750805, -0.005809708498418331, -0.0020983382128179073, -0.021102089434862137, 0.005561818368732929, -0.030109930783510208, -0.02261037938296795, -0.026409035548567772, -0.032065123319625854, -0.008141971193253994, -0.035277221351861954, 0.0022449775133281946, 0.025068333372473717, -0.009768969379365444, 0.0009313339833170176, -0.0008287737728096545, -0.013448916375637054, -0.001661911839619279, 0.022177444770932198, -0.04083554819226265, -0.01636773720383644, -0.00694790855050087, -0.01452427078038454, 0.012115197256207466, 0.019202763214707375, -0.0075205001048743725, 0.013965645805001259, -0.0234343521296978, 0.004901941400021315, 0.009356982074677944, -0.029635099694132805, 0.017694473266601562, 0.022498654201626778, -0.005369790829718113, -0.03466273099184036, 0.022498654201626778, 0.00694790855050087, -0.000701337237842381, 0.010153024457395077, -0.007597310934215784, 0.007031702436506748, 0.005848113913089037, 0.014775652438402176, -0.027777668088674545, 0.02558506280183792, -0.01373521238565445, 0.009671209380030632, 0.019635697826743126, 0.0033884146250784397, -0.002435259521007538, 0.026660416275262833, 0.015697386115789413, 0.026353172957897186, 0.008965943939983845, -0.011326138861477375, -0.0028070947155356407, -0.017945853993296623, 0.02221934124827385, -0.030892007052898407, 0.013986594043672085, 0.017387228086590767, 0.02618558518588543, 0.0022833829279989004, -0.01721964031457901, 0.007241187151521444, -0.009028789587318897, 0.02315503917634487, -0.017806198447942734, 0.0042839618399739265, -0.014070387929677963, 0.002093101153150201, -0.0022100633941590786, -0.004462023731321096, 0.019091038033366203, 0.021213814616203308, -0.004514394793659449, 0.002285128692165017, -0.0035996451042592525, -0.006172815337777138, 0.0380144864320755, -0.0042734877206385136, -0.01829499565064907, -0.0032819267362356186, 0.036673784255981445, 0.010530096478760242, 0.015054965391755104, 0.005359316244721413, 0.03661792352795601, 0.0023759054020047188, 0.008121022954583168, 0.002829788951203227, 0.012303733266890049, 0.0012333410559222102, 0.010006384924054146, -0.026646452024579048, 0.006661613006144762, -0.0270793866366148, 0.021157952025532722, 0.0068257092498242855, -0.004469006322324276, -0.0018434651428833604, 0.006633681710809469, 0.02150709368288517, 0.0008872548933140934, 0.006682561244815588, 0.008498094975948334, -0.011835884302854538, -0.0042839618399739265, 0.017415160313248634, 0.023169005289673805, 0.03374100103974342, 0.00800231471657753, -0.007848693057894707, 0.022345032542943954, -0.007702053524553776, 0.02712128311395645, -0.023071246221661568, 0.02265227772295475, -0.023350559175014496, 0.004011631477624178, -0.0016889702528715134, -0.009734055027365685, -0.006832691840827465, -0.008023262955248356, -0.01264589186757803, -0.008204816840589046, 0.027135249227285385, -0.005003192462027073, -0.0011643856996670365, 0.016353771090507507, 0.02462143264710903, -0.026450932025909424, -0.042036592960357666, 0.03952277824282646, 0.011326138861477375, 0.008519044145941734, 0.004420126788318157, -0.012974084354937077, -0.0008645607158541679, -0.02636713907122612, 0.01459409948438406, -0.005841131322085857, 0.02450970746576786, 0.005244100000709295, -0.015920836478471756, -0.028210604563355446, 0.030556831508874893, 0.0322885736823082, -0.01084432378411293, -0.018769826740026474, -0.0022571973968297243, 0.0009164954535663128, -0.0076811048202216625, -0.014733755961060524, 0.019021209329366684, 0.029914412647485733, -0.021199850365519524, -0.04502524062991142, -0.016884464770555496, -0.005128883291035891, 0.006738423835486174, 0.017834128811955452, 0.001032584928907454, -0.011759073473513126, 0.0283362939953804, 0.02029208280146122, 0.004406161140650511, -0.017387228086590767, -0.00855395756661892, 0.03022165596485138, -0.007911537773907185, 0.0007685469463467598, -0.021632784977555275, 0.00642070546746254, 0.003693913109600544, 0.026995591819286346, 0.05052770674228668, -0.020417774096131325, 0.016158251091837883, 0.0018940906738862395, 0.0014218772994354367, -0.02804301679134369, 0.0043049100786447525, -0.0006520210881717503, 0.000967120926361531, -0.028350260108709335, -0.017457056790590286, 0.024244360625743866, -0.016493426635861397, 0.03798655420541763, 0.0028070947155356407, 0.0011862070532515645, -0.037707243114709854, 0.00518823741003871, -0.0013887088280171156, -0.0007606912404298782, 0.001771018374711275, 0.0008741621277295053, 0.029160266742110252, 0.002267671748995781, -0.012638908810913563, 0.02194002829492092, 0.013798058032989502, 0.01400754228234291, -0.01721964031457901, 0.0024544622283428907, 0.016060492023825645, 0.01155657134950161, 0.008526026271283627, -0.005498972721397877, 0.017848094925284386, 0.02865750342607498, -0.01829499565064907, 0.020306048914790154, -0.0019656645599752665, -0.007199290208518505, 0.028992678970098495, 0.006707001011818647, -0.014426511712372303, 0.031031664460897446, -0.0040674940682947636, 0.004615645855665207, 0.031059594824910164, -0.01611635461449623, -0.014049439691007137, 0.00807214342057705, 0.003585679456591606, -0.027107317000627518, -0.008512061089277267, -0.020068632438778877, 0.015446003526449203, -0.026143688708543777, 0.0030898989643901587, -0.042818669229745865, -0.05348842218518257, 0.011905713006854057, -0.01832292601466179, 0.01907707192003727, -0.0049892268143594265, -0.03200925886631012, -0.018127407878637314, -0.01491530891507864, -0.012513218447566032, -0.02104622684419155, 0.012226922437548637, -0.006738423835486174, -0.021926064044237137, -0.045360416173934937, -0.007764898706227541, 0.005551344249397516, 0.014859446324408054, 0.028992678970098495, 0.008903099223971367, -0.0028856515418738127, -0.005879536736756563, -0.005401213187724352, -0.018308961763978004, 0.016339804977178574, -0.017303435131907463, 0.006200746633112431, 0.0039068893529474735, -0.0012246125843375921, -0.004147796891629696, -0.01664705015718937, -0.017778266221284866, -0.009566467255353928, -0.0021419809199869633, 0.009908625856041908, -0.004790216218680143, 0.019300522282719612, -0.0012638908810913563, 0.027177145704627037, 0.02004070021212101, 0.00320162414573133, -0.0230433139950037, 0.013476847670972347, -0.01245037280023098, -0.009761986322700977, -0.017638610675930977, 0.03927139565348625, -0.01284141093492508, 0.008470163680613041, -0.0022641802206635475, -0.003515851218253374, -0.00712597044184804, 0.014887377619743347, -0.009343016892671585, 0.012226922437548637, -0.00021614017896354198, 0.01298805046826601, -0.0034495145082473755, 0.01572531647980213, 0.020766913890838623, 0.006808252073824406, -0.006532430648803711, -0.028168706223368645, -0.009615346789360046, 0.04519283026456833, 0.015432038344442844, -0.0058236741460859776, 0.02983061783015728, -0.02643696591258049, 0.009706123732030392, -0.008805339224636555, 0.005732897203415632, -0.01478961855173111, 0.020655188709497452, -0.008847236633300781, -0.00548500707373023, 0.0004883611691184342, -0.04097520187497139, -0.009531552903354168, 0.0034180916845798492, -0.00837938766926527, 0.007485585752874613, -0.002903108485043049, -0.005111426115036011, -0.01832292601466179, -0.0038370611146092415, -0.0020546955056488514, -0.01600462943315506, -0.012569081038236618, 0.01629790849983692, -0.0006961001199670136, 0.025948168709874153, 0.007035193964838982, -0.004587714560329914, -0.025319715961813927, -0.03605929762125015, -0.03186960145831108, -0.021283643320202827, -0.016130320727825165, 0.01632583886384964, 0.030165793374180794, 0.020445704460144043, 0.05720328167080879, -0.027107317000627518, 0.007534465752542019, 0.02072501741349697, -0.004137322306632996, 0.0027913833037018776, -0.00905672088265419, -0.014049439691007137, -0.01765257492661476, -0.0006424196762964129, 0.008763442747294903, -0.025571096688508987, -0.0021576920989900827, -0.0023584484588354826, 0.02293158881366253, 0.05030425637960434, -0.01046725083142519, -0.008567923679947853, -0.01793188787996769, -0.0262973103672266, -0.0018137881997972727, 0.013036930002272129, 0.0007314506801776588, -0.002927548484876752, -0.035249289125204086, -0.010956048965454102, 0.019747423008084297, -0.005219659768044949, 0.00807214342057705, 0.002424785168841481, 0.03921553120017052, -0.0021576920989900827, 0.005785268731415272, 0.011633382178843021, 0.0072132558561861515, -0.031310975551605225, 0.006780320778489113, -0.03097580187022686, -0.01951000653207302, 0.026883866637945175, -0.00941284466534853, 0.009014824405312538, 0.02372763119637966, 0.03108752705156803, -0.003016579430550337, -0.019956907257437706, -0.003439040156081319, -0.02969096228480339, -0.0050800032913684845, -0.015446003526449203, 0.007918520830571651, -0.026199551299214363, -0.017806198447942734, 0.01839275471866131, 0.0046715084463357925, 0.02047363668680191, -0.009999401867389679, 0.021800372749567032, -0.027484390884637833, -0.029104404151439667, 0.015781179070472717, 0.005837639793753624, 0.049354590475559235, -0.014817549847066402, 0.015473934821784496, 0.03650619834661484, 0.006015701685100794, -0.0088961161673069, 0.009741038084030151, 0.0234762504696846, -0.018267063423991203, 0.02286176197230816, 0.03164615109562874, -0.023196937516331673, -0.0009941793978214264, 0.016661014407873154, -0.00553737860172987, -0.02325280010700226, -0.05038804933428764, 0.010949065908789635, 0.0053662993013858795, 0.016060492023825645, -0.014691858552396297, 0.009287154302001, -0.023210901767015457, 0.00446551525965333, -0.02189813181757927, 0.014873412437736988, 0.014677893370389938, 0.010348543524742126, -0.015739282593131065, 0.03240029886364937, 0.0009784679859876633, 0.018336892127990723, -0.017666541039943695, 0.0014751212438568473, 0.01976138912141323, 0.00839335285127163, -0.010753546841442585, 0.01772240363061428, 0.0017675269627943635, 0.05915847420692444, -0.026953695341944695, 0.00040173050365410745, 0.004517886321991682, 0.007199290208518505, 0.00013354649126995355, -0.014230992645025253, -0.012457355856895447, 0.026520760729908943, -0.02904854156076908, -0.0010299663990736008, 0.015599626116454601, -0.010132075287401676, 0.006972348317503929, -0.02340642176568508, -0.010390440002083778, 0.0009138769237324595, -0.011884763836860657, 0.009112583473324776, 0.017848094925284386, 0.010976997204124928, -0.01621411368250847, 0.007667139172554016, -0.0003788181347772479, -0.003068950492888689, -0.0103066461160779, -0.022275203838944435, 0.027163179591298103, -0.057538457214832306, -0.008623786270618439, 0.04214831814169884, -0.002946751192212105, 0.04276280477643013, -0.00302356225438416, -0.015920836478471756, 0.011724159121513367, 0.019747423008084297, -0.029411649331450462, 0.0013974374160170555, 0.01541807223111391, 0.006661613006144762, -0.03977415710687637, -0.025249887257814407, -0.015278415754437447, -0.007199290208518505, -0.011242344975471497, -0.027596116065979004, -0.011151568032801151, -0.017512919381260872, -0.010006384924054146, 0.00026818402693606913, -0.010732598602771759, -0.018239133059978485, -0.0045423260889947414, 0.002997376723214984, 0.003156235907226801, 0.005418670363724232, -0.004507412202656269, 0.03904794529080391, 0.02579454705119133, -0.0018871078500524163, 0.03619895130395889, -0.023308662697672844, 0.032065123319625854, 0.013518745079636574, -0.013874868862330914, 0.0024474794045090675, -0.038964152336120605, 0.004654051270335913, -0.016535324975848198, 0.02104622684419155, -0.03198132663965225, -0.011312172748148441, -0.0011277258163318038, 0.009322068654000759, -0.010397423058748245, 0.04762285202741623, -0.0022013348061591387, -0.01937035098671913, 0.014580133371055126, -0.002822806127369404, 0.005184745881706476, -0.0018417194951325655, -0.017261536791920662, -0.011088722385466099, -0.022414861246943474, 0.015515832230448723, -0.032065123319625854, -0.014901343733072281, 0.004832113161683083, 0.0270793866366148, 0.013490813784301281, -0.035528600215911865, -0.040248990058898926, 0.004381721373647451, -0.04429902881383896, -0.018015682697296143, -0.013546676374971867, 0.02279193326830864, 0.023196937516331673, 0.0014131487114354968, -0.022317102178931236, 0.045136965811252594, -0.014635995961725712, 0.011416914872825146, -0.034886181354522705, 0.0061518666334450245, -0.0025190531741827726, -0.0062880320474505424, 0.024858849123120308, -0.009028789587318897, -0.03522135689854622, -0.001195808406919241, -0.009706123732030392, 0.007723001763224602, 0.0034495145082473755, 0.031059594824910164, 0.004402669612318277, -0.004688965622335672, -0.019356384873390198, 0.0013066607061773539, 0.019021209329366684, 0.008456198498606682, 0.011682262644171715, -0.009377931244671345, -0.0032120984978973866, 0.003533308394253254, -0.013246414251625538, -0.024062806740403175, 0.005348842125386, 0.03072441928088665, 0.0117171760648489, -0.004891467280685902, -0.01843465119600296, -0.006679069716483355, 0.004207150544971228, -0.016744809225201607, 0.017889991402626038, 0.016130320727825165, -0.019049139693379402, 0.01918879710137844, 0.012101232074201107, -0.006305488757789135, -0.01733136549592018, 0.009231291711330414, 0.005076512228697538, 0.009280171245336533, 0.012492270208895206, -0.02650679461658001, -0.006595275830477476, -0.03572412207722664, -0.007248169742524624, 0.005813200026750565, 0.001407038769684732, 0.0024317679926753044, -0.030137863010168076, -0.03164615109562874, 0.021423300728201866, 0.0412265844643116, -0.02671627886593342, -0.004926381632685661, -0.0001635507942410186, 0.008058177307248116, 0.010990963317453861, 0.017666541039943695, 0.003260978264734149, -0.035500671714544296, -0.00266220117919147, -0.003791672643274069, -0.02511022984981537, -0.01530634704977274, 0.0005629900842905045, 0.005966822151094675, -0.004329349845647812, 0.025501267984509468, 0.198759064078331, -0.00745765445753932, 0.006340403109788895, 0.03214891627430916, 0.0033552462700754404, -0.006801269482821226, 0.018783792853355408, 0.007527482695877552, -0.010544062592089176, 0.009245256893336773, 0.005090477876365185, 0.00012187207903480157, -0.04432695731520653, -0.00749256880953908, 0.01804361306130886, -0.00010086905240314081, -0.04689663648605347, -0.03178580850362778, -0.010509148240089417, 0.004706422332674265, 0.0019918500911444426, -0.0027459950651973486, -0.013867885805666447, -0.020236220210790634, 0.029132336378097534, -0.0006432925583794713, 0.0009618838084861636, -0.020278116688132286, 0.013260380364954472, 0.01261097751557827, 0.0027896377723664045, -0.009489656426012516, 0.02519402466714382, -0.014140215702354908, -0.018672067672014236, 0.003980209119617939, 0.015432038344442844, 0.0029153283685445786, 0.014538236893713474, 0.013448916375637054, 0.010739581659436226, -0.011116653680801392, -0.008840253576636314, -0.00855395756661892, -0.016814637929201126, 0.030109930783510208, -0.004318875726312399, 0.00800231471657753, -0.017889991402626038, -0.00585160544142127, -0.011193464510142803, 0.008679648861289024, 0.021423300728201866, 0.01875586248934269, -0.03530514985322952, 0.00482163904234767, -0.01687050051987171, -0.005827165674418211, 0.00823274813592434, -0.0004905433161184192, -0.017820162698626518, 0.007429723162204027, -0.012757617048919201, 0.03318237513303757, -0.03533308207988739, 0.02325280010700226, -0.0034233287442475557, -0.005209185648709536, -0.003969734534621239, -0.0031894042622298002, -0.01675877533853054, 0.0012097740545868874, -0.01932845264673233, -0.011682262644171715, -0.024775054305791855, -0.025445405393838882, 0.03301478549838066, 0.026339206844568253, 0.029523374512791634, 0.000808261742349714, 0.003163218731060624, -0.009657244198024273, -0.021800372749567032, 0.003735810052603483, -0.020417774096131325, -0.03390858694911003, 0.01832292601466179, -0.014454443007707596, -0.02187020145356655, -0.019174830988049507, 0.0036380505189299583, 0.0030095966067165136, -0.003086407668888569, -0.005107934586703777, 0.019202763214707375, -0.0015266196569427848, 0.001367760356515646, 0.006127426866441965, 0.0006367461173795164, -0.03251202404499054, -0.003892923705279827, 0.05672845244407654, 0.01868603378534317, 0.008588871918618679, -0.0028978714253753424, 0.009894659742712975, -0.007206272799521685, -0.01703808829188347, 0.014119267463684082, -0.00033299336791969836, -0.0016427090158686042, -0.03368513658642769, 0.01509686280041933, 0.00550246424973011, -0.008637751452624798, 0.019132934510707855, -0.01498513761907816, -0.005474532954394817, 0.03969036415219307, -0.0039173634722828865, -0.0022100633941590786, -0.028070947155356407, 0.007192307151854038, 0.011731142178177834, -0.008323525078594685, -0.018993277102708817, -0.0018748878501355648, -0.013246414251625538, -0.015697386115789413, -0.01491530891507864, 0.0017212658422067761, -0.05136564373970032, 0.02411866933107376, -0.003798655467107892, 0.01452427078038454, -0.0012796022929251194, 0.00499271834269166, 0.0015501866582781076, -0.03214891627430916, -0.0034512600395828485, 0.025124195963144302, -0.01107475720345974, 0.012101232074201107, 0.012694771401584148, 0.007290066685527563, -0.004549309145659208, 0.015194621868431568, 0.021981926634907722, -0.007848693057894707, -0.02818267233669758, -0.024663329124450684, -0.008128006011247635, -0.0030253080185502768, -0.0010177463991567492, 0.028629573062062263, -0.009768969379365444, -0.030528901144862175, -0.02189813181757927, -0.02093450166285038, 0.022093651816248894, -0.049605973064899445, 0.001450681360438466, 0.0230852123349905, -0.01843465119600296, -0.016228079795837402, 0.005530395545065403, -0.17998923361301422, 0.0075903283432126045, 0.012722702696919441, -0.04111485928297043, -0.015068931505084038, 0.017526885494589806, 0.025487303733825684, -0.0003912562970072031, -0.03175787627696991, -0.024537639692425728, -0.003130050376057625, -0.00355076533742249, -0.02804301679134369, -0.009063703939318657, 0.0013398290611803532, -0.0034477687440812588, -0.019496040418744087, -0.006912994664162397, 0.01561359129846096, 0.0174011941999197, 0.03753965348005295, -0.03698102757334709, 0.013853920623660088, 0.01050216518342495, 0.019412247464060783, -0.007918520830571651, 0.010956048965454102, 0.02850388176739216, 0.001010763575322926, -0.02058536186814308, -0.006022684741765261, -0.003693913109600544, 0.023141074925661087, -0.01202442031353712, -0.004158271010965109, 0.020417774096131325, 0.00923827476799488, 0.016702912747859955, -0.008693614043295383, 0.027889393270015717, 0.018853621557354927, 0.031674083322286606, 0.02129760943353176, -0.006308980286121368, -0.026241447776556015, 0.006727949716150761, 0.018406720831990242, 0.0030200707260519266, 0.013602538965642452, -0.01586497388780117, -0.028489917516708374, -0.0005970313213765621, 0.018197236582636833, -0.012401493266224861, -0.0076112765818834305, 0.020389841869473457, 0.014014525339007378, 0.020375875756144524, 0.012946153059601784, -0.027023524045944214, -0.005027632229030132, -0.012317699380218983, 0.04527662321925163, -0.003147507319226861, -0.0015851007774472237, -0.012150111608207226, -0.04251142591238022, -0.002045967150479555, -0.009070686995983124, -0.0004578113148454577, -0.025878340005874634, -0.019132934510707855, 0.013763143680989742, 0.013427968136966228, 0.014154181815683842, 0.035277221351861954, 0.0032731981482356787, 0.01298805046826601, 0.03248409181833267, -0.0010657532839104533, -0.022526586428284645, 0.02815474197268486, 0.010606907308101654, 0.01159148570150137, -0.019593801349401474, -0.004060511477291584, -0.010439319536089897, 0.008190850727260113, -0.0076112765818834305, 0.007471620105206966, 0.027316803112626076, -0.02647886425256729, 0.00678730383515358, -0.013560641556978226, 0.003833569586277008, 0.008016280829906464, -0.005027632229030132, 0.001387836062349379, 0.0029223111923784018, -0.008281627669930458, -0.018658101558685303, 0.002594118705019355, -0.006274066399782896, -0.004685474094003439, 0.030556831508874893, 0.0011800969950854778, -0.03496997430920601, -0.0053174193017184734, 0.024411948397755623, -0.011207430623471737, 0.012178042903542519, -0.013595555908977985, 0.006511481944471598, -0.004399178083986044, -0.006144884042441845, 0.0198312159627676, -0.01811344176530838, -0.010132075287401676, 0.021353472024202347, -0.01582307554781437, 0.0387965627014637, -0.01589290425181389, -0.026660416275262833, -0.0007270863861776888, 0.0030602221377193928, -0.010250783525407314, -0.09513397514820099, 0.010530096478760242, 0.01007621269673109, 0.0340203121304512, -0.014028490521013737, 0.02300141751766205, -0.008351456373929977, 0.027875429019331932, -0.01976138912141323, 0.03633860871195793, -0.011025876738131046, -0.015529797412455082, 0.008442232385277748, 0.0007838218589313328, 0.0030811706092208624, -0.010201903991401196, 0.02411866933107376, -0.04273487627506256, -0.01657722145318985, 0.040779683738946915, -0.0037427928764373064, -0.009566467255353928, 0.024020910263061523, 3.805093001574278e-05, -0.010139058344066143, 0.005617680959403515, -0.023699700832366943, 0.014063404873013496, 0.008924047462642193, 0.010558027774095535, 0.00284899165853858, -0.04583524912595749, 0.009231291711330414, -0.021199850365519524, -0.025850409641861916, -0.005729406140744686, -0.03058476373553276, -0.017024122178554535, 0.02712128311395645, -0.028001118451356888, -0.002402090933173895, 0.005177762825042009, 0.0026953695341944695, 0.004256030544638634, -0.015459969639778137, 0.0023148057516664267, -0.007555413991212845, 0.022205376997590065, -0.007164375856518745, -0.015082896687090397, -0.03351755067706108, -0.0030759333167225122, -0.0028262974228709936, 0.00882628746330738, 0.008065160363912582, 0.0198312159627676, 0.032707542181015015, -0.023196937516331673, -0.009510604664683342, 0.019412247464060783, -0.02329469658434391, -0.011563554406166077, -0.017052052542567253, -0.012743651866912842, 0.026269378140568733, 0.007848693057894707, -0.02293158881366253, -0.013951679691672325, -0.022345032542943954, -0.008533009327948093, -0.0008047703304328024, 0.007946452125906944, -0.012171059846878052, 0.011598468758165836, -0.02700955793261528, 0.0015205095987766981, -0.021730544045567513, -0.037148617208004, 0.0062112207524478436, -0.008114039897918701, -0.006563853472471237, -0.026311276480555534, -0.014454443007707596, 0.001613904838450253, 0.024551603943109512, 0.003360483329743147, -0.009650261141359806, -0.019091038033366203, 0.01241545844823122, -0.04136624187231064, -0.02196796052157879, 0.033489618450403214, 0.006864114664494991, -0.022987451404333115, -0.009007841348648071, 0.014279872179031372, -0.004507412202656269, -0.017121881246566772, 0.005785268731415272, -0.016535324975848198, -0.02129760943353176, 0.0018085510237142444, -0.05438222363591194, 0.019705526530742645, 0.003093390492722392, -0.008260679431259632, -0.010020350106060505, -0.0012429424095898867, 0.011368035338819027, 0.003350009210407734, -0.029244061559438705, 0.02015242539346218, -0.022805899381637573, 0.008979910053312778, -0.02443987876176834, -0.012652874924242496, -0.04136624187231064, -0.0018940906738862395, 0.025990065187215805, -0.0066092414781451225, 0.018518446013331413, 0.01579514518380165, -0.00284550036303699, 0.017247572541236877, 0.0030706962570548058, 0.01689843088388443, -0.02226123958826065, -0.0065987673588097095, -0.014482374303042889, 0.009084652177989483, -0.01053707953542471, -0.0013956916518509388, 0.002047712681815028, -0.03153442591428757, -0.014217027463018894, 0.024495741352438927, -0.0020267642103135586, -0.00030462563154287636, 0.01754084974527359, 0.0234343521296978, 0.018658101558685303, 0.021269677206873894, -0.03304271772503853, -0.022736070677638054, 0.002618558472022414, -0.00016671488992869854, 0.0033011294435709715, 0.015557728707790375, -0.015990663319826126, 0.007185324560850859, 0.014929275028407574, 0.013022963888943195, 0.016605151817202568, 0.0014297328889369965, 0.02214951440691948, -0.01579514518380165, -0.012233905494213104, -0.012115197256207466, 0.0024160565808415413, 0.017443090677261353, 0.019244659692049026, -0.023099176585674286, 0.04276280477643013, 0.008651717565953732, 0.027316803112626076, -0.0067698466591537, 0.017638610675930977, -0.010020350106060505, -0.014314786531031132, 0.007206272799521685, 0.00515332305803895, -0.021060192957520485, -0.006892045959830284, -8.843090472510085e-05, 0.008190850727260113, 0.030026137828826904, 0.009761986322700977, -0.012855376116931438, 0.005034615285694599, 0.01191269513219595, -0.005251082591712475, 0.015920836478471756, -0.005586258135735989, -0.01048820000141859, -0.005313928239047527, -0.006410231348127127, 0.014622030779719353, 0.013672366738319397, 0.002938022604212165, 0.004189693834632635, -0.013427968136966228, 0.008749476633965969, 0.020906571298837662, 0.022135548293590546, -0.015138759277760983, 0.023769527673721313, -0.006954891607165337, 0.0036520161665976048, 0.00853999238461256, 0.004605171736329794, 0.020487600937485695, 0.01152165699750185, 0.016563255339860916, 0.007255152799189091, -0.02047363668680191, -0.026534726843237877, -0.021199850365519524, -0.011961575597524643, -0.03407617658376694, -0.010369491763412952, 0.021171918138861656, 0.016269976273179054, 0.015082896687090397, 0.014929275028407574, 0.01280649658292532, 0.014971171505749226, -0.018448617309331894, 0.008079125545918941, -0.008239731192588806, -0.035500671714544296, -0.04343315586447716, 0.019230693578720093, 0.0038824493531137705, 0.0065079908818006516, 0.01918879710137844, 0.001925513381138444, 0.03184167295694351, 0.022847795858979225, 0.031171320006251335, -0.0181832704693079, 0.033713068813085556, -0.005802725441753864, 0.014775652438402176, -0.008924047462642193, 0.0007567633874714375, -0.0063788085244596004, -0.010215869173407555, -0.010313629172742367, -0.005359316244721413, 0.02283382974565029, 0.0033988889772444963, 0.08960358053445816, 0.04150589928030968, -0.01261097751557827, 0.004290944430977106, -0.0016819874290376902, -0.011423897929489613, 0.020375875756144524, 0.016521358862519264, -0.013839954510331154, -0.024202464148402214, 0.02519402466714382, -0.02097640000283718, -0.004514394793659449, -0.02125571295619011, -0.009000858291983604, -0.030389243736863136, 0.0007397427689284086, 0.02737266570329666, -0.026073860004544258, -0.0017561799613758922, 0.022037789225578308, -0.028210604563355446, 0.010048281401395798, -0.004818147514015436, -0.014761687256395817, -0.009405862540006638, 0.011982523836195469, 0.009168446063995361, 0.00975500326603651, -0.04075175151228905, 0.025752650573849678, 0.01209424901753664, -0.03083614446222782, -0.005233625415712595, -0.011333120986819267, -0.013581589795649052, -0.0027023523580282927, -0.00534185953438282, 0.01836482435464859, -0.01951000653207302, 0.024775054305791855, 0.02228916995227337, 0.00014129305782262236, 0.0004503920499701053, -0.007401791866868734, -0.004462023731321096, -0.03963450342416763, 0.0006764609715901315, -0.017317399382591248], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='0e004335-5d12-4b35-9d4b-97a20f20d1e9', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '6', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_type': 'application/pdf', 'file_size': 1103758, 'creation_date': '2024-02-25', 'last_modified_date': '2023-12-13', 'last_accessed_date': None}, hash='b1611f44ac87d4ea86479b8f4ac78374a979e6c56c3c01a17d77da386e21e5a0')}, text='Retriever GranularityNQ TQA WebQ SQuAD EQ Avg.\\nEM EM EM EM EM EM\\n@100 @500 @100 @500 @100 @500 @100 @500 @100 @500 @100 @500\\nUnsupervised Dense Retrievers\\nSimCSE Passage 8.1 16.3 22.6 33.7 7.7 14.9 9.8 17.8 10.9 17.5 11.8 20.0\\nSentence 10.1 18.0 27.2 37.2 9.6 15.6 17.3 24.8 13.0 19.8 15.4 23.1\\nProposition 12.7 20.2 28.4 37.7 11.2 17.2 18.0 25.1 18.3 25.0 17.7 25.0\\nContriever Passage 11.1 22.4 25.7 41.4 6.8 14.9 15.6 27.7 10.9 21.5 14.0 25.6\\nSentence 13.8 23.9 30.5 44.2 9.1 17.2 22.6 32.8 12.2 22.2 17.6 28.1\\nProposition 16.5 26.1 37.7 48.7 13.3 19.9 25.6 34.4 16.1 27.3 21.8 31.3\\nSupervised Dense Retrievers\\nDPR Passage 24.8 36.1 40.3 51.0 14.0 22.2 12.4 21.7 18.6 25.9 22.0 31.4\\nSentence 27.6 35.9 44.6 52.8 16.3 23.7 18.6 26.1 21.8 28.2 25.8 33.3\\nProposition 28.3 34.3 45.7 51.9 19.0 23.8 19.8 26.3 26.3 31.9 27.8 33.6\\nANCE Passage 27.1 38.3 43.1 53.1 15.2 23.0 15.3 26.0 23.4 31.1 24.8 34.3\\nSentence 30.1 37.3 47.0 54.7 16.6 23.8 22.9 30.5 25.9 32.0 28.5 35.7\\nProposition 29.8 37.0 47.4 53.5 19.3 24.1 22.9 30.1 29.1 33.7 29.7 35.7\\nTAS-B Passage 21.1 33.9 39.3 50.5 13.1 20.7 23.9 34.6 30.9 37.3 25.7 35.4\\nSentence 24.6 33.9 43.6 52.3 14.4 21.4 33.8 40.5 31.4 36.1 29.6 36.8\\nProposition 26.6 34.0 44.9 51.8 18.1 23.7 34.2 38.9 34.2 37.8 31.6 37.2\\nGTR Passage 23.4 34.5 38.7 49.3 13.1 20.1 23.9 33.8 31.3 36.7 26.1 34.9\\nSentence 26.8 35.1 43.9 52.2 15.9 21.6 35.6 41.3 31.3 35.1 30.7 37.1\\nProposition 29.5 34.4 45.9 52.6 18.7 23.8 37.0 40.4 34.1 37.1 33.0 37.7\\nTable 3: Open-domain QA performance (EM = Exact Match) under retrieve-then-read setting where the number of\\nretrieved words to the reader QA model is limited at l= 100 or500. We use UnifedQA V2 (Khashabi et al., 2022)\\nas the reader model. ', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='64c3f988-45f7-4929-9b3b-ff08dfbabeb0', embedding=[-0.008517994545400143, 0.008546530269086361, 0.0012056457344442606, -0.026866639032959938, 0.005757136736065149, 0.013490390963852406, 0.01011600997298956, -0.01633685640990734, -0.04069232940673828, -0.03335857763886452, 0.0065775467082858086, 0.04043550416827202, -0.009124384261667728, 0.015437972731888294, -0.0006875391118228436, 0.01519541721791029, 0.018248768523335457, 0.010294360108673573, 0.016750628128647804, -0.03467123210430145, 0.006409897934645414, -0.00590338371694088, -0.025953486561775208, -0.009302734397351742, -0.0005448591546155512, -0.0023310340475291014, 0.028136489912867546, -0.030590586364269257, -0.004936727229505777, 0.008175562135875225, 0.00586771359667182, 0.00446945009753108, -0.011849571950733662, -0.009645165875554085, -0.012912536971271038, 0.0037168131675571203, 0.004954562056809664, -0.009852051734924316, 0.03241689130663872, -0.02482631430029869, 0.014004039578139782, 0.026267383247613907, 0.010843677446246147, -0.01164268609136343, -0.024155719205737114, -0.010158813558518887, 0.00412701815366745, -0.011385861784219742, 0.007611976470798254, 0.014160986989736557, 0.005981857888400555, 0.03036229871213436, -0.02205832302570343, -0.005942620802670717, -0.017235741019248962, 0.016907576471567154, -0.010972090065479279, 0.021558944135904312, -0.012891135178506374, -0.016451001167297363, 0.0007397064473479986, 0.02036043256521225, -0.012455961667001247, 0.007669048383831978, -0.013033815659582615, -0.002643146552145481, -0.00870347861200571, -0.008196963928639889, 0.021045295521616936, 0.00028870400274172425, 0.00978071242570877, 0.01647953689098358, 0.0036882772110402584, 0.008496592752635479, 0.027694182470440865, -0.018277304247021675, -0.009559557773172855, 0.0017861748347058892, -3.4555305319372565e-05, 0.00243091001175344, 0.013048083521425724, -0.016222713515162468, -0.013647339306771755, 0.03898016735911369, 0.010772338137030602, 0.003452855395153165, 0.011592747643589973, 0.028136489912867546, -0.007540636695921421, -0.006791566498577595, 0.005104376003146172, 0.014018307439982891, 0.0394652783870697, 0.015566384419798851, -0.001122712972573936, -0.008853292092680931, -0.011564211919903755, 0.03912284970283508, 0.0013411917025223374, -0.0277512539178133, -0.003640122711658478, 0.011928045190870762, -0.03703971952199936, -0.0015489694196730852, -0.016308320686221123, 0.021558944135904312, -0.005261323880404234, 0.0006701499805785716, -0.01164268609136343, -0.007062658667564392, -0.022900136187672615, 0.029534753412008286, 0.010922151617705822, -0.013761483132839203, 0.006324289832264185, -0.001872674678452313, 0.006912844721227884, -0.014638965018093586, 0.002689517568796873, 0.01219913735985756, 0.02130211889743805, 0.010579720139503479, 0.022315148264169693, -0.023399515077471733, 0.013561731204390526, 0.015338096767663956, -0.0074407607316970825, -0.019803980365395546, -0.014795913361012936, -0.012534435838460922, 0.011528541333973408, 0.021701622754335403, 0.012677115388214588, -0.003039083443582058, -0.010201618075370789, 0.017392689362168312, -0.013319175690412521, 0.003745349356904626, -0.019233260303735733, -0.018576933071017265, 0.004255430307239294, 0.0007232091156765819, -0.0008569716010242701, -0.01833437569439411, 0.009438280016183853, 0.04577173292636871, -0.005553817842155695, 0.0014892221661284566, 0.005179282743483782, 0.0068557728081941605, -0.01295534148812294, -0.019818248227238655, -0.006720226723700762, 0.007305214647203684, 0.014417811296880245, 0.009745041839778423, -0.011614149436354637, 0.010843677446246147, -0.022001251578330994, -0.010615389794111252, 0.015951620414853096, 0.017706584185361862, 0.01742122508585453, 0.0008440411766059697, 0.005842744838446379, 0.03969356790184975, 0.015509312972426414, -0.0008534045773558319, 0.008824756368994713, -0.038808953016996384, -0.01851985976099968, 0.026624083518981934, -0.0005573436501435935, 0.01822023279964924, -0.004390975926071405, -0.018862292170524597, 0.030761802569031715, -8.259832975454628e-05, -0.028008079156279564, -0.0028964034281671047, 0.004009307362139225, -0.0016238763928413391, 0.025553982704877853, -0.01102202758193016, -0.02130211889743805, -0.02606763131916523, 0.009588094428181648, -0.0074407607316970825, 0.0026467135176062584, -0.009887722320854664, 0.009809248149394989, 0.023670606315135956, 0.009673701599240303, -0.006752329412847757, -0.6551864147186279, 0.006891442462801933, 0.004080647137016058, -0.034642696380615234, -0.0054075708612799644, 0.0008244226919487119, 0.017335616052150726, 0.015923084691166878, 0.013240701518952847, 0.032930538058280945, -0.00221688998863101, -0.004654934164136648, -0.012163467705249786, -0.005496745929121971, -0.036155104637145996, -0.002625311492010951, -0.015566384419798851, -0.0021954879630357027, 0.0006389387417584658, 0.01851985976099968, -0.024626562371850014, 0.02127358317375183, -0.014203791506588459, 0.007216039579361677, -0.005696497857570648, 0.013768617063760757, -0.002596775535494089, -0.016151372343301773, 0.00409134803339839, 0.013775750994682312, -0.012998145073652267, 0.0035580818075686693, 0.031532272696495056, -0.00296952691860497, 0.046799030154943466, -0.008960301987826824, -0.01441067736595869, -0.0036098032724112272, 0.013697276823222637, 0.02128785103559494, -0.021815767511725426, 0.009003106504678726, 0.03190324082970619, 0.006830803584307432, 0.006798700429499149, 0.0012002952862530947, 0.016750628128647804, 0.018876560032367706, -0.0002717607712838799, -0.004601429216563702, -0.01633685640990734, 0.0071268645115196705, -0.00349030876532197, -0.025054603815078735, 0.01929033175110817, 0.006966349668800831, 0.017635244876146317, -0.018405716866254807, 0.009737907908856869, -0.02051737904548645, 0.010879348032176495, 0.0069877514615654945, -0.025725198909640312, -0.019090579822659492, -0.0288498904556036, 0.015209685079753399, 0.01790633611381054, 0.01011600997298956, 0.020788472145795822, -0.03969356790184975, 0.013433319516479969, 0.018905095756053925, 0.004886789247393608, -0.017035989090800285, 0.012612909078598022, 0.022743187844753265, 0.019718371331691742, -0.017706584185361862, -0.01869107596576214, 0.03372954577207565, -0.0016506288666278124, -0.014938592910766602, -0.0034261029213666916, 0.021687354892492294, 0.006770164705812931, 0.004651367198675871, -0.02976304292678833, 0.015951620414853096, -0.002309632021933794, -0.01102202758193016, -0.02158747985959053, -0.0020706430077552795, -0.0404069684445858, -0.02748016268014908, -0.00925992988049984, 0.019718371331691742, -0.011221779510378838, -0.002240075496956706, 0.011150440201163292, -0.02128785103559494, -0.012891135178506374, -0.0027626410592347383, -0.020745668560266495, -0.0057785389944911, 0.021501870825886726, 0.02897830307483673, 0.02452668733894825, -0.0048118820413947105, 0.002992712426930666, -0.01326210331171751, 0.008774817921221256, 0.0010513730812817812, -0.009053044021129608, -0.02207259088754654, 0.0015623456565663218, -0.031104233115911484, 0.024169987067580223, 0.004458749201148748, -0.0042268941178917885, -0.013340577483177185, 0.007968676276504993, -0.006531175691634417, 0.013825689442455769, -0.019247528165578842, 0.014489151537418365, 0.005981857888400555, 0.0078045944683253765, 0.0005769621348008513, 0.004030709154903889, 0.007162534631788731, 0.006616783794015646, -0.0069877514615654945, 0.04537222906947136, -0.014624697156250477, 0.009573825635015965, -0.013312041759490967, 0.016436733305454254, -0.005311261862516403, 0.002677032956853509, -0.0144249452278018, -0.038951631635427475, -0.016465269029140472, 0.0034885252825915813, -0.014517687261104584, -0.033415649086236954, -0.03227420896291733, 0.007740388624370098, -0.002607476431876421, -0.012391755357384682, -0.003549164393916726, -0.003203165251761675, -0.00995906163007021, -0.029120981693267822, 0.0009425795869901776, -0.011578479781746864, -0.008218366652727127, -0.023014279082417488, -0.04146280139684677, -0.005118643864989281, -0.042632777243852615, -0.008995972573757172, 0.01740695722401142, -0.022415023297071457, 0.015223952941596508, -0.0008253144333139062, -0.026795297861099243, -0.013633071444928646, 0.013882760889828205, -0.025111675262451172, -0.017977677285671234, 0.003884462174028158, -0.021501870825886726, 0.0010415638098493218, 0.020417504012584686, -0.014653232879936695, 0.011614149436354637, -0.027209071442484856, 0.003923699259757996, 0.007997212000191212, -0.02855026163160801, 0.002434476977214217, 0.030590586364269257, 0.008888961747288704, -0.018905095756053925, 0.0036704421509057283, 0.009666567668318748, 0.004501553252339363, 0.012006519362330437, -0.008154160343110561, 0.0161941759288311, -0.0031015058048069477, 0.009053044021129608, -0.044487614184617996, 0.007661914452910423, -0.014995665289461613, 0.018091820180416107, -0.008082820102572441, 0.007169668562710285, -0.00020164692250546068, 0.0022186734713613987, 0.0243697389960289, 0.011956581845879555, 0.0128126610070467, -0.02342805080115795, -0.007490698713809252, -0.01426799688488245, 0.013782884925603867, -0.031560808420181274, 0.016764895990490913, 0.0054896119982004166, 0.0248405821621418, -0.015067004598677158, -0.026937978342175484, 0.005518147721886635, -0.004176956135779619, 0.052192334085702896, -0.012441693805158138, -0.00963803194463253, -0.004030709154903889, 0.00644200062379241, -0.0004510024737101048, 0.008660674095153809, 0.011899509467184544, 0.0034706902224570513, -0.00043428214848972857, 0.0003446612972766161, 0.009181455709040165, 0.02331390790641308, 0.022557703778147697, -0.007990078069269657, 0.010622523725032806, 0.022871598601341248, 0.022158199921250343, 0.007954408414661884, 0.017663780599832535, 0.006192310713231564, 0.021373460069298744, -0.009381208568811417, 0.02238648757338524, -0.011699757538735867, 0.01165695395320654, 0.015851745381951332, -0.011521407403051853, -0.026723958551883698, 0.02899257093667984, 0.007230307441204786, 0.023256834596395493, 0.006359959486871958, -0.03444294631481171, 0.0026039094664156437, 0.012834063731133938, 0.03375808149576187, -0.004751243162900209, -0.001276094000786543, 0.010258689522743225, -0.025083139538764954, 0.011464335955679417, 0.0035117107909172773, 0.015466508455574512, 0.03255956992506981, 0.007911604829132557, -0.018733879551291466, 0.010051803663372993, -0.016921844333410263, 0.015395169146358967, -0.009317002259194851, 0.010451307520270348, -0.015951620414853096, -0.02391316369175911, 0.01426799688488245, 0.011243181303143501, -0.0032174333464354277, 0.006242248695343733, -0.02111663483083248, 0.007340884301811457, 0.024184254929423332, 0.010387102141976357, 0.020174948498606682, 0.009951927699148655, 0.047797791659832, -0.028892694041132927, -0.035555846989154816, 0.003987905103713274, 0.028436118736863136, 0.001800442929379642, -0.014596161432564259, -0.0342717282474041, 0.00832537654787302, -0.019019240513443947, 0.012555837631225586, -0.004255430307239294, -0.007130431476980448, 0.007030555512756109, -0.02359926700592041, -0.0016336856642737985, 0.021330656483769417, 0.045115407556295395, -0.009773578494787216, 0.009124384261667728, 0.006124537903815508, -0.006224413868039846, 0.00349030876532197, -0.01606576517224312, 0.012534435838460922, 0.053590595722198486, -0.017991945147514343, -0.02655274234712124, -0.004098481964319944, 0.005033035762608051, -0.007961542345583439, -0.004077080171555281, 0.010387102141976357, -0.0015989074017852545, 0.015152612701058388, 0.01742122508585453, 0.0018619736656546593, 0.005646559875458479, 0.0034938757307827473, 0.04505833610892296, 0.003117557382211089, 0.010793739929795265, -0.020488843321800232, 0.005425405688583851, 0.029392074793577194, 0.03963649645447731, 0.06591814756393433, -0.014517687261104584, 0.0021633850410580635, -0.011977983638644218, -0.0010165948187932372, -0.018163159489631653, -0.029962794855237007, 0.007647646591067314, -0.020945420488715172, -0.026167506352066994, -0.011870973743498325, 0.030904481187462807, -0.018733879551291466, 0.03683996945619583, 0.004786912817507982, 0.004216193221509457, -0.037239473313093185, -0.004854686092585325, -0.0012573671992868185, 0.01789206825196743, 0.008054284378886223, 0.02066005952656269, 0.0157233327627182, -0.0030783202964812517, -0.00934553798288107, 0.014175254851579666, 0.007697584573179483, 0.02127358317375183, -0.01696464791893959, -0.0010567235294729471, 0.005810641683638096, -0.008068552240729332, 0.022272342815995216, -0.018134623765945435, 0.02422705851495266, 0.020289091393351555, -0.002086694585159421, 0.013404782861471176, -0.004968829918652773, 0.0021954879630357027, 0.014938592910766602, 0.015623456798493862, -0.013119423761963844, 0.0004521171504165977, -0.006766597740352154, 0.006192310713231564, 0.023485124111175537, 0.0030569182708859444, -0.011043429374694824, 0.003438587300479412, -0.007048390805721283, -0.028179293498396873, -0.012926805764436722, -0.00965229980647564, 0.007283812388777733, -0.007847398519515991, 0.0028607333078980446, -0.008617870509624481, -0.0235849991440773, 0.006527608726173639, -0.012177735567092896, 0.01249163132160902, -0.014517687261104584, -7.5965937867295e-05, -0.030761802569031715, -0.0067630307748913765, -0.011314521543681622, -0.021387727931141853, 0.00581777561455965, -0.01759244129061699, -0.006563278846442699, -0.04277545586228371, 0.014867252670228481, 0.024155719205737114, 0.015338096767663956, 0.02805088274180889, 0.005404003895819187, -0.008075686171650887, -0.008004345931112766, -0.0005372792948037386, 0.0011450067395344377, 0.02250063233077526, -0.015395169146358967, -0.00934553798288107, 0.014175254851579666, -0.02668115496635437, -0.011920911259949207, -0.014153853058815002, -0.001675597857683897, -0.03532756119966507, -0.0012867950135841966, 0.00863213837146759, -0.008567932061851025, 0.014924325048923492, 0.010579720139503479, 0.01095782220363617, 0.016565144062042236, 0.000587663147598505, -0.01851985976099968, -0.021473335102200508, 0.011549944058060646, -0.011307387612760067, -0.01620844565331936, 0.03099009022116661, -0.00751923443749547, 0.01103629544377327, 0.005753569770604372, 0.003285206388682127, -0.002463012933731079, 0.01774938777089119, -0.011421531438827515, 0.005621590651571751, 0.00536476681008935, 0.009302734397351742, 0.001235965290106833, 0.012177735567092896, 0.02698078192770481, 0.018605468794703484, -0.03053351305425167, -0.012413157150149345, -0.03178909793496132, 0.0388374887406826, 0.015380901284515858, -0.009495352394878864, 0.05287719890475273, -0.022415023297071457, 0.019076311960816383, -0.028421850875020027, -0.005097242072224617, -0.01441067736595869, 0.03381515294313431, 0.005471776705235243, -0.014317935332655907, -0.015680529177188873, -0.008774817921221256, -0.028307706117630005, -0.01727854460477829, -0.026895174756646156, -0.0017415874172002077, -0.003748916322365403, -0.008896096609532833, -0.017949139699339867, -0.003226350760087371, 0.024441078305244446, -0.020260555669665337, -0.009302734397351742, 0.04708439111709595, 0.012555837631225586, 0.01088648196309805, -0.012662847526371479, -0.01126458402723074, -0.03036229871213436, -0.0209882240742445, -0.008268304169178009, -0.021159440279006958, -0.01042277179658413, 0.014403543435037136, 0.040777936577796936, 0.015452240593731403, 0.05601615831255913, -0.004530088976025581, 0.010108876042068005, 0.011278851889073849, -0.009616630151867867, 0.013989770784974098, -0.005949754733592272, -0.017078792676329613, -0.009195724502205849, 0.0012725270353257656, -0.002063509076833725, -0.005625158082693815, 0.008946034125983715, -0.01665075309574604, 0.020174948498606682, 0.04885362088680267, -0.015594921074807644, -0.004262564238160849, 0.0017906336579471827, -0.030790338292717934, -0.02328537218272686, 0.02191564440727234, -0.013098021037876606, 0.002373838098719716, -0.0459144152700901, -0.007776058278977871, 0.014025441370904446, 0.00021368554735090584, 0.005521714687347412, 0.005503879860043526, 0.030904481187462807, -0.008040016517043114, 0.002304281573742628, 0.00031679411767981946, -0.0017317781457677484, -0.033872224390506744, 0.009138652123510838, -0.030191082507371902, -0.0002159149298677221, 0.03410051390528679, 0.010001866146922112, -0.005953321699053049, -0.002746589481830597, 0.007073359563946724, 0.005924785975366831, -0.015837477520108223, -0.006292186677455902, -0.023171227425336838, -0.007840264588594437, -0.008667808026075363, -0.019361672922968864, -0.013411917723715305, -0.012049323879182339, 0.005086541175842285, -0.00036427981103770435, 0.0177636556327343, -0.020731400698423386, 0.009966195560991764, -0.01853412762284279, -0.03335857763886452, 0.0194187443703413, 0.009609496220946312, 0.03624071180820465, -0.012620043009519577, 0.012848331592977047, 0.027979541569948196, 0.01896216906607151, -0.01119324378669262, 0.0007655672379769385, 0.01095782220363617, -0.01822023279964924, 0.0082540363073349, 0.007626244332641363, -0.022700384259223938, -0.016764895990490913, 0.02157321199774742, 0.0042268941178917885, -0.005432540085166693, -0.036497537046670914, 0.027223339304327965, 0.016422465443611145, 0.00563229201361537, -0.006994885392487049, -0.02962036244571209, -0.003629421815276146, -0.0029659599531441927, -0.01242742594331503, 0.013526061549782753, 0.0012109962990507483, 0.02666688710451126, -0.018006213009357452, 0.041263047605752945, -0.012662847526371479, 0.015965888276696205, -0.017663780599832535, -0.007761790417134762, -0.0019047776004299521, -0.000772701227106154, -0.021230779588222504, 0.0019636331126093864, 0.0024380439426749945, 0.026895174756646156, -0.021501870825886726, 0.0025860744062811136, 0.014667500741779804, 0.0030372999608516693, 0.0032352684065699577, 0.007016287650913, -0.010415637865662575, 0.030447905883193016, -0.03835237771272659, -0.0020777771715074778, 0.007504966575652361, -0.02218673564493656, 0.013989770784974098, -0.021187976002693176, -0.0008743606740608811, -0.0007116163615137339, -0.0014553357614204288, -0.0078045944683253765, 0.011856705881655216, 0.02128785103559494, -0.01573760062456131, -0.004383841995149851, 0.0018994271522387862, -0.01071526575833559, -0.002964176470413804, -0.009167187847197056, 0.008710612542927265, -0.05207819119095802, -0.026752494275569916, 0.03604096174240112, 0.009695104323327541, 0.024312667548656464, -0.017064524814486504, -0.021387727931141853, 0.005585920996963978, 0.028750013560056686, -0.0036882772110402584, -0.0169789157807827, -0.005414704792201519, -0.004843985196202993, -0.01929033175110817, -0.004123451188206673, -0.014403543435037136, -0.008196963928639889, 0.01759244129061699, -0.014824449084699154, -0.001192269497551024, -0.01850559189915657, 0.009074445813894272, 0.010365700349211693, 0.009901990182697773, 2.4996861611725762e-05, -0.014867252670228481, -0.005639425944536924, 0.02235795184969902, 0.009559557773172855, -0.018405716866254807, 0.03886602446436882, 0.019475815817713737, 0.003823823295533657, 0.03430026397109032, -0.02451241947710514, 0.01512407697737217, -0.012149199843406677, -0.00586771359667182, -0.009017374366521835, -0.046342454850673676, 0.005610889755189419, -0.03375808149576187, 0.02670969069004059, -0.024583758786320686, -0.015637725591659546, -0.003204948967322707, -0.004733407869935036, -0.000587663147598505, 0.028578797355294228, 0.0007374770939350128, -0.00856079813092947, 0.012249075807631016, -0.008582199923694134, 0.003937967121601105, 0.01102202758193016, -0.02882135473191738, -0.025183014571666718, -0.010108876042068005, 0.002821496454998851, -0.02959182672202587, -0.015808939933776855, -0.012348951771855354, 0.03544170409440994, 0.02345658652484417, -0.03430026397109032, -0.042033519595861435, -0.007747522555291653, -0.0397791750729084, -0.011029161512851715, 0.010765204206109047, 0.0013242485001683235, 0.015994424000382423, -0.00010199388634646311, -0.03558438643813133, 0.033872224390506744, -0.014260862953960896, 0.015437972731888294, -0.02068859525024891, -0.0018441386055201292, -0.011849571950733662, 0.0053362310864031315, 0.0010754503309726715, -0.01381142158061266, -0.030647657811641693, -0.016322588548064232, -0.005396869964897633, 0.0017924171406775713, 0.02265757881104946, 0.025397034361958504, -0.0008859534282237291, -0.01249163132160902, -0.017834996804594994, 0.016907576471567154, 0.02732321433722973, 0.003420752240344882, 0.013768617063760757, -0.011471469886600971, -0.0031193408649414778, 0.006292186677455902, 0.002245425945147872, -0.01822023279964924, 0.023356711491942406, -0.0006821886054240167, 0.012855465523898602, 0.005550250876694918, -0.0127341877669096, -0.01633685640990734, 0.012398889288306236, -0.006766597740352154, 0.02575373463332653, 0.014061111025512218, -0.020588720217347145, 0.04086354374885559, 0.014482016675174236, -0.003795287339016795, -0.010379968211054802, 0.015266756527125835, -0.013911297544836998, 0.0020706430077552795, 0.03258810564875603, -0.026481403037905693, 0.018576933071017265, -0.0177636556327343, -0.006142372731119394, 0.011257450096309185, 0.0035866177640855312, 0.009859185665845871, -0.0120279211550951, -0.027337482199072838, 0.023214031010866165, 0.01250589918345213, -0.014581892639398575, -0.004276832100003958, -0.0033387113362550735, 0.017949139699339867, 0.0003464448091108352, 0.01225620973855257, -0.0060638985596597195, -0.012006519362330437, 0.008888961747288704, 0.005906950682401657, -0.019404476508498192, 0.00288926949724555, -0.00025347989867441356, 0.014753108844161034, -0.008539396338164806, 0.02284306287765503, 0.20523087680339813, -0.014753108844161034, 0.010208752006292343, 0.030818874016404152, -0.007697584573179483, -0.001626551616936922, 0.010586854070425034, 0.009745041839778423, -0.011007759720087051, -0.0017299946630373597, 0.0008832782041281462, 0.00016118377970997244, -0.023256834596395493, -0.011478603817522526, 0.01713586412370205, -0.005532416049391031, -0.029092445969581604, -0.032616641372442245, -0.01637965999543667, -0.011592747643589973, -0.01365447323769331, -0.017792193219065666, 0.003303041448816657, -0.0008284355862997472, 0.030933016911149025, -0.0006728252628818154, 0.010601121932268143, -0.01080087386071682, 0.019832516089081764, 0.029648898169398308, -0.0019457980524748564, -0.0016622216207906604, 0.007562038488686085, 0.006120970938354731, -0.015951620414853096, 0.004030709154903889, 0.003499226411804557, 0.008667808026075363, 0.01869107596576214, -0.003987905103713274, 0.02218673564493656, -0.017535367980599403, -0.0330161452293396, -0.009381208568811417, -0.022486362606287003, 0.019062044098973274, -0.01372581347823143, -0.005293427035212517, 0.0037560502532869577, 0.011186109855771065, -0.017649512737989426, -0.0008346778340637684, 0.01792060397565365, 0.011507139541208744, -0.011771097779273987, 0.019161920994520187, -0.007982944138348103, 0.0018298706272616982, 0.009866319596767426, 0.00687004067003727, -0.02746589481830597, 0.013183629140257835, -0.00901024043560028, 0.028307706117630005, -0.021373460069298744, 0.01927606388926506, 0.014531955122947693, 0.008546530269086361, 0.014139585196971893, -0.021059563383460045, -0.010272958315908909, -0.018391449004411697, -0.015095541253685951, 0.016436733305454254, -0.026295918971300125, -0.024112915620207787, 0.041405726224184036, 0.024184254929423332, 0.014938592910766602, 0.017535367980599403, -0.004141286015510559, -0.0036026693414896727, -0.017078792676329613, -0.0013670524349436164, -0.02592495083808899, -0.04428786411881447, 0.010765204206109047, -0.007911604829132557, -0.0012332899495959282, -0.014396409504115582, -0.009217126294970512, 0.00466563506051898, -0.012241941876709461, -0.013269237242639065, 0.004312502220273018, -0.0064027635380625725, -0.01087221410125494, 0.003542030230164528, -7.150718738557771e-05, -0.020631523802876472, -0.012348951771855354, 0.059925589710474014, 0.03344418480992317, 0.014039709232747555, -0.005710765719413757, 0.005282726138830185, -0.01864827238023281, 0.004893923178315163, 0.01849132403731346, -0.014175254851579666, 0.0013304906897246838, -0.023970235139131546, 0.0169789157807827, 0.002389889443293214, -0.01570906490087509, 0.006645319517701864, -0.00833964440971613, -0.021830035373568535, 0.016593679785728455, 0.006392062641680241, 0.0007749305805191398, -0.03130398690700531, 0.005539549980312586, 0.012356085702776909, -0.007490698713809252, -0.004437346942722797, -0.00924566201865673, -0.008874693885445595, -0.00043896384886465967, -0.01249163132160902, 0.020403236150741577, -0.04879654943943024, 0.022586239501833916, -0.015352364629507065, -0.006527608726173639, 0.002728754421696067, -0.02021775208413601, -0.01302668172866106, -0.016251249238848686, 0.011221779510378838, -0.0022650444880127907, -0.005100809037685394, -0.0017576388781890273, -0.005985424853861332, 0.0136402053758502, -0.01744976080954075, 0.014246595092117786, 0.00021335114433895797, -0.020274823531508446, -0.02329964004456997, -0.014531955122947693, -0.003290556836873293, -0.009545289911329746, -0.0075121005065739155, 0.010693863965570927, -0.034328799694776535, -0.007319482509046793, -0.019818248227238655, 0.0037560502532869577, 0.01727854460477829, -0.04383128881454468, -0.002741239033639431, 0.01071526575833559, -0.014389274641871452, -0.013554597273468971, -0.019375940784811974, -0.18594053387641907, 0.018733879551291466, 0.027694182470440865, -0.03335857763886452, -0.003937967121601105, -0.0013563514221459627, 0.02603909559547901, -0.0013732947409152985, -0.033558327704668045, -0.00181203568354249, -0.0021580345928668976, -0.017849264666438103, -0.03732508048415184, -0.019618496298789978, -0.013561731204390526, 0.009901990182697773, -0.023042814806103706, -0.007547770626842976, 0.01696464791893959, 0.021316388621926308, 0.04106329753994942, -0.02959182672202587, 0.029962794855237007, 0.007244575768709183, 0.003345845267176628, 0.00021658373589161783, 0.0031336089596152306, 0.022243807092308998, -0.008075686171650887, -0.00871774647384882, 0.008660674095153809, -0.014810181222856045, 0.013483257032930851, -0.03367247432470322, 0.007890202105045319, 0.017050256952643394, 0.017849264666438103, 0.00694494741037488, -0.022415023297071457, 0.03007693774998188, 0.030019866302609444, 0.025339962914586067, 0.001444634748622775, 0.01141439750790596, -0.010593988001346588, 0.011785365641117096, 0.015352364629507065, 0.013590266928076744, 0.019318867474794388, -0.010394236072897911, -0.002133065601810813, -0.012941073626279831, 0.03592681512236595, 6.189997748151654e-06, -0.006909277755767107, 0.008988838642835617, 0.009987598285079002, -0.0021259316708892584, 0.006092434749007225, -0.016322588548064232, 0.0020331896375864744, -0.01914765127003193, 0.033643938601017, 0.0049295928329229355, 0.003863060148432851, -0.0177636556327343, -0.01742122508585453, 0.00037208260619081557, -0.019675567746162415, 0.002504033502191305, -0.026795297861099243, -0.008846158161759377, 0.002940990962088108, 0.0004904624074697495, 0.01295534148812294, 0.026267383247613907, -0.011585613712668419, 0.011985117569565773, 0.0030515678226947784, -0.003916565328836441, -0.008496592752635479, 0.025425570085644722, -0.0018093603430315852, 0.01219913735985756, -0.015495045110583305, -0.008617870509624481, 0.004558625165373087, 0.00870347861200571, -0.009894856251776218, -0.020460307598114014, 0.02297147549688816, -0.016921844333410263, -0.01134305726736784, -0.006873607635498047, 0.00759057467803359, 0.011293119750916958, 0.0007776058628223836, -0.008525128476321697, -0.0001179339160444215, -0.008432386443018913, -0.014296533539891243, -0.010137411765754223, -0.012819795869290829, 0.004151987377554178, 0.026467135176062584, 0.0176067091524601, -0.025339962914586067, 0.013226433657109737, 0.02993425726890564, -0.010023267939686775, -0.0176067091524601, 0.002764424541965127, 0.007597708608955145, -0.0049295928329229355, -0.0068343705497682095, 0.02036043256521225, -0.020902615040540695, -0.02439827471971512, 0.017863532528281212, -0.011913777329027653, 0.04662781581282616, -0.007462162524461746, 0.004840418230742216, 0.011578479781746864, 0.0004160013049840927, -0.01588028110563755, -0.12167748063802719, -0.0031674953643232584, 0.0024184253998100758, 0.01141439750790596, 0.004487284924834967, 0.0073266164399683475, 0.0058534457348287106, 0.00416268827393651, -0.02173016034066677, 0.03983624652028084, 0.0026039094664156437, -0.019861051812767982, -0.0004953670431859791, -0.005247056018561125, 0.01110763568431139, -0.0020795606542378664, 0.026795297861099243, -0.006912844721227884, 0.0004596970393322408, 0.02558251842856407, -0.0005885548889636993, -0.013433319516479969, 0.015623456798493862, -0.01633685640990734, 0.004291099961847067, 0.008468056097626686, -0.028593067079782486, 0.006591814570128918, 0.023799018934369087, -0.018234500661492348, 0.025411302223801613, -0.016008691862225533, 0.017792193219065666, 5.834691023665073e-07, 0.011828169226646423, 9.190596756525338e-05, -0.037268009036779404, -0.0033761647064238787, 0.0038452253211289644, -0.017991945147514343, 0.0006371552590280771, 0.021016759797930717, -0.008375314064323902, -0.00801861472427845, -0.007569172419607639, -0.004251863341778517, -0.023542195558547974, 0.037895798683166504, 0.002905320841819048, -0.011114769615232944, -0.0246836356818676, -0.00609956867992878, -0.036155104637145996, -0.003805988235399127, 0.0068094017915427685, 0.013162227347493172, 0.0157233327627182, -0.018077552318572998, -0.014910057187080383, 0.000357368728145957, -0.029092445969581604, -0.03284493088722229, -0.0039558024145662785, -0.016094300895929337, 0.02205832302570343, 0.006117403972893953, -0.023042814806103706, -0.01744976080954075, -0.004990232177078724, -0.00540043693035841, -0.005354065913707018, 0.022286610677838326, -0.0070341224782168865, 0.015666261315345764, -0.01881948858499527, -0.010044669732451439, -0.021544676274061203, -0.02839331515133381, 0.007982944138348103, -0.011314521543681622, -0.008082820102572441, -0.02930646575987339, -0.0015899898717179894, -0.002183003583922982, 0.005339798051863909, 0.006691690534353256, 0.009317002259194851, -0.023670606315135956, 0.00019495880405884236, -0.028721477836370468, -0.01695038005709648, 0.030419370159506798, 0.00423759501427412, -0.012948207557201385, -0.00520425196737051, 0.026281651109457016, -0.0069627827033400536, 0.006791566498577595, -0.004415945149958134, 0.003024815348908305, -0.011421531438827515, -0.013376247137784958, -0.04340324550867081, 0.012092127464711666, -0.016451001167297363, -0.018320107832551003, -0.008682075887918472, 0.011999385431408882, 0.005889115855097771, -0.000714737456291914, -0.022001251578330994, 0.01946154795587063, -0.014153853058815002, 0.02856452949345112, -0.013818555511534214, -0.007654780521988869, -0.025496911257505417, -0.015252488665282726, 0.020274823531508446, -0.011699757538735867, 0.024911923334002495, 0.011007759720087051, -2.7895048333448358e-05, 0.010301494039595127, 0.0038309572264552116, 0.024483883753418922, -0.013832823373377323, -0.009630898013710976, -0.012149199843406677, -0.006702391430735588, 0.0022472096607089043, -0.007180369459092617, 0.006267217919230461, -0.03410051390528679, -0.024298399686813354, 0.010415637865662575, -0.00283576431684196, 0.0011860273079946637, -0.0022739621344953775, 0.021473335102200508, 0.020617255941033363, 0.014382140710949898, -0.025225818157196045, -0.03255956992506981, -0.007776058278977871, -0.01635112427175045, -0.0009381208219565451, 0.02329964004456997, -0.01249163132160902, 0.0017977675888687372, -0.0015391601482406259, 0.019404476508498192, 0.02404157444834709, 0.03267371281981468, 0.004601429216563702, -0.02051737904548645, -0.0038024212699383497, -0.02622457779943943, 0.0015489694196730852, 0.013611669652163982, 0.006866473704576492, -0.017792193219065666, 0.042490094900131226, -0.00670952582731843, 0.0006808509933762252, -0.02359926700592041, -0.005218519829213619, -0.01756390370428562, -0.011528541333973408, -0.005111509934067726, 0.00393083319067955, -0.022315148264169693, -0.015794672071933746, -0.0003165711823385209, -0.0028054448775947094, 0.01505273673683405, 0.03193177655339241, 0.012356085702776909, -0.004797614179551601, -0.008225500583648682, 0.006392062641680241, 0.021330656483769417, 0.006520474795252085, -0.013904163613915443, -0.012434559874236584, -0.0038131221663206816, 0.022172467783093452, -0.002471930580213666, 0.013918431475758553, 0.011129037477076054, -0.010829409584403038, 0.019176188856363297, 0.01250589918345213, 0.016779163852334023, 0.0010665328009054065, 0.025996290147304535, -0.019532887265086174, -0.010693863965570927, 0.012677115388214588, 0.018277304247021675, 0.017934871837496758, 0.026581278070807457, 0.00878195185214281, 0.0026984349824488163, -0.002764424541965127, -0.03390076011419296, -0.03529902547597885, -0.002345302142202854, -0.027494430541992188, -0.03860919922590256, 0.009224260225892067, 0.006021094974130392, 0.010130277834832668, 0.005774972029030323, 0.03350125625729561, 0.014596161432564259, -0.012163467705249786, 0.024483883753418922, -0.008924632333219051, -0.015395169146358967, -0.025339962914586067, 0.01394696719944477, 0.012234807945787907, 0.006352825555950403, 0.03775312006473541, -0.0019725505262613297, 0.016593679785728455, 0.014403543435037136, 0.026766762137413025, -0.017635244876146317, 0.03344418480992317, 0.020888347178697586, -0.001979684690013528, -0.007619110401719809, 0.00841098465025425, -0.00423759501427412, -0.005118643864989281, -0.007847398519515991, 0.01242742594331503, 0.014767376706004143, 0.011599881574511528, 0.08286852389574051, 0.019019240513443947, -0.017364151775836945, -0.010772338137030602, -0.013747215270996094, 0.015552116557955742, 0.03267371281981468, 0.01219913735985756, -0.018905095756053925, -0.0012092126999050379, 0.035983890295028687, -0.0016827319050207734, -0.0027662080246955156, -0.04594295099377632, -0.028193563222885132, -0.02976304292678833, -0.00933127012103796, 0.026880906894803047, -0.011778231710195541, -0.006952081806957722, 0.016222713515162468, -0.005293427035212517, 0.003397566732019186, -0.004865386988967657, -0.02407011203467846, -0.0051971180364489555, 0.006659587845206261, -0.008268304169178009, 0.00670952582731843, -0.026452867314219475, 0.010387102141976357, 0.009580960497260094, -0.03698264807462692, -0.011043429374694824, -0.008011480793356895, -0.012234807945787907, 0.012049323879182339, 0.007768924348056316, 0.017991945147514343, -0.0061780428513884544, 0.012084993533790112, 0.009737907908856869, -0.0004153324698563665, 0.003977204207330942, -0.026124702766537666, 0.007833130657672882, -0.02531142719089985, -0.01789206825196743, 0.0025450540706515312], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='0e004335-5d12-4b35-9d4b-97a20f20d1e9', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '6', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_type': 'application/pdf', 'file_size': 1103758, 'creation_date': '2024-02-25', 'last_modified_date': '2023-12-13', 'last_accessed_date': None}, hash='b1611f44ac87d4ea86479b8f4ac78374a979e6c56c3c01a17d77da386e21e5a0')}, text='The first lwords from the concatenated top retrieved text unit are feed as input to the reader\\nmodel. Underline denotes cases where the training split of the target dataset was included in the training data of the\\ndense retriever. In most cases, we see better QA performance with smaller retrieval units.\\ntion brings more performance gain over retrieval\\nby passage.\\nTo better understand where the improvements\\ncan be attributed, we conduct an additional analysis\\non EntityQuestions. As EntityQuestions features\\nquestions targeting the properties of longer-tail enti-\\nties, we study how the retrieval performance under\\nthree different granularities is affected by the popu-\\nlarity of the target entity in question, i.e. whether\\nthe entity appears frequently in Wikipedia or not.\\n', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='be4d00fd-5a15-4726-9738-7c09c39d51a2', embedding=[-0.0034460308961570263, 0.006676031742244959, 0.010871199890971184, -0.03531746193766594, -0.017867792397737503, 0.023233704268932343, -0.013470531441271305, 0.0035679833963513374, -0.03765895217657089, -0.032223351299762726, 0.012536723166704178, 0.029909737408161163, -0.006839796435087919, 0.009700454771518707, -0.0016655235085636377, 0.023373078554868698, 0.0243068877607584, 0.0011811977019533515, 0.006310173776000738, -0.017143046483397484, 0.006073237396776676, -0.00818824302405119, -0.03986106440424919, -0.00978408008813858, -0.011177822947502136, 0.010752731934189796, 0.03863457217812538, -0.020488029345870018, -0.023568203672766685, 0.004456494934856892, 0.018118666484951973, 0.003944294061511755, -0.033951591700315475, -0.003724779700860381, -0.015609927475452423, 0.008369429968297482, -0.002001764252781868, -0.014829431660473347, 0.024125700816512108, -0.01750541850924492, 0.0005644661141559482, 0.0316658541560173, 0.010836356319487095, -0.01384684257209301, -0.010153422132134438, -0.012076787650585175, -0.007122029550373554, -0.014564620330929756, 0.004588900599628687, 0.010487920604646206, -0.007902526296675205, 0.03336622193455696, -0.021366087719798088, 0.008780584670603275, -0.0051673040725290775, -0.01354718767106533, -0.012411286123096943, 0.0186622254550457, -0.003116759005934, -0.00685373367741704, 0.0062822988256812096, 0.0005845011910423636, -0.005595880560576916, 0.022035084664821625, -0.021853899583220482, -0.007135966792702675, -0.01825804077088833, -0.015958363190293312, 0.028083931654691696, 0.003397249849513173, 0.016822485253214836, 0.035735584795475006, -0.0073798722587525845, -0.0034861010499298573, 0.027052562683820724, -0.021784212440252304, -0.002236958360299468, 0.006749202962964773, -0.013498405925929546, 0.006494844797998667, 0.012634285725653172, -0.029770363122224808, -0.009045396000146866, 0.04064156115055084, 0.014676119200885296, 0.017979292199015617, -0.0068467650562524796, 0.03264147415757179, -0.0023240672890096903, 0.009386862628161907, 0.005425146780908108, -0.00012271475861780345, 0.029993360862135887, 0.003324078395962715, -0.0076028709299862385, 0.005832816939800978, -0.010703950189054012, 0.02801424451172352, 0.010850293561816216, -0.026550814509391785, -0.015317241661250591, 0.00024760724045336246, -0.04114330932497978, -0.01016039028763771, -0.0063624391332268715, 0.004574963357299566, -0.006345017347484827, -0.010599419474601746, -0.0053380378521978855, -0.006310173776000738, -0.01416043471544981, 0.02465532347559929, 0.006456517148762941, -0.014132559299468994, -0.01577717624604702, -0.011609883978962898, 0.009261425584554672, -0.005533162038773298, 0.003515718039125204, 0.0006515751010738313, 0.022996768355369568, 0.005878113210201263, 0.03788194805383682, -0.022592583671212196, 0.029714612290263176, 0.018299853429198265, -0.008508804254233837, -0.02315008081495762, 0.0018170931143686175, -0.02834874391555786, 0.008808459155261517, 0.04181230813264847, -0.0009817180689424276, 0.012195255607366562, -0.024139638990163803, 0.03885757178068161, 0.0011306745000183582, -9.903201134875417e-05, -0.013143002055585384, -0.019582096487283707, 0.014244059100747108, 0.0024860899429768324, 0.001558379502967, -0.0305787343531847, -0.019456660374999046, 0.0420353040099144, 0.02270408160984516, -0.011672602035105228, 0.009310207329690456, 0.018327727913856506, 0.001118479180149734, -0.000638508761767298, -0.010613356716930866, 0.03685057908296585, 0.019874783232808113, -0.015191804617643356, -0.022383522242307663, 0.03233484923839569, -0.020097782835364342, -0.015498428605496883, 0.01662736013531685, 0.010634263046085835, 0.015944426879286766, 0.009602893143892288, 0.0019878267776221037, 0.0323069766163826, 0.03055085800588131, 0.024446262046694756, 0.004916430450975895, -0.04309454932808876, -0.014857306145131588, 0.030160609632730484, -0.009930422529578209, 0.022787706926465034, -0.007275341544300318, 0.0015914809191599488, 0.02001415751874447, -0.006759656127542257, -0.023066455498337746, -0.017825979739427567, 0.01763085648417473, 0.009686517529189587, 0.020223218947649002, 0.011198729276657104, -0.003033134387806058, -0.014467057771980762, 0.002871111733838916, 9.45676802075468e-05, -0.0037317483220249414, -0.019930532202124596, 0.020989777520298958, 0.03328259661793709, 0.011609883978962898, -0.0051812417805194855, -0.6212751269340515, 0.002156818052753806, 0.004968695808202028, -0.03138710558414459, 0.0024094341788440943, -0.0034913276322185993, 0.01793747954070568, 0.01655767299234867, 0.008285805583000183, 0.031721603125333786, 0.0054495371878147125, -0.005142913665622473, -0.003001775126904249, -0.02289920672774315, -0.015986237674951553, -0.006780562456697226, -0.010829387232661247, -0.0052126008085906506, 0.02026503160595894, 0.005609817802906036, -0.028711117804050446, 0.024097826331853867, -0.019609970971941948, -0.00876664649695158, -0.0037665918935090303, 0.004902492742985487, 0.002989579923450947, -0.03308747336268425, 0.00033493401133455336, 0.0008358106133528054, 0.012961815111339092, 0.02264833264052868, 0.020097782835364342, 0.020934028550982475, 0.04738727957010269, -0.005651629995554686, -0.006752687506377697, 0.014829431660473347, 0.004547088406980038, 0.04727578163146973, -0.03779832646250725, -0.006836311891674995, 0.034007344394922256, -0.00782587006688118, 0.0014190051006153226, 0.018021104857325554, 0.004540119785815477, 0.0020470607560127974, -0.013944404199719429, -0.008571523241698742, -0.009554112330079079, 0.0023380047641694546, -0.003787497989833355, -0.019735408946871758, -0.0010627295123413205, 0.007902526296675205, 0.020474093034863472, -0.03813282400369644, 0.010237046517431736, -0.017672669142484665, 0.0026690189260989428, -0.020111719146370888, -0.006811921484768391, -0.02189571037888527, -0.044739168137311935, 0.01138688437640667, 0.008466992527246475, 0.0029338302556425333, 0.011582008562982082, -0.04236980527639389, 0.008250962011516094, 0.009777111001312733, 0.0021045526955276728, -0.020125657320022583, 0.0076934644021093845, 0.01308028306812048, 0.026397502049803734, -0.008627272211015224, -0.023498516529798508, 0.01160291489213705, 0.013888654299080372, -0.014118622057139874, -0.0030261657666414976, 0.0010130773298442364, 0.00495475810021162, 0.008418210782110691, -0.02646718919277191, 0.009247488342225552, -0.015470553189516068, 0.025449756532907486, -0.004080184269696474, 0.014097715727984905, -0.01480155624449253, -0.028906241059303284, 0.0048850709572434425, 0.018773725256323814, -0.016669172793626785, -0.014759744517505169, 0.01605592481791973, -0.033198971301317215, -0.01625104993581772, -0.039693817496299744, 0.021561212837696075, -0.0004218251851852983, 0.00926839467138052, 0.02719193696975708, 0.007470465265214443, -0.0018867803737521172, 0.002115005860105157, -0.016641298308968544, 0.01633467525243759, -0.0006933874101378024, -0.0027805184945464134, -0.023122206330299377, 0.004759634379297495, -0.023219767957925797, 0.03155435249209404, 0.008857239969074726, 0.005233507137745619, -0.0178817305713892, -0.016515860334038734, 0.005397271830588579, -0.0010609872406348586, -0.012745784595608711, -0.006892061792314053, 0.017296357080340385, 0.006230033468455076, 0.0010304991155862808, 0.011331135407090187, -0.0015418288530781865, 0.002838010201230645, -0.02631387859582901, 0.020599529147148132, -0.00818824302405119, 0.019749345257878304, -0.0036237332969903946, 0.012850315310060978, -0.013721405528485775, -0.004735243506729603, -0.014104684814810753, -0.028362682089209557, -0.025268571451306343, 0.006477423012256622, -0.023010706529021263, -0.021435776725411415, -0.033421970903873444, 0.001237818505614996, 0.0036237332969903946, -0.007505308836698532, -0.0007809319067746401, -0.0003029214567504823, -0.002508738311007619, -0.0017665699124336243, 0.004951274022459984, -0.01528936717659235, 0.00023192763910628855, -0.01728242076933384, -0.034982964396476746, -0.008564554154872894, -0.03213972598314285, -0.003933841362595558, 0.021463651210069656, -0.007561058737337589, -0.0023240672890096903, 0.007951307110488415, -0.03632095828652382, 0.0022456692531704903, 0.015247554518282413, -0.019596034660935402, -0.024571698158979416, 0.01906641200184822, -0.010355514474213123, 0.013505375012755394, 0.03029998391866684, -0.01991659589111805, 0.015386928804218769, -0.03729657828807831, 0.0021324276458472013, 0.004243948962539434, -0.030885357409715652, 0.008243992924690247, 0.007351997308433056, -0.004540119785815477, -0.030996857210993767, 0.02001415751874447, 0.008466992527246475, 0.008592428639531136, 0.00895480252802372, -0.02267620712518692, 0.011512321420013905, 0.0047840247862041, 0.028738992288708687, -0.01818835362792015, -0.0031028215307742357, -0.006825859192758799, 0.020627403631806374, 0.021101277321577072, 0.007832839153707027, -0.021282464265823364, 0.018871286883950233, 0.027777308598160744, 0.028251182287931442, 0.0007304087048396468, -0.02202114835381508, -0.009108114056289196, -0.009742267429828644, 0.014480995945632458, -0.026982875540852547, 0.01590261422097683, 0.0213242769241333, 0.006832827813923359, -0.007742245215922594, -0.02415357530117035, -0.008243992924690247, -0.008815428242087364, 0.044962167739868164, -0.007965244352817535, -0.022383522242307663, 0.005554067902266979, -0.006665578577667475, 0.005003539379686117, -0.0007582835969515145, 0.03227910026907921, 0.005285772494971752, 0.0034617106430232525, -0.013003627769649029, 0.009881641715765, 0.0030157126020640135, 0.023874826729297638, -0.015080304816365242, -0.011177822947502136, 0.0178817305713892, 0.026982875540852547, 0.005146398209035397, 0.011818945407867432, -0.005188210401684046, 0.030383609235286713, 0.0008527968311682343, 0.026996811851859093, -0.0072544352151453495, 0.0067701092921197414, 0.018118666484951973, -0.006766624748706818, -0.030996857210993767, -0.00035409798147156835, 0.007637714501470327, 0.0028031666297465563, 0.0156796146184206, -0.011365978978574276, 0.02352639101445675, -0.0056202709674835205, 0.005885082297027111, 0.006128987297415733, 0.009707423858344555, 0.008829365484416485, -0.016460111364722252, 0.004658587742596865, 0.029630986973643303, 0.012048913165926933, 0.02932436391711235, 0.009261425584554672, -0.017449669539928436, 0.001518309349194169, -0.018104728311300278, 0.024850446730852127, -0.013714436441659927, 0.007616808637976646, -0.00710460776463151, -0.0006093272822909057, -0.008822396397590637, -0.008418210782110691, -0.008571523241698742, -0.00040832330705597997, -0.02252289652824402, -0.00247389473952353, 0.019456660374999046, -0.004996570758521557, 0.004567994270473719, 0.010780606418848038, 0.033700719475746155, -0.03177735209465027, -0.03754745051264763, 0.022759832441806793, 0.031749479472637177, 0.0054181781597435474, -0.002672503236681223, -0.007721339352428913, -0.0009886868065223098, -0.030885357409715652, -0.00031163234962150455, -0.016599485650658607, 0.003982622176408768, -0.005195179022848606, -0.031247731298208237, -0.017839917913079262, 0.017965354025363922, 0.033198971301317215, 0.013575062155723572, -0.0011811977019533515, 0.013714436441659927, 0.0076028709299862385, 0.014467057771980762, -0.03880181908607483, 0.009156894870102406, 0.044990040361881256, -0.017421795055270195, -0.029435863718390465, -0.03559621050953865, -0.014745806343853474, -0.005648145917803049, 0.0028989866841584444, 0.01502455584704876, -0.003398992121219635, 0.018927037715911865, 0.0069269053637981415, 9.217218030244112e-05, -0.0006241357768885791, -0.007721339352428913, 0.03252997621893883, -0.006871155928820372, 0.004181230440735817, -0.022244147956371307, 0.01963784731924534, 0.0069269053637981415, 0.051735758781433105, 0.04027918726205826, -0.009993141517043114, 0.026648376137018204, -0.0075262151658535, 0.009756204672157764, -0.0382721982896328, -0.005020961165428162, 0.006146409083157778, -0.0031394073739647865, -0.03127560392022133, -0.015484490431845188, 0.027484623715281487, -0.01328237634152174, 0.03598645702004433, 0.001958209788426757, -0.0014285871293395758, -0.03197247534990311, 0.01806291565299034, -0.004975664429366589, -0.0028205884154886007, 0.004689947236329317, 0.004588900599628687, 0.03880181908607483, 0.004958242643624544, -0.00926839467138052, 0.01633467525243759, 0.02932436391711235, 0.007749214302748442, -0.022062961012125015, -0.0024198873434215784, 0.002672503236681223, 0.0011811977019533515, 0.011533227749168873, -0.0035888897255063057, 0.015554177574813366, 0.0236797034740448, -0.007177779451012611, 0.012738816440105438, -0.0012413028161972761, -0.004212589934468269, 0.014662181958556175, 0.013087252154946327, 0.001803155755624175, 0.018118666484951973, -0.009979204274713993, 0.0015296335332095623, 0.01718485727906227, 0.0060802060179412365, -0.011881663464009762, 0.0032265163026750088, -0.007170810364186764, -0.018954912200570107, -0.012787597253918648, -0.01731029525399208, 0.01627892442047596, -0.016975795850157738, 0.00868999119848013, -0.028390556573867798, -0.026648376137018204, -0.00046167755499482155, -0.01768660545349121, 0.004351964220404625, 0.012251005508005619, 0.002231731778010726, -0.03590283542871475, -0.024641385301947594, -0.023122206330299377, -0.009108114056289196, 0.013010595925152302, -0.005439084023237228, -0.01894097402691841, -0.05602848902344704, -0.01976328343153, 0.020850403234362602, 0.024989821016788483, 0.019373035058379173, 0.00534849101677537, 0.009421706199645996, 0.0015226647956296802, -0.007951307110488415, -0.012007100507616997, 0.005324100144207478, -0.023972388356924057, 0.009149926714599133, 0.0035348820965737104, -0.022369584068655968, -0.009184770286083221, -0.031693726778030396, -0.016041988506913185, -0.01712910830974579, -0.013233594596385956, 0.003829310415312648, 0.006822374649345875, 0.02167271263897419, 0.013798060826957226, 0.026369627565145493, 0.031024731695652008, 0.015763239935040474, -0.004770087078213692, 0.008369429968297482, 0.01712910830974579, -0.011512321420013905, -0.0206970926374197, 0.02929648943245411, 0.016264988109469414, 0.026327814906835556, -0.004386807791888714, 0.005571489688009024, -0.010000109672546387, 0.009602893143892288, -0.011115104891359806, 0.01135204080492258, -0.01478761900216341, 0.02643931470811367, 0.00391293503344059, 0.012836378067731857, 0.039442941546440125, 0.016669172793626785, 0.005940831732004881, -0.028306931257247925, -0.007944338023662567, 0.039219941943883896, 0.019373035058379173, -0.013261470012366772, 0.014690057374536991, -0.020627403631806374, -0.007010530214756727, -0.023164017125964165, -0.0185089148581028, -0.023623952642083168, 0.02340095490217209, -0.01009767223149538, -0.027651872485876083, -0.005243960302323103, -0.01133810356259346, -0.0011324166553094983, -0.008473960682749748, -0.018174415454268456, 0.007073248736560345, -0.00840427353978157, 0.0037352326326072216, -0.021867835894227028, 0.0006615926395170391, 0.028139682486653328, -0.02182602323591709, -0.025240695104002953, 0.036962080746889114, -0.000430536107160151, 0.014676119200885296, -0.00280665117315948, -0.006358955055475235, -0.03155435249209404, -0.024111762642860413, -0.009839829057455063, -0.033672843128442764, -0.0022700598929077387, 0.012536723166704178, 0.03453696519136429, 0.0053380378521978855, 0.035958584398031235, -0.006477423012256622, 0.01216738112270832, 0.0006193447625264525, -0.0007552347960881889, -0.009435643441975117, -0.0005605462356470525, -0.010418233461678028, -0.005791004281491041, -0.00566208316013217, 0.008167337626218796, 0.0002532693324610591, -0.00757499597966671, -0.0005884211277589202, 0.04080881178379059, 0.04510154202580452, -0.018857350572943687, -0.01020917110145092, -0.021965397521853447, -0.017170920968055725, -0.015010617673397064, 0.016920046880841255, -1.8510656445869245e-05, -0.0005775325116701424, -0.05491349473595619, 0.0024076919071376324, 0.014592494815587997, 0.01046004518866539, 0.016920046880841255, -0.012787597253918648, 0.034704215824604034, -0.017003672197461128, 0.007191716693341732, -0.0025035119615495205, -0.012446129694581032, -0.017491482198238373, 0.002716057701036334, -0.023763326928019524, -0.0141116539016366, 0.01931728608906269, -0.011832882650196552, -0.004801446571946144, 0.014996680431067944, 0.01514999195933342, -0.013986216858029366, -0.011582008562982082, -0.007010530214756727, -0.024613510817289352, -0.020237157121300697, -0.014299809001386166, -0.01328237634152174, -0.019805096089839935, -0.018146540969610214, 0.013324188068509102, -0.008473960682749748, 0.02019534446299076, -0.007721339352428913, 0.02001415751874447, -0.01928941160440445, -0.01715698279440403, 0.015791114419698715, 0.004027918912470341, 0.042509179562330246, -0.006979170721024275, 0.021589087322354317, 0.025491569191217422, -0.0006319755921140313, -0.02167271263897419, 0.004121996462345123, 0.00843911711126566, -0.0025697145611047745, 0.006202158983796835, 0.028488118201494217, -0.021561212837696075, -0.023470642045140266, 0.00695478031411767, -0.011874695308506489, -0.006651640869677067, -0.04889252409338951, 0.030913231894373894, -0.0032561332918703556, 0.01921972446143627, -0.011442634277045727, -0.00984679814428091, -0.017240608111023903, 0.00896873977035284, -0.01528936717659235, 0.011498384177684784, 0.0013414782006293535, 0.006958264857530594, -0.008933896198868752, 0.03559621050953865, 0.008432148024439812, 0.007094154600054026, -0.027400998398661613, -0.00013436558947432786, 0.0029704158660024405, 0.00787465088069439, -0.02377726510167122, 0.016167424619197845, 0.005797973368316889, 0.04635591059923172, -0.01765873096883297, 0.001399841159582138, -2.9617051040986553e-05, 0.011449603363871574, -0.008320649154484272, 0.01102451141923666, 0.008055837824940681, 0.032920222729444504, -0.027777308598160744, 0.014167402870953083, 0.008592428639531136, -0.03478783741593361, -0.0033223361242562532, -0.0288504920899868, -0.013386907055974007, 0.001155936042778194, 0.008676053956151009, 0.010076765902340412, 0.026704126968979836, 0.0057770670391619205, -0.01703154668211937, -0.006878124549984932, 0.004264855291694403, -0.004606322385370731, -0.014829431660473347, -0.016571611166000366, 0.013756249099969864, -0.03902481868863106, -0.020501967519521713, 0.030773857608437538, 0.0037805293686687946, 0.028934115543961525, 0.00021570359240286052, -0.01528936717659235, 0.012906065210700035, 0.021909648552536964, -0.028655366972088814, 0.003468679264187813, 0.018467102199792862, -0.0017839916981756687, -0.031944602727890015, -0.012021037749946117, -0.01793747954070568, 0.0036132801324129105, 0.018425289541482925, -0.013435687869787216, -0.0032822659704834223, -0.010592451319098473, -0.008899052627384663, 0.01605592481791973, 0.005052320193499327, -0.01916397362947464, -0.0003392894577700645, 0.0015697036869823933, 0.009324144572019577, -0.0050558047369122505, -0.003160313470289111, 0.03874607011675835, 0.025519443675875664, -0.005331069231033325, 0.024488074705004692, -0.016348611563444138, 0.03252997621893883, -0.009212644770741463, 0.006742234341800213, -0.01282940898090601, -0.047777529805898666, -0.002949509769678116, -0.032446350902318954, 0.01938697323203087, -0.04105968400835991, -0.023944513872265816, -0.0030122282914817333, -0.0018484523752704263, -0.013616874814033508, 0.04482279345393181, 0.007498340215533972, -0.008104618638753891, 0.012097693979740143, -0.014690057374536991, 0.0027421903796494007, 0.016111675649881363, -0.03685057908296585, -0.02794455736875534, -0.009714392945170403, 0.0032073522452265024, -0.013191782869398594, -0.002203857060521841, -0.008411242626607418, 0.028766866773366928, 0.017853854224085808, -0.03255784884095192, -0.040195565670728683, 0.0029773847199976444, -0.04432104527950287, -0.014251028187572956, -0.0034704215358942747, 0.007700433023273945, 0.013240563683211803, 0.009261425584554672, -0.019805096089839935, 0.028362682089209557, -0.009937391616404057, 0.004466948099434376, -0.041505683213472366, -0.009247488342225552, -0.00906630139797926, -0.013477500528097153, 0.014467057771980762, -0.022132648155093193, -0.034007344394922256, -0.003975653555244207, 0.00255229277536273, -0.0070627955719828606, 0.01069698203355074, 0.03378434479236603, 0.0031254698988050222, -0.007860713638365269, -0.020237157121300697, 0.0060941437259316444, 0.023749390617012978, 0.002759612165391445, 0.009540174156427383, -0.029658863320946693, 0.009881641715765, -0.0035784365609288216, -0.010878168046474457, -0.02282951958477497, -0.008745741099119186, 0.010745762847363949, 0.022815581411123276, -0.0002839752414729446, 0.0014521065168082714, -0.02177027426660061, -0.00239201239310205, -0.004599353764206171, 0.015972301363945007, 0.016710985451936722, -0.014759744517505169, 0.039972566068172455, 0.008662115782499313, -0.01328237634152174, -0.01210466306656599, 0.009498362429440022, 0.0038885443937033415, -0.0014015833148732781, 0.01138688437640667, -0.015693552792072296, 0.01276669092476368, -0.01453674491494894, -0.005561036989092827, 0.007226560264825821, 0.003641155082732439, 0.00566208316013217, -0.020306844264268875, -0.018202289938926697, 0.019679658114910126, 0.023972388356924057, -0.025449756532907486, 0.0024582152254879475, -0.011254479177296162, 0.022313835099339485, -0.0052927411161363125, 0.013867747969925404, -0.0074913715943694115, -0.014899118803441525, 0.009937391616404057, 0.0016968827694654465, -0.022564707323908806, 0.007554090116173029, 0.010292796418070793, 0.028139682486653328, -0.009122051298618317, 0.028906241059303284, 0.20660854876041412, -0.011463540606200695, 0.003324078395962715, 0.03777045011520386, 0.018522851169109344, -0.00012609023542609066, 0.021310338750481606, 0.000194797437870875, -0.0013153455220162868, -0.010843324474990368, 0.010048891417682171, -0.011993163265287876, -0.043735671788454056, 0.0009329370805062354, 0.013519312255084515, -0.009421706199645996, -0.05310162901878357, -0.026383565738797188, -0.019721470773220062, 0.008055837824940681, 0.0045366352424025536, -0.012069819495081902, 0.0022055990993976593, 0.0021724977996200323, 0.015693552792072296, 0.0017752808053046465, 0.01072485651820898, -0.03055085800588131, 0.014014091342687607, 0.023066455498337746, 0.0022561224177479744, -0.0022613490000367165, 0.010264921002089977, -0.013986216858029366, -0.025617007166147232, 0.011832882650196552, 0.002839752472937107, -0.007135966792702675, 0.019247598946094513, -0.006052331533282995, 0.010703950189054012, -0.01392349787056446, -0.020724967122077942, -0.00648439209908247, -0.028766866773366928, 0.03007698617875576, -0.006446063984185457, 0.0059199258685112, 0.002716057701036334, 0.002405949868261814, -0.024752885103225708, 0.0033798280637711287, 0.035930708050727844, 0.014153465628623962, -0.03403521701693535, 0.012648222967982292, -0.012028006836771965, -0.007665589451789856, 0.009198707528412342, 0.008174305781722069, -0.017644792795181274, 0.0027770339511334896, 0.006714359391480684, 0.017616918310523033, -0.024766823276877403, 0.009400799870491028, -0.008334586396813393, 0.022885268554091454, 0.002522675786167383, -0.024948010221123695, -0.018299853429198265, -0.016446173191070557, -0.01831378974020481, 0.007533183787018061, -0.011714414693415165, -0.024892259389162064, 0.03509446233510971, 0.026258127763867378, 0.015386928804218769, -0.008850271813571453, 0.000418558600358665, -0.002771807601675391, -0.023359142243862152, 0.0056202709674835205, -0.037491701543331146, -0.032697223126888275, 0.020836466923356056, -0.006442579440772533, -0.007784057874232531, -0.002949509769678116, -0.0009460034198127687, -0.0007743987371213734, -0.018550727516412735, -0.012857284396886826, 0.0036028269678354263, -0.010578513145446777, 0.02082252874970436, 0.0045052762143313885, -0.004083668813109398, -0.011400822550058365, -0.011247510090470314, 0.07843988388776779, 0.04136630892753601, 0.010334608145058155, 0.004432104527950287, 0.006055815611034632, -0.021380025893449783, -0.001198619487695396, 0.018397415056824684, -0.004181230440735817, 0.006090659182518721, -0.0448506660759449, 0.011777132749557495, -0.006045362446457148, 0.008237024769186974, 0.011944382451474667, -0.008508804254233837, 0.016167424619197845, 0.02543582022190094, 0.000719520088750869, -0.01296878419816494, -0.04479491710662842, 0.016738859936594963, 0.028404492884874344, -0.0064077358692884445, -0.008181274868547916, -0.0025418398436158895, -0.003982622176408768, -0.021338213235139847, 0.0019094286253675818, 0.023219767957925797, -0.01452280767261982, 0.017853854224085808, 0.00751227792352438, -0.0027021202258765697, 0.00010442188067827374, -0.021505463868379593, -0.014843368902802467, -0.026648376137018204, -0.00983286090195179, 0.01809079200029373, -0.018968850374221802, 0.0016559415962547064, 0.02446020022034645, 0.002912923926487565, -0.00021853463840670884, 0.007965244352817535, 0.013156939297914505, -0.005365912802517414, -0.02207689732313156, -0.006365923676639795, -0.015108180232346058, -0.005550583824515343, 0.0058572073467075825, 0.020529842004179955, -0.017421795055270195, 0.0036725143436342478, -0.019331222400069237, -0.006787531077861786, 0.030913231894373894, -0.04367992281913757, 0.015080304816365242, 0.012467036023736, 0.002311872085556388, -0.006710875313729048, -0.017115170136094093, -0.17862217128276825, 0.011965288780629635, 0.027707621455192566, -0.03188885375857353, 0.00029159727273508906, 0.007749214302748442, 0.02721981145441532, -0.0255612563341856, -0.019805096089839935, -0.03565195947885513, 0.01384684257209301, -0.017463605850934982, -0.023359142243862152, -0.0495615191757679, 0.010453077033162117, -0.0011298033641651273, -0.008648178540170193, 0.015080304816365242, 0.03562408685684204, 0.014940930530428886, 0.04691340774297714, -0.03456484153866768, 0.026425378397107124, -0.007533183787018061, 0.002947767497971654, 0.002543581882491708, -0.0014913056511431932, 0.016223175451159477, -0.006177768111228943, -0.01705942116677761, 0.0026968938764184713, -0.007041889242827892, 0.033198971301317215, -0.017087295651435852, -0.00865514762699604, -0.0006058429135009646, 0.003121985588222742, 0.01386077981442213, 0.0009320660028606653, 0.023596078157424927, 0.035930708050727844, 0.03506658598780632, 0.0001397010200889781, 0.007393809501081705, -0.02904561534523964, 0.0065645319409668446, 0.027247685939073563, 0.011296291835606098, 0.025073446333408356, -0.021937523037195206, -0.022062961012125015, -0.003165540052577853, 0.028153618797659874, -0.007219591643661261, -0.027958495542407036, 0.015359054319560528, 0.023623952642083168, 0.009338081814348698, 0.014181341044604778, -0.01775629259645939, 0.003559272503480315, -0.021407900378108025, 0.04211892932653427, -0.003665545489639044, 0.003972169011831284, -0.02402813918888569, -0.022620458155870438, 0.0029617049731314182, -0.010899074375629425, 0.0005352846346795559, -0.022759832441806793, -0.0081533994525671, -6.936051795491949e-05, 0.017073359340429306, 0.006261392962187529, 0.037965573370456696, 0.0064530326053500175, 0.006212611682713032, 0.023442765697836876, -0.011944382451474667, -0.017240608111023903, 0.02418144978582859, -0.015191804617643356, 0.009721361100673676, -0.015484490431845188, -0.007714370731264353, -0.00010175416537094861, -0.002836268162354827, -0.019400909543037415, 0.004418167285621166, 0.017965354025363922, -0.019428785890340805, -0.01245309878140688, -0.010494888760149479, 0.01122660469263792, 0.02759612165391445, 0.00726837245747447, 0.004874618258327246, 0.015372991561889648, -0.0019355613039806485, -0.012606410309672356, -0.012522785924375057, -0.014592494815587997, 0.009881641715765, 0.025756381452083588, 0.00504186749458313, -0.022968893870711327, 0.0023815592285245657, 0.0254079457372427, -0.017477544024586678, 0.018481040373444557, -0.00391293503344059, 0.015763239935040474, -0.005874629132449627, -0.01991659589111805, 0.035735584795475006, -0.012383411638438702, -0.011491416022181511, 0.017338169738650322, 0.0025470664259046316, 0.03955444321036339, -0.019609970971941948, -0.007393809501081705, -0.0010670849587768316, -0.0006546239019371569, -0.012606410309672356, -0.1207539439201355, 0.0023327781818807125, 0.003278781659901142, 0.032975971698760986, -0.005411209538578987, 0.020752841606736183, 0.004080184269696474, 0.01662736013531685, -0.031470730900764465, 0.03788194805383682, -0.014132559299468994, -0.021003715693950653, 0.008515773341059685, -0.016989734023809433, 0.02691318839788437, -0.02804212085902691, 0.03353346884250641, -0.027679746970534325, 0.012041944079101086, 0.03690632805228233, 0.013122095726430416, -0.024265075102448463, 0.02784699574112892, 0.007547121495008469, -0.01185378897935152, 0.013428718782961369, -0.01891309954226017, 0.020111719146370888, -0.0020122171845287085, -0.010390358045697212, 0.022871332243084908, -0.020989777520298958, -0.005791004281491041, -0.008348523639142513, -0.01210466306656599, -0.005149882286787033, -0.0370178297162056, 0.005334553308784962, 0.012425223365426064, -0.003951263148337603, 0.00679798424243927, 0.011937413364648819, -0.004735243506729603, 0.003162055741995573, -0.005299709737300873, -0.015261491760611534, -0.02377726510167122, 0.028934115543961525, 0.010968761518597603, -0.02910136617720127, -0.02960311248898506, -0.011707445606589317, -0.010850293561816216, 0.005038382951170206, -0.011268416419625282, -0.00013861215848010033, 0.016041988506913185, 0.0016829452943056822, -0.009707423858344555, 0.010801512748003006, -0.013749280013144016, -0.0095680495724082, -0.022341709583997726, -0.009163863956928253, 0.031108355149626732, 0.010021016001701355, -0.01853678934276104, -0.028125744313001633, -0.014494933187961578, -0.009275363758206367, -0.010369451716542244, 0.012494910508394241, -0.011379916220903397, 0.004083668813109398, -0.029184989631175995, -0.009191738441586494, -0.0019634361378848553, -0.03300384804606438, 0.010850293561816216, -0.009979204274713993, -0.01422315277159214, -0.020906154066324234, -0.011087230406701565, 0.004923399072140455, 0.02503163367509842, 0.009679549373686314, 0.00262720650061965, -0.010167359374463558, 0.011156917549669743, -0.0373244509100914, -0.017895666882395744, 0.03757532685995102, -0.005299709737300873, -0.03007698617875576, 0.011832882650196552, 0.02082252874970436, -0.02189571037888527, 0.009979204274713993, 0.011442634277045727, 0.0057457080110907555, -0.021812086924910545, -0.00247737905010581, -0.04967302083969116, 0.013449625112116337, 0.010919980704784393, -0.014954868704080582, -0.004432104527950287, -0.0027003781870007515, 0.010947855189442635, 0.007317153736948967, -0.019972344860434532, 0.030216360464692116, -0.012710941024124622, 0.0034111873246729374, -0.00696174893528223, -0.011149948462843895, -0.03434184193611145, -0.013533249497413635, 0.01979115791618824, -0.01753329299390316, 0.012975752353668213, 0.02882261574268341, -0.012048913165926933, 0.01590261422097683, -0.007742245215922594, 0.009303238242864609, -0.013575062155723572, -0.02377726510167122, -0.008543647825717926, 0.010390358045697212, 0.0007970471051521599, -0.010571544989943504, 0.012069819495081902, -0.031916726380586624, -0.019735408946871758, 0.014000154100358486, 0.0005248315283097327, 0.016864296048879623, -0.0057317703031003475, 0.016585547477006912, 0.030968980863690376, 0.007923431694507599, -0.04337329789996147, -0.024502011016011238, -0.009853767231106758, -0.024892259389162064, -0.004815383814275265, 0.02543582022190094, -0.024571698158979416, -0.001714304555207491, 0.0015810278709977865, 0.003156829159706831, 0.0191360991448164, 0.019526347517967224, -0.004466948099434376, -0.030913231894373894, -0.017728418111801147, -0.01452280767261982, -0.0037805293686687946, 0.018857350572943687, -0.0021411385387182236, -0.0174078568816185, 0.04236980527639389, 0.01414649747312069, 0.03353346884250641, -0.02308039367198944, 0.003432093420997262, -0.024390511214733124, -0.031414978206157684, -0.0003027036727871746, 0.004923399072140455, -0.016710985451936722, 0.0002733044093474746, 0.0021324276458472013, 0.009115083143115044, 0.025324320420622826, 0.01954028382897377, -0.003867638297379017, -0.003433835692703724, -0.00037674629129469395, -0.0042091053910553455, 0.0185089148581028, 0.017575105652213097, -0.01881553791463375, -0.01956816017627716, 0.021101277321577072, 0.016738859936594963, 0.02377726510167122, -0.0033415001817047596, 0.00024107408535201102, -0.02471107244491577, 0.010703950189054012, 0.030104860663414, 0.015442678704857826, -0.006024456582963467, 0.02252289652824402, -0.014411307871341705, -0.004975664429366589, 0.0144252460449934, 0.01778416708111763, 0.025143133476376534, 0.011582008562982082, 0.01725454442203045, 0.0014686572831124067, -0.011944382451474667, -0.021714525297284126, -0.014028028585016727, 0.0011663890909403563, -0.03149860352277756, -0.04317817464470863, 0.01133810356259346, 0.00757499597966671, 0.01334509439766407, 0.02352639101445675, 0.010237046517431736, 0.0075262151658535, -0.004679494071751833, 0.005644661374390125, -0.005766613874584436, -0.0382721982896328, -0.02816755697131157, 0.006446063984185457, 0.002634175354614854, 0.0018536789575591683, 0.01901066116988659, 0.012083756737411022, 0.04691340774297714, 0.00654014153406024, 0.02503163367509842, -0.019400909543037415, 0.03977743908762932, -0.013205720111727715, 0.011965288780629635, -0.014745806343853474, 0.004034887533634901, -0.007609840016812086, -0.013122095726430416, -0.02365182712674141, 0.011777132749557495, -0.0008475703070871532, -0.0044007450342178345, 0.09048183262348175, 0.03738020360469818, -0.005327584687620401, 0.00695478031411767, 0.0033798280637711287, 0.00664118817076087, 0.03657183051109314, 0.008975708857178688, -0.012697003781795502, -0.0345090888440609, 0.020850403234362602, -0.0037770450580865145, 0.01763085648417473, -0.04142205789685249, 0.0027247685939073563, -0.024292949587106705, -0.015582052990794182, 0.004585416056215763, -0.010592451319098473, -0.008550616912543774, 0.014885181561112404, -0.020153531804680824, 0.016585547477006912, -0.008425179868936539, -0.020780716091394424, -0.01580505259335041, 0.00994435977190733, 0.000821002060547471, 0.02315008081495762, -0.0305787343531847, 0.022467145696282387, 0.01075970008969307, -0.022216271609067917, -0.016738859936594963, -0.0236797034740448, -0.00804190058261156, 0.010369451716542244, -0.012878190726041794, 0.007031436078250408, -0.007024467457085848, 0.018327727913856506, 0.02217446081340313, 0.008738772012293339, -0.025505507364869118, -0.006940843071788549, 0.004752665292471647, -0.018076853826642036, -0.008578491397202015, -0.02380513958632946], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='0e004335-5d12-4b35-9d4b-97a20f20d1e9', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '6', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_type': 'application/pdf', 'file_size': 1103758, 'creation_date': '2024-02-25', 'last_modified_date': '2023-12-13', 'last_accessed_date': None}, hash='b1611f44ac87d4ea86479b8f4ac78374a979e6c56c3c01a17d77da386e21e5a0')}, text='We estimate the popularity of each entity with the\\nfollowing method. Given the surface form of an en-\\ntity, we use BM25 to retrieve the top-1000 relevant\\npassages from Wikipedia. We use the number of\\noccurrences of the entity in its top-1000 passages\\nas an estimate of its popularity. With the 20,000\\ntest queries in EntityQuestion, around 25% of the\\ntarget entities have a popularity value of less or\\nequal to 3.\\nFigure 3 shows the passage retrieval perfor-\\nmance vs. the popularity of the target entity in\\neach question. Across all 6 dense retrievers, we ob-\\nserve that retrieving by proposition shows a much\\nlarger advantage over retrieving by passage with\\nquestions targeting less common entities. As the\\npopularity of entities increases, the performancegap decreases. Our findings indicate that the per-\\nformance gain from retrieval by proposition can\\nmostly be attributed to queries for long-tailed infor-\\nmation. This echoes our observation that retrieval\\nby proposition improves the cross-task generaliza-\\ntion performance of dense retrievers.\\n6 Results: Open-Domain QA\\nIn this section, we study how the choice of retrieval\\ngranularity affects downstream open-domain QA\\ntasks. We show that retrieval by proposition leads\\nto strong downstream QA performance in the\\nretrieve-then-read setting, where the number of re-\\ntrieved tokens for input to the reader QA model is\\ncapped at l= 100 or500words.\\n6.1 QA Performance\\nTable 3 shows the evaluation results. Across dif-\\nferent retrievers, we observe higher QA perfor-\\nmance in terms of the EM@ lmetric on average\\nwhen using propositions as the retrieval unit. The\\nunsupervised retrievers, SimCSE and Contriever,\\ndemonstrate improvements of +5.9 and +7.8 in\\nthe EM@100 score (50% and 55% relative im-\\nprovement), respectively. The supervised retriev-\\ners, DPR, ANCE, TAS-B, and GTR, improve +5.8,', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='b012b845-fbaf-4e78-ba29-49e0895c3f1d', embedding=[0.0006340122199617326, 0.006230080034583807, 0.00833611749112606, -0.03342573344707489, -0.014884473755955696, 0.016062771901488304, 0.009047159925103188, -0.023200275376439095, -0.034698836505413055, -0.023565955460071564, 0.013232148252427578, 0.04661725088953972, -0.02097911760210991, -0.0024039982818067074, 0.004513422027230263, 0.02933555096387863, 0.02061343938112259, 0.009676939807832241, 0.021087465807795525, -0.027927011251449585, 0.010408296249806881, -0.00385994091629982, -0.014572969637811184, -0.014315640553832054, 0.007963667623698711, 0.0012798751704394817, 0.021222902461886406, -0.015128259547054768, -0.015751266852021217, 0.00025098081096075475, 0.017728639766573906, 0.012250233441591263, -0.04071221873164177, -0.008471554145216942, -0.013062852434813976, 0.014816755428910255, 0.00012538459850475192, -0.011627225205302238, 0.016618061810731888, -0.016211751848459244, 0.011376667767763138, 0.029985645785927773, 0.0053632864728569984, 0.0032318539451807737, -0.0022025364451110363, 0.004374599549919367, 0.002268561627715826, -0.02600381150841713, -0.012819066643714905, 0.018703782930970192, -0.00833611749112606, 0.03838270902633667, -0.024310855194926262, 0.0010225457372143865, -0.008857548236846924, -0.0017928410088643432, -0.010767203755676746, 0.01567000523209572, -0.014220834709703922, -0.008424151688814163, 0.010834922082722187, 0.0017386663239449263, -0.0009252007585018873, 0.02315964549779892, -0.007963667623698711, -0.01703791506588459, -0.01625238172709942, 0.002747668419033289, 0.01009002048522234, -0.006358744576573372, 0.011275090277194977, 0.026261141523718834, -0.0067684403620660305, 0.0009582134080119431, 0.023796197026968002, -0.019678926095366478, 0.00588133092969656, 0.010239001363515854, -0.008762743324041367, 0.010279632173478603, 0.010997445322573185, -0.020356109365820885, 0.002255018102005124, 0.03708251938223839, 0.01610340178012848, 0.015074084512889385, 0.004950204864144325, 0.029660597443580627, -0.005485178902745247, 0.0008147353073582053, -0.0031082681380212307, 0.007570901419967413, 0.023769110441207886, 0.03399456664919853, 0.0009742964757606387, -0.007029155269265175, -0.008769514970481396, 0.025001581758260727, 0.016279470175504684, -0.026410121470689774, -0.013523336499929428, 0.011010989546775818, -0.041389402002096176, -0.004381371662020683, 0.0073000285774469376, 0.0032149243634194136, 0.007929808460175991, -0.0056104580871760845, -0.008850776590406895, -0.014762580394744873, -0.00961599312722683, 0.019854994490742683, 0.008979441598057747, -0.007049471139907837, -0.012141884304583073, -0.010367665439844131, 0.0021043450105935335, -0.016211751848459244, -0.006250395439565182, -0.02229285053908825, 0.014803212136030197, -0.01718689501285553, 0.029687685891985893, -0.01632010005414486, 0.019313247874379158, 0.019245529547333717, -0.018757957965135574, -0.014708406291902065, -0.015710636973381042, -0.005519038066267967, 0.014410445466637611, 0.04523579776287079, -0.0027425894513726234, 0.016916021704673767, -0.026992497965693474, 0.03450922667980194, -0.0077672842890024185, 0.015642918646335602, -0.011065163649618626, -0.004347512498497963, 0.012588825076818466, 0.0008028846350498497, -0.0020518633536994457, -0.005684948060661554, -0.001999381696805358, 0.04463987797498703, 0.014396902173757553, 0.005258323159068823, 0.007604760583490133, -0.0003843011218123138, -0.0017251226818189025, 0.0046454728581011295, 0.014207291416823864, 0.02592254988849163, 0.015764812007546425, -0.024337943643331528, -0.030527392402291298, 0.023620128631591797, -0.0410914421081543, -0.010259316302835941, 0.016211751848459244, 0.004215461667627096, 0.022198045626282692, 0.020342566072940826, 0.019922712817788124, 0.03767843917012215, 0.028712542727589607, -0.00016665041039232165, 0.003897185903042555, -0.04385434463620186, -0.021520862355828285, 0.025868374854326248, -0.0064738658256828785, 0.02483905851840973, -0.0011368202976882458, -0.0010183133417740464, 0.03781387582421303, -0.021669844165444374, -0.02198134735226631, -0.0058847167529165745, -0.00013437842426355928, -0.003243704792112112, 0.020884310826659203, -0.010354122146964073, 0.001420390559360385, -0.019096549600362778, 0.011708486825227737, -0.004659016150981188, 0.0006996142910793424, -0.00789594929665327, 0.00589826051145792, 0.00478768115863204, -0.00686663156375289, -0.012961274944245815, -0.6414273381233215, -0.007056242786347866, 0.016916021704673767, -0.022238677367568016, 0.013191517442464828, 0.017511941492557526, 0.00119692028965801, 0.019096549600362778, -0.00975820142775774, 0.03231515362858772, 0.006714265327900648, -0.006101415492594242, -0.02089785598218441, -0.00012686592526733875, -0.02097911760210991, -0.025611046701669693, -0.01753902994096279, 0.007015611976385117, 0.010164511390030384, 0.0032995722722262144, -0.02920011430978775, 0.018514173105359077, -0.016482625156641006, 0.006572057027369738, -0.006927578244358301, -0.002977910451591015, -0.01733587495982647, -0.017891164869070053, 0.00477075157687068, 0.014762580394744873, -0.0004367827787064016, 0.008552816696465015, 0.03342573344707489, 0.02863128110766411, 0.047511130571365356, -0.014789667911827564, -0.015493937768042088, -0.0005222770851105452, 0.015602286905050278, 0.02716856636106968, -0.03835562244057655, -0.014193747192621231, 0.01916426792740822, -0.013936418108642101, 0.0018741028616204858, 0.02402643859386444, -0.007523498963564634, 0.013780666515231133, 0.0002797610650304705, -0.00833611749112606, -0.0009429767960682511, 0.011424070224165916, -0.017864076420664787, -0.015900246798992157, 0.002099266042932868, 0.01183038018643856, 0.01885276287794113, -0.03234224021434784, -0.016414906829595566, -0.023281538859009743, 0.010272860527038574, -0.014681318774819374, -0.026545558124780655, -0.013191517442464828, -0.04959685355424881, 0.008803374134004116, 0.008146506734192371, 0.007164591923356056, 0.02525891177356243, -0.047375693917274475, 0.003636470530182123, 0.02498803846538067, 0.0009184289374388754, -0.023119013756513596, 0.0016802593600004911, 0.013089939951896667, 0.025069300085306168, 0.00568156223744154, -0.02133125253021717, 0.02076241932809353, 0.0032928003929555416, -0.02957933582365513, -0.009446697309613228, 0.006524654570966959, 0.0018436296377331018, -0.022902315482497215, -0.016550343483686447, 0.024717165157198906, 0.006456936243921518, 0.017159806564450264, 0.0012578667374327779, -0.005827156361192465, -0.022902315482497215, -0.005634159315377474, 0.01637427508831024, 0.012839382514357567, -0.005837314296513796, -0.014396902173757553, 0.024568185210227966, -0.025313084945082664, -0.010645310394465923, -0.01828392967581749, 0.015629375353455544, 0.011952272616326809, 0.0027036515530198812, 0.022523093968629837, 0.011119338683784008, -0.001088571036234498, -0.018243299797177315, -0.00932480487972498, 0.02133125253021717, 0.0019655225332826376, 0.010631767101585865, -0.015683548524975777, -0.006453550420701504, -0.024378573521971703, 0.03139418736100197, 0.01785053312778473, -0.011214143596589565, -0.012900328263640404, -0.0013611370231956244, 0.004628543276339769, -0.000338379672029987, -0.01813494972884655, -0.0002985952014569193, 0.02409415692090988, 0.005674790125340223, -0.003286028513684869, 0.01329309493303299, -0.00693434989079833, 0.003897185903042555, -0.005519038066267967, 0.017579659819602966, 0.0008744120132178068, 0.020139411091804504, -0.0029829894192516804, 0.02271270379424095, -0.011972588486969471, 0.007442236877977848, -0.026843518018722534, -0.03399456664919853, -0.015372045338153839, 0.0096904831007123, -0.024432748556137085, -0.01344207488000393, -0.016875389963388443, 0.004015692975372076, -0.012365354225039482, -0.011349580250680447, -0.019719557836651802, -0.00017691394896246493, -0.013110254891216755, -0.007435465231537819, 3.21661755151581e-05, -0.013530108146369457, -0.007746968884021044, -0.019841451197862625, -0.0280353594571352, 0.00016030181723181158, -0.044396091252565384, -0.0039547462947666645, 0.02061343938112259, 0.002541127847507596, 0.004435546230524778, 0.011173512786626816, -0.03767843917012215, -0.0020383195951581, 0.01136312447488308, -0.02949807420372963, -0.021520862355828285, -0.0016895706066861749, -0.02657264471054077, 0.012378898449242115, 0.025096386671066284, -0.010834922082722187, 0.006467093713581562, -0.03851814568042755, 0.005105956923216581, -0.0038463971577584743, -0.02462236024439335, 0.0005019616219215095, 0.020220672711730003, -0.017010826617479324, -0.014992822892963886, 0.017227524891495705, 0.011810064315795898, 0.01201999094337225, 0.007252625655382872, -0.008173594251275063, 0.02039673924446106, -0.0055088805966079235, 0.026328859850764275, -0.01668578013777733, 0.0005468249437399209, -0.012311180122196674, -0.0011063470738008618, 0.020288391038775444, 0.012819066643714905, -0.02177819237112999, 0.02760196290910244, 0.013225376605987549, 0.0204644575715065, 0.0057458942756056786, -0.03372369334101677, -0.002600381150841713, -0.001602383330464363, 0.02425668016076088, -0.02825205773115158, 0.007015611976385117, 0.016496168449521065, 0.0042391628958284855, -0.012852925807237625, -0.01325923576951027, -0.008518957532942295, 0.0042967237532138824, 0.03087952733039856, -0.01187101099640131, 0.004902801942080259, -0.003109961049631238, -0.014938647858798504, 0.00971757061779499, -0.0014085398288443685, 0.02957933582365513, 0.009250313974916935, -0.007218766491860151, -0.0045912982895970345, 0.006162361707538366, 0.003103189403191209, 0.0158054418861866, -0.010096793062984943, -0.004235777072608471, 0.01157982274889946, 0.01944868452847004, 0.014749037101864815, 0.009419609792530537, -0.007002068217843771, 0.009893638081848621, -0.003758363425731659, 0.012954503297805786, -0.006196220871061087, 0.013008678331971169, 0.00986655056476593, -0.008505413308739662, -0.02162921242415905, 0.007814687676727772, -0.01204707846045494, 0.021317709237337112, 0.018405823037028313, -0.005779753439128399, 0.009968128055334091, 0.002834009239450097, 0.010442155413329601, -0.005979522597044706, -0.0030761018861085176, 0.01645553670823574, -0.01191164180636406, 0.008329345844686031, 0.01146470196545124, 0.010943271219730377, 0.03773261606693268, 0.015372045338153839, -0.003704188857227564, 0.005905032157897949, -0.024784883484244347, 0.02498803846538067, -0.004794452805072069, 0.025611046701669693, -0.014586512930691242, -0.0048384699039161205, 0.0116475410759449, -0.0009167359676212072, -0.012399213388562202, 0.007855318486690521, -0.02023421600461006, -0.005251551046967506, 0.022821053862571716, -0.003643242409452796, 0.015697093680500984, -0.006074327975511551, 0.02091139927506447, -0.024121245369315147, -0.03738047927618027, 0.02665390819311142, 0.021751105785369873, 0.002717195311561227, -0.007239081896841526, -0.01974664442241192, 0.005529196001589298, -0.026057986542582512, 0.029227200895547867, -0.012568509206175804, 0.0029592879582196474, 0.0021331252064555883, -0.029687685891985893, 0.0023041139356791973, 0.016956651583313942, 0.019096549600362778, 0.003534893272444606, -0.002894955687224865, 0.010306719690561295, -0.008749199099838734, 0.006924191955476999, -0.02250955067574978, 0.022387657314538956, 0.045560844242572784, -0.02207615226507187, -0.00808556005358696, -0.018473541364073753, 0.0015024988679215312, -0.01019836962223053, 0.018690239638090134, 0.0004837623273488134, -0.006897104904055595, 0.020884310826659203, 0.01012387964874506, 0.002788299461826682, -0.009257086552679539, -0.007293256465345621, 0.023620128631591797, 0.0042967237532138824, 0.004923117347061634, -0.024717165157198906, 0.013882243074476719, 0.012460160069167614, 0.041768621653318405, 0.052684806287288666, -0.014654231257736683, 0.019421597942709923, 0.0006467094062827528, 0.025760026648640633, -0.02898341603577137, -0.007083330303430557, 0.01762029156088829, -0.00304901460185647, -0.008356433361768723, -0.023620128631591797, 0.025732938200235367, -0.0134353032335639, 0.02710084803402424, 0.005089027341455221, 0.0038802563212811947, -0.013699403963983059, 0.0002060116530628875, -0.002128046238794923, -0.0022888772655278444, 0.0057831392623484135, 0.006138660479336977, 0.034400876611471176, -0.006514496635645628, -0.018527716398239136, 0.023105470463633537, 0.02104683592915535, 0.01204707846045494, -0.02003106102347374, -0.0022499391343444586, 0.0013018836034461856, 0.004144357517361641, 5.623789911624044e-05, -0.011925186030566692, 0.009676939807832241, 0.035430192947387695, -0.018392279744148254, 0.005854243412613869, -0.01805368810892105, 0.0012798751704394817, 0.013252463191747665, 0.015209521166980267, -0.02149377577006817, 0.026057986542582512, -0.004052937962114811, 0.010719800367951393, 0.021358339115977287, -0.0034942622296512127, -0.001968908356502652, 0.0017623677849769592, 0.010658854618668556, -0.013557195663452148, -0.002972831716760993, -0.02338988706469536, -0.00028526317328214645, -0.024568185210227966, -0.009175824001431465, -0.022116784006357193, -0.03345282003283501, -0.00500437943264842, -0.01726815663278103, 0.012670086696743965, 0.00237691099755466, -0.00982591975480318, -0.026843518018722534, -0.014843842945992947, -0.009331576526165009, -0.02302420884370804, 0.010713028721511364, 0.004317039158195257, -0.01726815663278103, -0.04371890798211098, -0.014559426344931126, 0.019421597942709923, 0.02018004097044468, 0.028170796111226082, -0.00016337030683644116, -0.0059964521788060665, -0.002911885268986225, -0.013089939951896667, -0.025448521599173546, 0.00286617549136281, -0.022049065679311752, 0.012290864251554012, 0.00046048418153077364, -0.010922955349087715, -0.015006366185843945, -0.02191362902522087, -0.008972669951617718, -0.01587316021323204, -0.0037685211282223463, 0.00305747939273715, -0.0070968735963106155, 0.015642918646335602, 0.02118227258324623, 0.01936742290854454, 0.027927011251449585, 0.006243623793125153, -0.015006366185843945, 0.008180365897715092, 0.011403755284845829, -0.003937816713005304, -0.03217971697449684, 0.0193809662014246, 0.001177451224066317, 0.02171047404408455, 0.001398382126353681, 0.0116475410759449, -0.009094562381505966, 0.016008596867322922, -0.02242828719317913, 0.012257005088031292, -0.0055088805966079235, 0.0012367047602310777, 0.017281699925661087, 0.01645553670823574, 0.0244598351418972, 0.024161875247955322, -0.017809903249144554, -0.01554811280220747, -0.014464620500802994, 0.035213496536016464, 0.0038497832138091326, -0.014640687964856625, 0.006863245740532875, -0.013225376605987549, 0.006423077080398798, -0.00294066546484828, 0.0021737562492489815, -0.023918090388178825, 0.02665390819311142, 0.0033943778835237026, -0.01923198625445366, 0.001069102087058127, -0.019543489441275597, -0.00826162751764059, 0.0025123474188148975, -0.023945176973938942, 0.02330862544476986, 0.009385750629007816, -0.011884555220603943, -0.020044604316353798, -0.010252544656395912, 0.019408052787184715, -0.017457768321037292, -0.02651847153902054, 0.032288067042827606, 0.0013255849480628967, 0.013496248982846737, 0.009785288944840431, -0.014031223952770233, -0.054147522896528244, -0.02504221349954605, -0.007604760583490133, -0.022780422121286392, -0.004801224917173386, 0.014694862999022007, 0.03670329600572586, 0.007990755140781403, 0.05758760869503021, -0.013706175610423088, 9.766242874320596e-05, 0.003931045066565275, 0.0019858379382640123, 0.009270629845559597, -0.012175743468105793, -0.011701715178787708, -0.019976885989308357, 0.01355042401701212, 0.006588986609131098, -0.02016649767756462, 0.008681480772793293, 0.016726410016417503, 0.02156149409711361, 0.04463987797498703, -0.014464620500802994, -0.001550748129375279, -0.016496168449521065, -0.01974664442241192, -0.028658367693424225, 0.018879851326346397, 0.0009658316848799586, -0.0019502858631312847, -0.0559081956744194, 0.0025106545072048903, 0.021669844165444374, 0.002600381150841713, -0.006294412538409233, 0.006741352844983339, 0.04328551143407822, -0.02192717231810093, -0.007618304342031479, 0.00017289318202529103, 0.0022651758044958115, -0.03570106625556946, 0.004899416118860245, -0.027656137943267822, -0.016333645209670067, 0.03418417647480965, -0.0034231580793857574, 0.003375755390152335, 0.009751429781317711, 0.0158867035061121, -0.010536961257457733, -0.038626495748758316, -0.03139418736100197, -0.0234576053917408, -0.00932480487972498, -0.020329022780060768, -0.022563723847270012, -0.026545558124780655, -0.0061149587854743, 0.033669520169496536, -0.0017268155934289098, 0.01923198625445366, -0.009304489009082317, 0.03320903331041336, -0.022523093968629837, -0.029091764241456985, 0.012433072552084923, 0.014627144671976566, 0.05249519646167755, -0.00761153269559145, 0.006213150452822447, 0.02068115770816803, 0.006016767583787441, 0.00036377404467202723, 0.001444091903977096, 0.003975061699748039, -0.01037443708628416, 0.005928733851760626, 0.021087465807795525, -0.023701392114162445, -0.019475771114230156, 0.012582052499055862, 0.016997283324599266, -0.01394996140152216, -0.0500844269990921, 0.026044443249702454, 0.012819066643714905, 0.016834760084748268, -0.010618222877383232, 0.0018250071443617344, -0.03109622560441494, 0.013347269035875797, -0.006043854635208845, 0.00484524155035615, 0.006263939198106527, 0.011606910265982151, -0.01405831053853035, 0.033317383378744125, -0.006839544512331486, 0.0031675216741859913, -0.019909169524908066, -0.008403835818171501, 0.0048757148906588554, 0.012324723415076733, -0.012250233441591263, 0.015358501113951206, -0.009297717362642288, 0.05693751201033592, -0.03645951300859451, -0.0034163862001150846, 0.019976885989308357, -0.0008062705164775252, -0.016401363536715508, 0.006033697165548801, -0.0030777950305491686, 0.03117748722434044, -0.02374202199280262, -0.005762823857367039, 0.0016667157178744674, -0.009778517298400402, 0.004384757485240698, -0.03296525031328201, -0.015344957821071148, 0.007415149360895157, 0.002337972866371274, 0.010692713782191277, 0.020775962620973587, 0.022035522386431694, -0.016144033521413803, -0.012439844198524952, 0.002888183807954192, -0.0023058068472892046, -0.010970357805490494, -0.013773893937468529, 0.017958883196115494, -0.04550667107105255, -0.024486923590302467, 0.012920644134283066, 0.0011198907159268856, 0.027263371273875237, -0.030283605679869652, -0.016807671636343002, 0.01717335171997547, 0.03559271618723869, -0.017281699925661087, 0.006104801315814257, 0.0020637139678001404, 0.004022464621812105, -0.026315316557884216, -0.017877621576189995, -0.013624913990497589, 0.01820266805589199, 0.021534407511353493, -0.02292940393090248, -0.022157415747642517, -0.005539353936910629, -0.009128421545028687, 0.011268318630754948, 0.002122967503964901, -0.006497567053884268, 0.02264498546719551, 0.019624751061201096, 0.007090101949870586, 0.010807834565639496, -0.015859616920351982, 0.03220680356025696, 0.02003106102347374, -0.00201292522251606, 0.04810705408453941, -0.02672162652015686, 0.025326630100607872, 0.020423827692866325, -0.002253325190395117, 0.007415149360895157, -0.04637346416711807, 0.008349661715328693, -0.032152630388736725, 0.011925186030566692, -0.03713669255375862, -0.01864960975944996, 0.005708649288862944, -0.00019818171858787537, -0.01813494972884655, 0.04044134542346001, 0.01610340178012848, -0.016144033521413803, 0.009162280708551407, -0.00035361628397367895, 0.002586837625131011, 0.011295406147837639, -0.022915858775377274, -0.01718689501285553, -0.021439600735902786, 0.018013058230280876, -0.03315486013889313, -0.008857548236846924, -0.011342808604240417, 0.02985020913183689, 0.010787518694996834, -0.03773261606693268, -0.026694538071751595, 0.0021585195790976286, -0.03599902614951134, -0.024202506989240646, -0.00961599312722683, 0.014396902173757553, 0.02068115770816803, -0.0014796439791098237, -0.021832367405295372, 0.031935930252075195, -0.010997445322573185, 0.016875389963388443, -0.025665221735835075, 0.0014068469172343612, 0.0010445541702210903, -0.013374356552958488, 0.020572807639837265, -0.016956651583313942, -0.03117748722434044, 1.1070348591601942e-05, 0.00030959941796027124, -0.014437532983720303, 0.01814849302172661, 0.02906467765569687, 0.010001987218856812, 0.013570739887654781, -0.034915536642074585, 0.0245410967618227, 0.03269437700510025, -0.0040461658500134945, 0.0013027300592511892, -0.01958412118256092, -0.0008871091995388269, -0.0016616368666291237, -0.012460160069167614, -0.02169693075120449, 0.009514415636658669, 0.005800068844109774, 0.033317383378744125, 0.0014390130527317524, -0.006815842818468809, -0.018812132999300957, 0.007699566427618265, -0.006897104904055595, 0.01548039447516203, 0.0063621303997933865, -0.009473784826695919, 0.015263696201145649, 0.022021979093551636, 0.0021822210401296616, -0.018541259691119194, 0.007997526787221432, -0.015277239494025707, 0.009243542328476906, 0.014965735375881195, -0.015710636973381042, -0.002608845941722393, -0.01550748199224472, 0.007855318486690521, 0.0008629845688119531, 0.008356433361768723, 0.003047321690246463, -0.020274847745895386, -0.029904384166002274, 0.025367259979248047, 0.02650492638349533, -0.02752070128917694, -0.007354203145951033, 0.0025614432524889708, 0.005566440988332033, -0.0038870282005518675, 0.0065178824588656425, -0.011898098513484001, -0.008722111582756042, 0.0010318569839000702, 0.003666943870484829, -0.008627306669950485, -0.0029694456607103348, 0.0008777979528531432, 0.02359304204583168, -0.010239001363515854, 0.022482462227344513, 0.18473541736602783, -0.01952994614839554, 0.005671404302120209, 0.03239641711115837, 0.010442155413329601, 0.0005028080777265131, 0.030527392402291298, 0.002270254772156477, -0.02708730474114418, -0.008810145780444145, 0.005678175948560238, -0.010327034629881382, -0.05119500681757927, 0.0007491332362405956, 0.007509955205023289, -0.00598968006670475, -0.03851814568042755, -0.03320903331041336, -0.024527553468942642, -0.005258323159068823, 0.0006035389960743487, -0.006521268282085657, -0.0025038826279342175, -0.010096793062984943, 0.027358178049325943, 0.0037008030340075493, 0.008254855871200562, -0.02139897085726261, 0.014247922226786613, 0.030175257474184036, 0.004885872360318899, -0.019841451197862625, 0.014464620500802994, -0.006243623793125153, -0.011403755284845829, 0.013719719834625721, 0.0011461315443739295, 0.008424151688814163, 0.028414582833647728, -0.008830461651086807, 0.025069300085306168, -0.013177973218262196, -0.017200438305735588, -0.02221158891916275, -0.02001751773059368, 0.025367259979248047, -0.0017792972503229976, 0.013699403963983059, -0.018703782930970192, 0.0007368593360297382, -0.020559264346957207, 0.010327034629881382, 0.03304651007056236, 0.007692794315516949, -0.030852438881993294, -0.00830225832760334, -0.014193747192621231, -0.015818985179066658, 0.006125116720795631, 0.008038157597184181, -0.027412351220846176, 0.007157820276916027, -0.011302177794277668, 0.03822018578648567, -0.012907100841403008, 0.014952192083001137, -0.008803374134004116, 0.013164429925382137, -0.003289414569735527, -0.018663153052330017, -0.015182433649897575, -0.005559669341892004, -0.020342566072940826, 0.00604724045842886, -0.021724017336964607, -0.02592254988849163, 0.028658367693424225, 0.01632010005414486, 0.019204899668693542, -0.0001627354504307732, 0.0028069219551980495, -0.0031167329289019108, -0.024676533415913582, -0.016414906829595566, -0.02701958641409874, -0.027412351220846176, 0.012873241677880287, -0.015629375353455544, -0.011342808604240417, -0.006663477048277855, -0.006358744576573372, -0.004655630327761173, -0.02773739956319332, -0.01718689501285553, -0.004140971694141626, -0.007774056401103735, 0.015832528471946716, 0.00953473150730133, -0.007435465231537819, -0.016834760084748268, -0.010211913846433163, 0.06560545414686203, 0.02367430366575718, 0.02198134735226631, 0.0031150400172919035, 0.0025123474188148975, -0.01762029156088829, -0.008546044118702412, 0.010516646318137646, 0.0018927253549918532, 0.010394752956926823, -0.027371721342206, 0.018690239638090134, 0.009527958929538727, -0.005146587733179331, 0.006500952877104282, -0.00793658010661602, -0.008688252419233322, 0.02083013765513897, 0.007211994845420122, -0.0140176797285676, -0.019760187715291977, 0.01885276287794113, 0.0240399818867445, 0.0019959956407546997, -0.005502108484506607, -0.0061894492246210575, -0.005092413164675236, -0.024527553468942642, -0.02585483156144619, 0.013177973218262196, -0.039005719125270844, 0.027723856270313263, -0.007625075988471508, -0.01000875886529684, -0.0013475933810696006, 0.000202731549507007, -0.0016125410329550505, -0.03358825668692589, 0.013218604028224945, 0.028170796111226082, -0.014640687964856625, 0.010746887885034084, 0.012466931715607643, 0.010780747048556805, -0.0052143060602247715, -0.0004896876635029912, 0.016428450122475624, -0.013340497389435768, -0.01667223498225212, 0.006870017386972904, -0.0041579012759029865, -0.00047741373418830335, -0.0031455131247639656, 0.018730871379375458, -0.021900085732340813, -0.01162045355886221, -0.014749037101864815, 0.0036161551252007484, 0.02265853062272072, -0.04480240121483803, 0.007123961113393307, 0.01733587495982647, -0.01986853778362274, -0.02001751773059368, -0.011518876068294048, -0.17260029911994934, 0.01725461333990097, 0.016658691689372063, -0.04130813851952553, 0.018392279744148254, 0.010110336355865002, 0.0314483605325222, -0.014735493808984756, -0.018703782930970192, -0.01936742290854454, -0.007293256465345621, -0.02672162652015686, -0.03654077276587486, -0.026098618283867836, -0.005837314296513796, -0.004286565817892551, -0.017132719978690147, 0.012324723415076733, 0.030771177262067795, 0.022468918934464455, 0.03158379718661308, -0.045560844242572784, 0.022753335535526276, 0.001767446636222303, 0.006395989563316107, -0.01000875886529684, -0.01878504641354084, 0.012852925807237625, -0.00783500261604786, -0.02083013765513897, 0.0131847457960248, 0.003059172537177801, 0.026166336610913277, -0.01653680019080639, -0.01176266185939312, 0.016414906829595566, -0.010367665439844131, 0.016848303377628326, -0.024595271795988083, 0.020261304453015327, 0.030852438881993294, 0.03765135258436203, 0.027981184422969818, -0.006680406630039215, -0.029091764241456985, 0.0032453977037221193, 0.012737805023789406, -0.013035764917731285, 0.005082255695015192, -0.0031810651998966932, -0.008065245114266872, -0.017010826617479324, 0.016983740031719208, -0.010476014576852322, -0.013130570761859417, -0.010178054682910442, 0.011627225205302238, 0.010069705545902252, -0.005200762301683426, 0.004807996563613415, -0.003988605458289385, -0.02535371668636799, 0.04840501397848129, 0.00504501024261117, 0.0014043074334040284, -0.02613924816250801, -0.026274684816598892, -0.01965183950960636, -0.0013755271211266518, -0.007618304342031479, -0.019706014543771744, -0.024811970070004463, 0.00259360927157104, 0.013922874815762043, -0.00016559231153223664, 0.05027403682470322, -0.018459998071193695, 0.01623883843421936, 0.01198613177984953, -0.0009971513645723462, -0.015764812007546425, 0.019827906042337418, 0.007029155269265175, 0.0023650601506233215, 0.002138204174116254, -0.012805523350834846, 0.005437776446342468, 0.006423077080398798, -0.015493937768042088, 0.0044423178769648075, 0.040603868663311005, -0.03264020010828972, -0.007388062309473753, 0.000895573990419507, 0.022590812295675278, 0.012825838290154934, 0.007205222733318806, 0.009419609792530537, 0.010638538748025894, -0.010516646318137646, -0.0032318539451807737, -0.015778355300426483, -0.0198008194565773, -0.005525810178369284, 0.03751591593027115, 0.003306344151496887, -0.00994781218469143, 0.008410608395934105, 0.0349426232278347, -0.02162921242415905, 0.015642918646335602, -0.022252220660448074, 0.004560824949294329, 0.009893638081848621, -0.010882324539124966, 0.03472592309117317, -0.00807878840714693, -0.01864960975944996, 0.026125704869627953, -0.001830085995607078, 0.03897863253951073, -0.026301773265004158, -0.008146506734192371, -0.003055786481127143, 0.000594227749388665, -0.0026884148828685284, -0.11831734329462051, -0.016265926882624626, 0.0063621303997933865, 0.02534017339348793, -0.009182596579194069, 0.01332695409655571, -0.0007368593360297382, 0.018608978018164635, -0.02519119344651699, 0.041904058307409286, -0.008220996707677841, -0.0011351273860782385, 0.0003853592206723988, -0.00957536231726408, 0.016360731795430183, -0.017891164869070053, 0.013679089024662971, -0.029552249237895012, -0.009006529115140438, 0.036594949662685394, 0.009805603884160519, -0.010814606212079525, 0.015426219440996647, 0.0006217382615432143, -0.01835164800286293, 0.014396902173757553, -0.03223389387130737, 0.009602449834346771, 0.0038463971577584743, -0.011214143596589565, 0.02309192717075348, -0.022008433938026428, 0.019421597942709923, -0.01710563339293003, -0.019042374566197395, 0.003035471076145768, -0.038057662546634674, -0.005309111438691616, 0.03001273237168789, -0.009101334027945995, -0.009155509062111378, 0.013205060735344887, 0.01132926531136036, 0.0020789506379514933, 3.769473551074043e-05, 0.0008989599300548434, -0.023782653734087944, 0.02520473673939705, 0.014532338827848434, -0.027723856270313263, -0.03881610557436943, -0.013123799115419388, -0.025949638336896896, 0.012744576670229435, -0.00045286587555892766, 0.007421921472996473, 0.01710563339293003, -0.011315721087157726, -0.007306800223886967, 0.015900246798992157, -0.027629049494862556, -0.0025208122096955776, -0.008715339936316013, -0.00786886177957058, 0.040603868663311005, 0.0008507106686010957, -0.007469323929399252, -0.028577106073498726, -0.00786209013313055, -0.000860868371091783, 0.0008930345647968352, 0.021060379222035408, -0.01187101099640131, 0.015642918646335602, -0.025231823325157166, -0.011600137688219547, -0.020288391038775444, -0.037461742758750916, 0.0034231580793857574, -0.007266169413924217, -0.01573772355914116, -0.013740034773945808, -0.005854243412613869, -0.0074828676879405975, 0.029173025861382484, 0.012771664187312126, -0.0016210058238357306, -0.01959766447544098, 0.011146425269544125, -0.03036486729979515, -0.021060379222035408, 0.028387494385242462, -0.023322168737649918, -0.016482625156641006, 0.005627387668937445, 0.028739629313349724, -0.017132719978690147, 0.0005760284839197993, 0.02548915334045887, -0.0140176797285676, -0.02513701841235161, -0.015927335247397423, -0.04428774118423462, 0.023918090388178825, -0.0032538624946027994, -0.012900328263640404, -0.016293013468384743, 0.01594087854027748, 0.019638296216726303, -0.0015685241669416428, -0.026193423196673393, 0.02286168560385704, -0.011600137688219547, 0.0019824521150439978, -0.02650492638349533, -0.022888772189617157, -0.04390852153301239, 0.00578991137444973, 0.028956327587366104, -0.024080613628029823, 0.021818824112415314, 0.027263371273875237, -0.011342808604240417, 0.014843842945992947, -0.010327034629881382, 0.006304570008069277, -0.0081532783806324, -0.005041624419391155, -0.008072016760706902, 0.02417541854083538, -0.0020383195951581, -0.016414906829595566, 0.012642999179661274, -0.01703791506588459, -0.010624995455145836, 0.018297474831342697, 0.008112647570669651, 0.0163065567612648, 0.009446697309613228, 0.009033615700900555, 0.01776927150785923, 0.0011723723728209734, -0.02906467765569687, -0.004611613694578409, 0.001420390559360385, -0.0070426990278065205, 0.0013306637993082404, 0.01169494353234768, -0.02054572105407715, 1.3940439202997368e-05, 0.014816755428910255, -0.005275252740830183, -0.005573212634772062, 0.01373326312750578, 0.020924942567944527, -0.00296605983749032, -0.024351486936211586, -0.0058644013479352, 0.004621771164238453, 0.013428530655801296, 0.00836997665464878, -0.015995053574442863, 0.029985645785927773, 0.00418498832732439, 0.027263371273875237, -0.023430518805980682, 0.018757957965135574, -0.026315316557884216, -0.005014537367969751, 0.004665788263082504, 0.014857386238873005, -0.005129658151417971, -0.01179652102291584, 0.01165431272238493, 0.01763383485376835, 0.02680288814008236, 0.007157820276916027, -0.006375674158334732, 0.0032826426904648542, -0.003853169037029147, 0.000561638327781111, 0.011248002760112286, 0.005217691883444786, -0.0009141965419985354, -0.019678926095366478, 0.01125477533787489, 0.02154795080423355, 0.017660923302173615, -0.011004216969013214, -0.0029626740142703056, -0.008573131635785103, 0.021358339115977287, 0.04618385434150696, 0.028441669419407845, -0.025082843378186226, 0.018107863143086433, -0.0028763331938534975, 0.011159969493746758, 0.0030693302396684885, 0.016767041757702827, 0.01637427508831024, 0.021019747480750084, 0.015913791954517365, -0.0014491707552224398, -0.01952994614839554, -0.014288553036749363, -0.028522931039333344, 0.0034028426744043827, -0.012426300905644894, -0.03272146359086037, 0.02700604312121868, 0.012405985035002232, 0.027398807927966118, 0.01783698983490467, 0.01820266805589199, 0.003358825808390975, -0.022604355588555336, 0.0048384699039161205, -0.001775911427102983, -0.038491059094667435, -0.039357852190732956, 0.014749037101864815, 0.004032622557133436, 0.0049705202691257, 0.03413000330328941, 0.002723966958001256, 0.03648659959435463, 0.0056104580871760845, 0.028820890933275223, -0.013076395727694035, 0.033019423484802246, -0.0076860226690769196, 0.014166660606861115, -0.00011289904068689793, 0.010218685492873192, -0.008485098369419575, -0.008918494917452335, -0.0140176797285676, 0.011010989546775818, 0.014518795534968376, 0.01201321929693222, 0.06343846768140793, 0.0341029167175293, -0.01543976366519928, 0.0005531735369004309, -0.0013459004694595933, -0.0026359332259744406, 0.025299541652202606, -0.004005535040050745, 6.549625686602667e-05, -0.044883664697408676, 0.03496970981359482, -0.011268318630754948, 0.014356271363794804, -0.032152630388736725, -0.013225376605987549, -0.04604841768741608, 0.011322492733597755, 0.011959045194089413, -0.014112485572695732, -0.0008854162879288197, 0.015304327011108398, -0.015846073627471924, 0.02061343938112259, -0.007923036813735962, -0.015629375353455544, -0.016631605103611946, 0.0061691333539783955, -0.015683548524975777, 0.004036008380353451, -0.024852601811289787, 0.0023718320298939943, 0.016780585050582886, -0.03058156743645668, -0.008674709126353264, -0.010990673676133156, -0.00801784172654152, 0.0006445932085625827, -0.01603568345308304, 0.010137423872947693, -0.0158054418861866, 0.012108025141060352, 0.018026601523160934, 0.000678875541780144, -0.027046672999858856, 0.001563445315696299, 0.015168890357017517, -0.022238677367568016, -0.020152954384684563, -0.016428450122475624], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='aeb1910a-9a07-4aa0-91bb-f009df06ee8d', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '7', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_type': 'application/pdf', 'file_size': 1103758, 'creation_date': '2024-02-25', 'last_modified_date': '2023-12-13', 'last_accessed_date': None}, hash='9396ea4b6f9a053b9469d4bcc24a6510bd66b1806bc8c4e67b1102eced19f6ca')}, text='0 200 400\\n#Words506070Recall (%)GTR / NQ\\n0 200 400\\n#Words6070Recall (%)GTR / TQA\\n0 200 400\\n#Words506070Recall (%)GTR / WebQ\\n0 200 400\\n#Words405060Recall (%)GTR / SQuAD\\n0 200 400\\n#Words607080Recall (%)GTR / EQPassage Sentence PropositionFigure 4: Recall of the gold answer in the retrieved text limited to first kwords for the GTR retriever. Finer-grained\\nretrieval has a higher recall across all numbers of words.\\n+4.9, +5.9, and +6.9 EM@100 (26%, 19%, 22%,\\n26% relative improvement), respectively. Similar\\nto our observations from passage retrieval evalu-\\nations, we find retrieval by proposition becomes\\nmore beneficial to downstream QA performance\\nwhen the retriever has not been trained on the target\\ndataset. In other cases, retrieval by proposition still\\nholds an advantage, but with a smaller margin on\\naverage.\\n6.2 Propositions ⇒Higher Density of\\nQuestion-Related Information\\nIntuitively, compared to sentences or passages as\\nretrieval units, the advantage of propositions is that\\nthe retrieved propositions have a higher density\\nof relevant information to the query. With finer-\\ngrained retrieval units, the correct answer to the\\nquery would more likely appear in the top- lre-\\ntrieved words by a dense retriever.\\n', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='f46009f3-c11f-424a-878f-07629b7108e7', embedding=[0.0053114695474505424, 0.020414577797055244, 0.014459189958870411, -0.026574382558465004, -0.00486515648663044, 0.018970021978020668, 0.004067924804985523, -0.02241787686944008, -0.046253055334091187, -0.0303356796503067, 0.015563049353659153, 0.04058385267853737, -0.022240715101361275, 0.00823124498128891, 0.0038975761272013187, 0.016530629247426987, 0.027133125811815262, 0.026751546189188957, 0.020101135596632957, -0.02623368613421917, -0.004105401691049337, -0.01597188599407673, -0.028482288122177124, -0.0112157529219985, 0.00679350271821022, 0.0037374484818428755, 0.033306561410427094, -0.028455032035708427, -0.004749319050461054, 0.017770767211914062, 0.00020516361109912395, -0.008946709334850311, -0.025852104648947716, -0.005226295441389084, -0.004010006319731474, 0.007474896963685751, 0.0008649450610391796, -0.007215966936200857, 0.007141013629734516, -0.012564913369715214, 0.021232251077890396, 0.019569648429751396, 0.006112108007073402, 0.008462918922305107, -0.0004190575855318457, -0.003931645769625902, 0.006357409991323948, -0.021395785734057426, -0.021995412185788155, 0.006061003543436527, -0.0027562405448406935, 0.04050208628177643, -0.030499214306473732, 0.00032195888343267143, -0.00017865310655906796, 0.0030185773503035307, -0.004442691802978516, 0.02440754882991314, -0.008503803052008152, -0.012210587970912457, -0.00949182454496622, 0.007413571700453758, -0.008749105036258698, 0.03009037859737873, -0.004837900400161743, -0.01358700543642044, -0.008565127849578857, -0.017934301868081093, 0.00989384762942791, -0.006170026492327452, 0.013600633479654789, 0.025238849222660065, 0.0009394725784659386, -0.008374338038265705, 0.02777363732457161, -0.021436668932437897, 0.0030390191823244095, 4.703218655777164e-05, -0.005355760455131531, 0.011515566147863865, 0.010582055896520615, -0.012135635130107403, 0.006667444482445717, 0.046362075954675674, 0.016557885333895683, 0.011011334136128426, 0.011188496835529804, 0.022595040500164032, 0.0012409896589815617, -0.004214424639940262, 0.00020026609126944095, 0.008258501067757607, 0.021055087447166443, 0.020564483478665352, 0.004769761115312576, 0.006054189521819353, -0.010254986584186554, 0.03445130214095116, 0.005590841174125671, -0.0386759489774704, -0.019283462315797806, -0.0026301825419068336, -0.04619854316115379, -0.0023763631470501423, -0.005420492962002754, 0.005008249077945948, 0.016407977789640427, -0.004875377286225557, -0.010629753582179546, -0.009968800470232964, -0.012680750340223312, 0.025320617482066154, 0.004183761775493622, -0.00025296767125837505, -0.005621504038572311, -0.0011549636255949736, 0.013914074748754501, -0.017702627927064896, 0.0020935845095664263, -0.015331374481320381, 0.01613542065024376, -0.005754375830292702, 0.029572518542408943, -0.014772631227970123, 0.01991034485399723, -0.00855831429362297, -0.025838477537035942, -0.02432578057050705, -0.002979397075250745, -0.011876705102622509, 0.002212828490883112, 0.040038738399744034, -0.0014803294325247407, 0.0030339087825268507, -0.02290848083794117, 0.023085644468665123, -0.012394565157592297, 0.011794937774538994, -0.0067832814529538155, -0.019188066944479942, 0.013266749680042267, 0.0023439968936145306, -0.0015902043087407947, -0.013471168465912342, -0.00956677831709385, 0.042191945016384125, 0.02229522541165352, 0.006343782413750887, -0.0008138404809869826, 0.008190360851585865, 0.001710300100967288, 0.0030219843611121178, -0.004091773647814989, 0.019365230575203896, 0.016026396304368973, -0.017184767872095108, -0.023467224091291428, 0.021600203588604927, -0.044781241565942764, -0.02867307886481285, 0.02352173626422882, 0.018602067604660988, 0.02339908480644226, 0.007910989224910736, 0.017307419329881668, 0.037285905331373215, 0.015140584670007229, 0.0016736751422286034, 0.007883734069764614, -0.04099268838763237, -0.024707362055778503, 0.022881224751472473, -0.005072981584817171, 0.021314017474651337, 0.0018959799781441689, -0.0032706933561712503, 0.034287769347429276, -0.013471168465912342, -0.0180842075496912, -0.008353895507752895, 0.004044075962156057, -0.011106729507446289, 0.024216758087277412, -0.00698429299518466, -0.008858127519488335, -0.017729884013533592, 0.016026396304368973, 0.008033640682697296, 0.00688208406791091, -0.008088151924312115, -0.002071439055725932, 0.01584923453629017, 0.0026932114269584417, -0.0019368636421859264, -0.634950578212738, -0.006810537539422512, 0.007202339358627796, -0.0098734050989151, 0.008422035723924637, 0.021068716421723366, 0.0020935845095664263, 0.005590841174125671, -0.013178168796002865, 0.034642092883586884, -0.0007065208628773689, -0.0026932114269584417, -0.02237699367105961, 0.0004969920846633613, -0.02064625173807144, -0.02112322673201561, -0.021641086786985397, 0.0134030282497406, 0.015358630567789078, 0.009628103114664555, -0.0428188256919384, 0.022158946841955185, -0.014990678057074547, 0.0010706409811973572, -0.013600633479654789, 0.006432363297790289, -0.011099915020167828, -0.029736053198575974, 0.007195525337010622, 0.011133985593914986, -0.003986157476902008, 0.0037408554926514626, 0.022431505843997, 0.025293361395597458, 0.0445086844265461, -0.017811650410294533, -0.01711662858724594, 0.001008463790640235, 0.014554585330188274, 0.03000861033797264, -0.02015564776957035, -0.006514130625873804, 0.016775930300354958, -0.015494909137487411, 0.015140584670007229, 0.013798237778246403, -0.006803723517805338, 0.010650195181369781, -0.009662172757089138, -0.005870213266462088, -0.004578970838338137, 0.0056657949462533, -0.014009470120072365, -0.016108164563775063, 0.009634917601943016, 0.011181682348251343, 0.022158946841955185, -0.03409697860479355, -0.009355545975267887, -0.02311289869248867, 0.006445991341024637, -0.013593818992376328, -0.009144313633441925, -0.011944844387471676, -0.041101712733507156, 0.020864298567175865, -0.0002985359460581094, 0.0054784114472568035, 0.03041744790971279, -0.04129250347614288, 0.011324775405228138, 0.029790565371513367, 0.0007529408321715891, -0.017443697899580002, -0.0021327645517885685, 0.007883734069764614, 0.010588869452476501, -0.005641946103423834, -0.016067281365394592, 0.026329081505537033, 0.00983252190053463, -0.026015639305114746, -0.020973321050405502, 0.005454562604427338, 0.013532493263483047, -0.0123673090711236, -0.028209729120135307, 0.02538875676691532, 0.00474591227248311, 0.024761874228715897, 0.002330369083210826, 0.01131114736199379, -0.030226657167077065, -0.00889901164919138, 0.005822515580803156, 0.01512695662677288, -0.009764382615685463, -0.004367738496512175, 0.021872760728001595, -0.029736053198575974, -0.01568569988012314, -0.02249964512884617, 0.00827212817966938, 0.006401700899004936, 0.012769332155585289, 0.02380792237818241, 0.0004782537289429456, -0.01646248996257782, 0.002083363477140665, -0.00154591363389045, 0.01861569657921791, 7.98509136075154e-05, 0.009355545975267887, -0.0053421324118971825, -0.007631617598235607, -0.018438532948493958, 0.015099700540304184, 0.024666478857398033, -0.016980350017547607, 0.0016498262993991375, 0.0010025015799328685, -0.002459833864122629, 0.010118707083165646, -0.01654425635933876, 0.004752726294100285, 0.015658443793654442, 0.0010263504227623343, -0.005304655525833368, 0.007161455694586039, 0.01670779101550579, -0.017252907156944275, -0.023017503321170807, 0.01609453745186329, 0.002272450365126133, 0.026983220130205154, -0.007324990350753069, 0.015031561255455017, -0.006047375500202179, 0.0009982428746297956, -0.025456896051764488, -0.030744517222046852, -0.02282671444118023, 0.00720915338024497, -0.02165471576154232, -0.025933872908353806, -0.017293790355324745, -0.007120572030544281, 0.003883948316797614, -0.013845935463905334, -0.01670779101550579, 0.008367523550987244, -0.021436668932437897, 0.0034546698443591595, 0.006115515250712633, -0.021627459675073624, 0.004377959296107292, -0.021436668932437897, -0.03701334446668625, -0.0029419204220175743, -0.04412710294127464, 0.005655573680996895, 0.025756709277629852, -0.0017597011756151915, -0.0044665406458079815, 0.0057271202094852924, -0.04745230823755264, 0.002204311080276966, 0.021504808217287064, -0.037204135209321976, -0.02124587818980217, 0.018220487982034683, -0.011808565817773342, 0.007141013629734516, 0.03682255372405052, -0.01259216945618391, 0.021586576476693153, -0.019487880170345306, -0.0006639336934313178, -0.0007840294856578112, -0.022526899352669716, -0.004544900730252266, 0.021790994331240654, -0.011965285986661911, -0.010329939424991608, 0.00704561872407794, 0.016121791675686836, 0.002698322059586644, -0.0003189777780789882, -0.007597547955811024, 0.02497992105782032, 0.0041871690191328526, 0.025920243933796883, -0.02399871125817299, -0.00812903605401516, -0.009689428843557835, 0.009900661185383797, 0.012176518328487873, -0.0010186847066506743, -0.027133125811815262, 0.03883948177099228, 0.019487880170345306, 0.016121791675686836, -0.010186847299337387, -0.015413141809403896, 0.007474896963685751, -0.01092956680804491, 0.011931216344237328, -0.02910917066037655, 0.00956677831709385, 0.007951873354613781, 0.011515566147863865, -0.016244443133473396, -0.017321046441793442, -0.021504808217287064, 0.01352567970752716, 0.03676804527640343, -0.0077815246768295765, 0.0006098480080254376, -0.005222888197749853, -0.009812080301344395, 0.010350381955504417, 0.016162676736712456, 0.018711091950535774, 0.0008172474335879087, -0.01441830676048994, 0.007686129305511713, 0.004190575797110796, -0.009866591542959213, 0.015672072768211365, -0.01816597580909729, -0.008762732148170471, 0.01986946165561676, 0.019147183746099472, 0.016557885333895683, 0.009403243660926819, -0.003669308964163065, 0.015181467868387699, -0.00039180179010145366, 0.02213169075548649, -0.005560178775340319, 0.00634718919172883, 0.012374122627079487, -0.008728662505745888, -0.02716038189828396, 0.00023146117746364325, -0.01613542065024376, 0.02555229142308235, 0.0214094128459692, -0.004670958966016769, 0.020060252398252487, -0.000843651476316154, 0.013171354308724403, -0.014322911389172077, -0.004282563924789429, 0.014063981361687183, -0.016762303188443184, 0.014936165884137154, 0.009253336116671562, 0.005996271036565304, 0.03515995293855667, 0.012503587640821934, -0.008190360851585865, 0.022281598299741745, -0.0174709539860487, 0.0228675976395607, -0.006779874674975872, 0.020578112453222275, -0.016121791675686836, -0.008789988234639168, 0.01763448864221573, 0.003723820671439171, -0.02202266827225685, -0.003996378276497126, -0.018683835864067078, -0.000819802691694349, 0.015426769852638245, -0.008060895837843418, 0.007638431619852781, -0.012837471440434456, 0.00525014428421855, -0.02883661352097988, -0.04565342888236046, 0.022595040500164032, 0.020046625286340714, -0.002872077515348792, -0.02716038189828396, -0.00989384762942791, -0.006003085058182478, -0.024148618802428246, 0.007461268920451403, -0.019433369860053062, -0.0034427454229444265, -0.0045414939522743225, -0.025879360735416412, -0.00849698856472969, 0.011883518658578396, 0.022486016154289246, 0.016149047762155533, -0.005618097260594368, 0.011610961519181728, -0.0038192158099263906, 0.016980350017547607, -0.02408047951757908, 0.02397145703434944, 0.048433516174554825, -0.01886099763214588, -0.018193231895565987, -0.02011476457118988, -0.002877187915146351, -0.0135188652202487, 0.03393344208598137, 0.0018653172301128507, -0.0026693628169596195, 0.014622724615037441, 0.014159376733005047, 0.003296245587989688, -0.015821978449821472, -0.0051820045337080956, 0.040774643421173096, 0.0024939037393778563, 0.00723640900105238, -0.03507818654179573, 0.009341917932033539, 0.008565127849578857, 0.03840339183807373, 0.056092388927936554, -0.02379429340362549, 0.00873547699302435, -0.004636889323592186, 0.013355330564081669, -0.026179173961281776, -0.016857698559761047, 0.013007819652557373, -0.00358754163607955, -0.013914074748754501, -0.011290705762803555, 0.02976330928504467, -0.007297734264284372, 0.03434228152036667, 0.018152348697185516, 0.002993025118485093, -0.022158946841955185, 0.014036725275218487, 0.01182219386100769, 0.00499802827835083, -0.003679529996588826, 0.004943516571074724, 0.02900014817714691, -0.006330154370516539, -0.020741647109389305, 0.032897721976041794, 0.007352245971560478, 0.006262015085667372, -0.03308851271867752, -0.011740426532924175, 0.003941867034882307, -0.001996485749259591, 0.008224430494010448, -0.006302898749709129, 0.019678670912981033, 0.02733754552900791, -0.014786259271204472, 0.021845506504178047, -0.013818679377436638, -0.014922537840902805, 0.016517002135515213, 0.014268399216234684, -0.01654425635933876, 0.007822408340871334, -0.00538301607593894, 0.024993548169732094, 0.0191335566341877, -0.008742290548980236, 0.005866806022822857, -0.006742397788912058, 0.007243223022669554, -0.014813515357673168, -0.014036725275218487, -0.023330945521593094, -0.00015959535085130483, -0.01991034485399723, -0.0021157297305762768, -0.020728018134832382, -0.02046908810734749, -0.002272450365126133, -0.022567784413695335, 0.01683044247329235, 0.002856746083125472, -0.011692728847265244, -0.023903317749500275, -0.015781095251441002, -0.006262015085667372, -0.011951658874750137, 0.010691078379750252, -0.000898588914424181, -0.0247346181422472, -0.04461770877242088, -0.0216138307005167, 0.026002012193202972, 0.024720991030335426, 0.02258141152560711, -0.0045108310878276825, -0.0007537925848737359, -0.0015816868981346488, -0.00790417566895485, -0.02566131390631199, -0.0064732469618320465, -0.015794722363352776, 0.016857698559761047, -0.004415436182171106, -0.005284213926643133, -0.013321260921657085, -0.027064986526966095, -0.008094965480268002, -0.007434013299643993, -0.003962308634072542, -0.004037261940538883, 0.0044801682233810425, 0.01877923123538494, 0.013205423951148987, 0.023262806236743927, 0.01589011773467064, 0.007168269716203213, -0.01950150914490223, 0.010684264823794365, 0.021055087447166443, -0.021722855046391487, -0.03916655108332634, 0.023671641945838928, 0.010302684269845486, 0.012135635130107403, -0.001702634384855628, 0.013232680037617683, 0.0008755918825045228, 0.01467723585665226, -0.022472389042377472, 0.02740568481385708, -5.809153662994504e-06, 0.017416441813111305, 0.008626453578472137, 0.02810070663690567, 0.02432578057050705, 0.024925408884882927, -0.027637358754873276, -0.02397145703434944, -0.01796155795454979, 0.04058385267853737, 0.009662172757089138, -0.008408407680690289, 0.02477550134062767, -0.013294005766510963, 0.001902793999761343, -0.018724719062447548, -0.01882011443376541, -0.01800244115293026, 0.026165546849370003, -0.0009556557051837444, -0.007522594649344683, -0.00784284994006157, -0.015086072497069836, -0.01297375001013279, -0.00855831429362297, -0.023044759407639503, 0.010609311051666737, -0.005427306517958641, 0.003221292281523347, -0.01674867607653141, -0.012714819982647896, 0.011106729507446289, -0.025075314566493034, -0.018097836524248123, 0.033224791288375854, 0.007297734264284372, 0.014173004776239395, 0.01047984603792429, -0.008783174678683281, -0.05189500004053116, -0.037531204521656036, -0.009021662175655365, -0.01703486032783985, -0.011604147031903267, 0.008892197161912918, 0.02607015147805214, 0.005655573680996895, 0.05393918231129646, -0.018806487321853638, 0.005468190182000399, 0.002471758285537362, -0.0051820045337080956, 0.010254986584186554, -0.014745376072824001, -0.025088943541049957, -0.0214094128459692, 0.010915938764810562, 0.009641731157898903, -0.012667122296988964, 0.01605365239083767, 0.004868563264608383, 0.037940043956041336, 0.038948506116867065, -0.013375773094594479, 0.002711949869990349, -0.03357911854982376, -0.014077609404921532, -0.02015564776957035, 0.01779802329838276, 0.009818893857300282, 0.004810644779354334, -0.03802181035280228, -0.009137499146163464, 0.021150482818484306, -0.01409123744815588, -0.003798773977905512, 0.004759540315717459, 0.040774643421173096, -0.018901880830526352, -0.0037374484818428755, -0.003326908452436328, -0.009498638100922108, -0.03423325717449188, -0.008531058207154274, -0.03742218390107155, -0.013730097562074661, 0.017062116414308548, -0.0031463387422263622, -0.012496774084866047, 0.011774496175348759, 0.010772845707833767, -0.011808565817773342, -0.027991684153676033, -0.018847370520234108, -0.016680536791682243, -0.008476546965539455, -0.010336753912270069, -0.025770338252186775, -0.01374372560530901, 0.003911204170435667, 0.03251614421606064, 0.005696457345038652, 0.01429565530270338, -0.013995842076838017, 0.034969162195920944, -0.040447574108839035, -0.023548992350697517, 0.003727227682247758, 0.008953522890806198, 0.05105007067322731, 0.0016455675940960646, 0.009628103114664555, 0.004320040810853243, 0.004875377286225557, 0.001962415874004364, 0.00034900172613561153, 0.005853178445249796, -0.0026557347737252712, 0.010725148022174835, 0.018847370520234108, -0.021886389702558517, -0.030035866424441338, 0.007890547625720501, 0.01832951046526432, -0.017743511125445366, -0.04998709633946419, 0.020550856366753578, 0.01467723585665226, 0.003073088824748993, -0.010622939094901085, -0.002636996563524008, -0.030035866424441338, 0.013355330564081669, -0.01820685900747776, 0.01568569988012314, 0.0212049949914217, 0.017048489302396774, -0.011297520250082016, 0.03232535347342491, -0.013512051664292812, 0.013048703782260418, -0.020210159942507744, -0.010718334466218948, -0.002294595818966627, 0.01396858599036932, -0.015876490622758865, 0.012244658544659615, 0.0012529140803962946, 0.0540209524333477, -0.03456032648682594, 0.003378012916073203, 0.009532708674669266, 0.0051070512272417545, -0.020823413506150246, 0.00637444481253624, 0.004303005989640951, 0.028291497379541397, -0.021886389702558517, -0.005185411777347326, 0.008667337708175182, -0.0035296231508255005, 0.013736912049353123, -0.02331731840968132, -0.013225866481661797, 0.0057577830739319324, 0.008606011979281902, 0.010357195511460304, 0.022922109812498093, 0.01313728466629982, -0.024761874228715897, -0.002877187915146351, 0.016884954646229744, -0.012435448355972767, -0.01376416813582182, -0.005025283899158239, 0.013041889294981956, -0.032706934958696365, -0.026533499360084534, 0.017607232555747032, 0.005202446598559618, 0.021545691415667534, -0.02206355147063732, -0.015903746709227562, 0.010881869122385979, 0.031289633363485336, -0.0299268439412117, 0.00784284994006157, 0.009614476002752781, -0.0023048166185617447, -0.02395782805979252, -0.016040025278925896, -0.007733826991170645, 0.0031565597746521235, 0.03456032648682594, -0.023903317749500275, -0.02059173956513405, -0.024380292743444443, -0.009198824875056744, 0.003170187585055828, 0.004980993457138538, 0.004483575467020273, 0.015154212713241577, -0.008360709995031357, 0.012394565157592297, 0.004797016736119986, -0.0055840276181697845, 0.03251614421606064, 0.02684694156050682, 0.006367631256580353, 0.03109884262084961, -0.029954100027680397, 0.02761010266840458, 0.015331374481320381, -0.0029334030114114285, -0.0033541640732437372, -0.029463496059179306, 0.004854935221374035, -0.019474253058433533, 0.02262229472398758, -0.03556878864765167, -0.01775713823735714, -0.0038464716635644436, 0.0005208408692851663, -0.013225866481661797, 0.030799029394984245, 0.00983252190053463, -0.02019653096795082, 0.009348731487989426, -0.007522594649344683, 0.010520730167627335, 0.015985513105988503, -0.020509973168373108, -0.012374122627079487, -0.013873190619051456, 0.012926052324473858, -0.024134991690516472, -0.013225866481661797, -0.018315883353352547, 0.02705135941505432, 0.005304655525833368, -0.03548702225089073, -0.026547126471996307, 0.001067234086804092, -0.0268060564994812, -0.01060249749571085, 0.0036113904789090157, 0.010016498155891895, 0.019201695919036865, 0.013477982021868229, -0.030826283618807793, 0.031071586534380913, -0.009048918262124062, 0.007665687240660191, -0.01816597580909729, -0.002652327762916684, 0.004296191968023777, -0.0013440505135804415, 0.03327930346131325, -0.01037763711065054, -0.03469660505652428, -0.0180842075496912, 0.011631403118371964, -0.0008738883771002293, 0.005556771531701088, 0.030662748962640762, 0.004739098250865936, 0.011024962179362774, -0.03456032648682594, 0.010248172096908092, 0.007072874344885349, 0.0002004790148930624, 0.006016713101416826, -0.031562190502882004, 0.007386315613985062, -0.005846364423632622, 0.007052432280033827, -0.025688569992780685, 0.01662602461874485, 0.007910989224910736, 0.01861569657921791, 0.007829221896827221, -0.004875377286225557, -0.0040815528482198715, 0.0029368100222200155, -0.0031293039210140705, 0.02793717198073864, 0.021341273561120033, -0.013225866481661797, 0.019392486661672592, 0.021831877529621124, 0.01197891402989626, -0.01687132567167282, 0.01176086813211441, -0.009239709004759789, 0.021627459675073624, 0.01066382322460413, 0.0001378759043291211, -0.0008027678122743964, -0.01670779101550579, 0.0174709539860487, -0.010507102124392986, 0.015944629907608032, 0.009117057546973228, -0.01800244115293026, -0.03897576034069061, 0.042110174894332886, 0.021463925018906593, -0.020373694598674774, 0.002294595818966627, -0.004950330592691898, 0.00270683947019279, -0.006933188531547785, 0.013334888964891434, -0.013607447035610676, -0.026124663650989532, 0.009859777987003326, -0.00859919749200344, -0.013825492933392525, 0.0015484688337892294, -0.004868563264608383, 0.02153206430375576, -0.016312582418322563, 0.02128676138818264, 0.20158372819423676, -0.02153206430375576, -0.009839335456490517, 0.024802757427096367, 0.01005738228559494, 0.0016762303421273828, 0.028291497379541397, -0.0032110712490975857, -0.009485010989010334, -0.0012648383853957057, -0.003052646992728114, -0.005689643789082766, -0.0420011542737484, -0.002727281302213669, 0.0028533393051475286, -0.014949793927371502, -0.03349735215306282, -0.027841776609420776, -0.008892197161912918, 0.0023048166185617447, 0.006251793820410967, 0.00602011987939477, -0.0021532063838094473, -0.0057884459383785725, 0.029408983886241913, -0.008387965150177479, 0.011140799149870872, -0.015876490622758865, 0.007761082611978054, 0.024966292083263397, 0.004507424309849739, -0.011972100473940372, 0.007318176329135895, -0.00573734100908041, -0.022813085466623306, 0.012891982682049274, 0.008578755892813206, 0.010207288898527622, 0.02959977462887764, -0.0017443697433918715, 0.023412713780999184, -0.005263771861791611, -0.005696457345038652, -0.01409123744815588, -0.018138719722628593, 0.028727589175105095, -0.006371038034558296, 0.006101887207478285, 0.003911204170435667, 0.0011541118146851659, -0.023140154778957367, 0.01429565530270338, 0.03532348945736885, 0.006541386712342501, -0.030471960082650185, -0.005914503708481789, -0.018847370520234108, -0.016775930300354958, 0.005512481089681387, 0.015917373821139336, -0.036195673048496246, 0.009750754572451115, -0.007386315613985062, 0.03608664870262146, -0.018465789034962654, 0.011195310391485691, -0.005124086048454046, 0.016598768532276154, 0.00455171475186944, -0.01812509261071682, -0.000627734640147537, 0.001757997670210898, -0.012564913369715214, 0.008606011979281902, -0.02557954750955105, -0.024830013513565063, 0.022717690095305443, 0.014391050674021244, 0.017021233215928078, -0.0033098733983933926, 0.002889112336561084, 0.004323447588831186, -0.013103215023875237, -0.0035500649828463793, -0.024584710597991943, -0.030390191823244095, 0.007856477983295918, -0.005434120539575815, -0.0027085428591817617, -0.016230816021561623, -0.004190575797110796, 0.00036348134744912386, -0.01950150914490223, -0.015631187707185745, 0.0016447157831862569, -0.0008517430396750569, 0.021627459675073624, 0.009335103444755077, -0.009055731818079948, -0.034478560090065, -0.00932828988879919, 0.07375413179397583, 0.029490752145648003, 0.016735047101974487, 0.005400050897151232, 0.0006324191926978528, -0.027024103328585625, -0.007495339028537273, 0.012728448025882244, -0.0016694163205102086, 0.013770981691777706, -0.0247346181422472, 0.021545691415667534, -0.0027409091126173735, 0.014486446045339108, 0.0019010904943570495, -0.004486982244998217, -0.0025875954888761044, 0.026492616161704063, 0.003604576690122485, -0.012401378713548183, -0.02270406298339367, 0.02886386774480343, 0.01861569657921791, 0.0013133877655491233, -0.018874626606702805, -0.002919775201007724, -0.005430713761597872, -0.03158944472670555, -0.01986946165561676, 0.015835607424378395, -0.03810357674956322, 0.01950150914490223, -0.005485225468873978, -0.003979343455284834, -0.00889901164919138, -0.008953522890806198, -0.004940109793096781, -0.027664614841341972, 0.003829436842352152, 0.01796155795454979, -0.0058020735159516335, 0.012728448025882244, 0.01946062594652176, 0.0037919599562883377, 0.0008334305603057146, -0.005348946433514357, 0.010084637440741062, -0.017729884013533592, -0.0226631797850132, 0.012558099813759327, 0.0019317532423883677, 0.0009232894517481327, 0.004119029268622398, 0.01597188599407673, -0.023739783093333244, -0.0018925730837509036, -0.018642952665686607, 0.002492200117558241, 0.02555229142308235, -0.03758571669459343, 0.015249607153236866, 0.01584923453629017, -0.015195095911622047, -0.01759360358119011, -0.01857481151819229, -0.17334674298763275, 0.011938030831515789, 0.02984507568180561, -0.03823985531926155, 0.018506672233343124, 0.018588440492749214, 0.0369860902428627, -0.008646895177662373, -0.0072909207083284855, -0.012455889955163002, 0.005233109463006258, -0.014990678057074547, -0.03251614421606064, -0.029954100027680397, -0.008428849279880524, -0.0046164472587406635, -0.018833741545677185, 0.009791637770831585, 0.02900014817714691, 0.022090807557106018, 0.04074738919734955, -0.04246450215578079, 0.026342708617448807, -0.006735584232956171, 0.00970987044274807, -0.009471382945775986, -0.01425477210432291, 0.025920243933796883, -0.0027375021018087864, -0.0197468101978302, 0.018220487982034683, 0.011706356890499592, 0.021627459675073624, -0.025756709277629852, -0.015031561255455017, 0.012074309401214123, -0.0021327645517885685, 0.009396429173648357, -0.021423041820526123, 0.007508966606110334, 0.026942336931824684, 0.033034004271030426, 0.007727012969553471, -0.010152776725590229, -0.030226657167077065, 0.0005595951806753874, 0.006899118889123201, -0.003502367530018091, 0.013668772764503956, -0.012012983672320843, -0.002672769594937563, -0.007849663496017456, 0.014377422630786896, 0.0004205481382086873, -0.010234544053673744, -0.003573913825675845, 0.019801322370767593, 0.010670636780560017, -0.0072295949794352055, 0.010002870112657547, -0.001353419735096395, -0.027201266959309578, 0.040611106902360916, 0.006006491836160421, 0.006592491175979376, -0.014431933872401714, -0.006296084728091955, -0.023208294063806534, -0.009069359861314297, 0.0021412819623947144, -0.02574308216571808, -0.018751975148916245, -0.012292355298995972, 0.0032672863453626633, 0.010527543723583221, 0.055165693163871765, -0.005750969052314758, 0.0001361724134767428, 0.009287405759096146, -0.00920563843101263, -0.015290491282939911, 0.011747240088880062, -0.0045721568167209625, 0.0031395249534398317, -0.02202266827225685, -0.025129826739430428, 0.014745376072824001, 0.01958327554166317, -0.014200259931385517, -0.008994407020509243, 0.026942336931824684, -0.027201266959309578, -0.005921317730098963, -0.0036590881645679474, 0.017866162583231926, 0.003185519017279148, -0.007679315283894539, 0.006422142498195171, 0.012953308410942554, -0.007297734264284372, -0.00867415126413107, 0.0024189502000808716, -0.026915080845355988, -0.004272343125194311, 0.04096543416380882, 0.00499802827835083, -0.021177738904953003, 0.002311630640178919, 0.028236985206604004, -0.013791423290967941, 0.009198824875056744, -0.004991214256733656, 0.005645352881401777, 0.0021123227197676897, 0.0017120034899562597, 0.019978484138846397, 0.004463133402168751, -0.01281021535396576, 0.017048489302396774, 0.005403457675129175, 0.04897863417863846, -0.027637358754873276, -0.01429565530270338, -0.007427199278026819, 0.0038703205063939095, -0.0076452456414699554, -0.13235405087471008, -0.007740641012787819, 0.006507317069917917, 0.0349419079720974, -0.01775713823735714, -0.0007077984628267586, 0.0009428795310668647, 0.007018362637609243, -0.025593174621462822, 0.03900301828980446, -0.026124663650989532, -0.012605797499418259, 0.0037919599562883377, -0.008694592863321304, 0.008374338038265705, -0.023262806236743927, 0.029163682833313942, -0.029218193143606186, 0.006885490845888853, 0.042600780725479126, 0.005328504368662834, -0.012626239098608494, 0.012714819982647896, 0.009123871102929115, -0.020210159942507744, 0.003829436842352152, -0.01861569657921791, 0.0013781202724203467, 0.013716470450162888, -0.004176947753876448, 0.018561184406280518, -0.019201695919036865, 0.00796550139784813, -0.027991684153676033, 0.003594355657696724, -0.0016958203632384539, -0.031207865104079247, -0.006626560818403959, 0.014200259931385517, -0.0017511837650090456, -0.004589191637933254, 0.025170709937810898, 0.014036725275218487, -0.004422249738126993, -0.008360709995031357, -0.010970450937747955, -0.02728303335607052, 0.01909267157316208, 0.014050353318452835, -0.02842777594923973, -0.042191945016384125, -0.0045108310878276825, -0.020673507824540138, -0.005761189851909876, -0.0032434375025331974, 0.031398653984069824, 0.0033609780948609114, 0.006773060653358698, -0.0010766031919047236, 0.012891982682049274, -0.02781452052295208, -0.002788606798276305, -0.009519080631434917, 0.005291027948260307, 0.03714962303638458, 0.013082773424685001, -0.018356766551733017, -0.021872760728001595, -0.005566992796957493, -0.0029453274328261614, -0.008510616607964039, 0.016557885333895683, -0.010043754242360592, 0.013914074748754501, -0.026083778589963913, -0.00010705345630412921, -0.0064596193842589855, -0.025238849222660065, 0.01638072170317173, -0.005464783404022455, -0.010234544053673744, -0.02391694486141205, 0.00047655022353865206, 0.00012999727914575487, 0.03456032648682594, 0.01658514142036438, 9.390467312186956e-05, -0.010105079971253872, 0.012319611385464668, -0.03873046115040779, -0.01346435397863388, 0.028373263776302338, -0.024094106629490852, -0.02705135941505432, 0.0008807023405097425, 0.01479988731443882, -0.026574382558465004, 0.0048958188854157925, 0.011120357550680637, -0.018997276201844215, -0.026874195784330368, -0.0036420533433556557, -0.03693157806992531, 0.028046194463968277, 0.004578970838338137, -0.0051820045337080956, -0.011665472760796547, 0.0068139443174004555, 0.018520301207900047, 0.004793609958142042, -0.03150767832994461, 0.022431505843997, -0.015821978449821472, -0.0011779606575146317, -0.0230720154941082, -0.02213169075548649, -0.04761584475636482, -0.0061189220286905766, 0.021423041820526123, -0.012558099813759327, 0.012128820642828941, 0.013287191279232502, -0.0070251766592264175, 0.022649550810456276, -0.00187553814612329, 0.014377422630786896, -0.014173004776239395, -0.004728877451270819, -0.018261371180415154, 0.032052792608737946, -0.005815701559185982, -0.01962416060268879, 0.006647002883255482, -0.025770338252186775, -0.016067281365394592, 0.01496342197060585, 0.01020047441124916, 0.019201695919036865, -0.002309927251189947, 0.004371145274490118, 0.03859418258070946, 0.014336539432406425, -0.02732391655445099, -0.017171140760183334, 0.0043915873393416405, -0.022881224751472473, 0.007699757348746061, 0.020864298567175865, -0.019487880170345306, -0.0030628680251538754, 0.011829007416963577, 0.009055731818079948, 0.005641946103423834, 0.010902310721576214, 0.01032312586903572, -0.016353467479348183, -0.030471960082650185, -0.011168055236339569, -0.0005187115166336298, 0.010077823884785175, 0.0008951819618232548, -0.020223787054419518, 0.0403112955391407, 0.005096830427646637, 0.026751546189188957, -0.020509973168373108, 0.018833741545677185, -0.022813085466623306, -0.01937885768711567, 0.008306197822093964, 0.010759218595921993, -0.007917803712189198, -0.0033490536734461784, 0.003115676110610366, 0.014200259931385517, 0.027501080185174942, 0.019433369860053062, 0.002279264386743307, 0.00027873291401192546, 5.701354893972166e-05, 0.008190360851585865, 0.010398078709840775, 0.014227516017854214, -0.0008858127985149622, -0.02185913361608982, 0.01009826548397541, 0.029790565371513367, 0.026792429387569427, -0.013266749680042267, 0.01263305265456438, -0.01886099763214588, 0.013457540422677994, 0.039793435484170914, 0.024353036656975746, -0.015699326992034912, 0.016067281365394592, -0.0008138404809869826, 0.021341273561120033, 0.0008832575404085219, 0.018465789034962654, 0.033960700035095215, 0.020223787054419518, 0.013716470450162888, -0.005464783404022455, -0.009382801130414009, -0.023385457694530487, -0.024353036656975746, 0.012449076399207115, -0.026042895391583443, -0.04521733522415161, 0.02627456933259964, 0.0040815528482198715, 0.016735047101974487, 0.014786259271204472, 0.009914289228618145, 0.006871862802654505, -0.009498638100922108, -0.003131007542833686, 0.004006599076092243, -0.04017501696944237, -0.03300674632191658, 0.005676015745848417, 0.010418521240353584, 0.00615299167111516, 0.023985084146261215, 0.010738776065409184, 0.022009041160345078, 0.011583705432713032, 0.045271847397089005, -0.013246308080852032, 0.01800244115293026, -0.0013678993564099073, 0.015576676465570927, -0.007468082942068577, 0.016271699219942093, -0.012162890285253525, -0.009989242069423199, -0.015208723954856396, -0.0011719984468072653, 0.010336753912270069, -1.0134411240869667e-05, 0.07168269157409668, 0.02919093705713749, -0.01015959121286869, -0.020128391683101654, -0.010588869452476501, -0.0011081177508458495, 0.02842777594923973, -0.0010391265386715531, -0.009321476332843304, -0.046280309557914734, 0.019269835203886032, -0.009089801460504532, 0.014268399216234684, -0.03701334446668625, 0.010452590882778168, -0.038539670407772064, -0.005883840844035149, -0.0003528345550876111, -0.007168269716203213, 0.0019590090960264206, 0.033034004271030426, -0.02477550134062767, 0.023017503321170807, -0.004412028938531876, -0.009805265814065933, -0.01358700543642044, -0.0033047629985958338, -0.00017599140119273216, 0.007686129305511713, -0.02448931708931923, 0.010847799479961395, 0.004490389488637447, -0.02181825041770935, -0.003515995340421796, -0.020687134936451912, -0.021504808217287064, -0.000945434789173305, -0.01763448864221573, 0.011447426863014698, -0.0066095259971916676, 0.014309283345937729, 0.01726653426885605, -0.0011166351614519954, -0.03251614421606064, -0.009539522230625153, 0.010105079971253872, -0.02818247489631176, -0.013661958277225494, -0.02420313097536564], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='aeb1910a-9a07-4aa0-91bb-f009df06ee8d', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '7', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_type': 'application/pdf', 'file_size': 1103758, 'creation_date': '2024-02-25', 'last_modified_date': '2023-12-13', 'last_accessed_date': None}, hash='9396ea4b6f9a053b9469d4bcc24a6510bd66b1806bc8c4e67b1102eced19f6ca')}, text='We illustrate this phenomenon by an analysis\\nshown in Figure 4. Here, we investigate the posi-\\ntion at which the ground truth answer appears in\\nthe top- lretrieved words. Specifically, we calcu-\\nlate the recall of the gold answer within the initial l\\nretrieved words with GTR working with Wikipedia\\nindexed in three different granularities.\\nWe show the results in Figure 4 and Figure 7 with\\nlranging from 0 to 500 across all five datasets. For\\na fixed retrieved word budget, proposition retrieval\\ndemonstrates a higher success rate compared to\\nsentence and passage retrieval methods. The most\\nsignificant improvement of proposition retrieval\\nover passage retrieval occurs within the range of\\n100-200 words, which corresponds to roughly 10\\npropositions, 5 sentences, or 2 passages. As the\\nword count further increases, the recall rates of\\nthe three granularity converge since all question-\\nrelevant information is included in the retrieved\\ntext.6.3 Error Case Study\\nTo understand the source of errors from each type\\nof retrieval granularity, we present and discuss four\\ntypical examples of mistakes in Table 4. With each\\nexample, we show the question and its correspond-\\ning top-1 retrieved text unit by the GTR retriever\\nacross the three granularities.\\nWe observe that with passage-level retrieval, the\\nambiguity of an entity or its references presents a\\nchallenge for dense retrievers, which echoes find-\\nings from (Min et al., 2020). For instance, in exam-\\nple Q1, the question asks for “ Super Bowl 50 ”, but\\nthe retrieved passage and sentence refers to “ Super\\nBowl 5 ”. In Example Q2, passage retrieval fails\\nto identify the part referring to the correct “ atomic\\nnumber ”. Instead, the top-1 retrieved passage men-\\ntions “ atomic number ” in a different and irrelevant\\ncontext to the question. Retrieval by sentences can\\nalso have a similar problem as retrieval by passages\\nlike Example Q1. Also, retrieval by sentences faces\\nanother challenge of lacking context. In Example\\nQ3, sentence-based retrieval fails as the correct sen-\\ntence in the retrieved passage uses “ it” to refer to\\nthe pericardial sac.\\nRetrieval by propositions tackles the aforemen-\\ntioned problems by ensuring each retrieval unit\\ncontains one piece of fact only and necessary con-\\ntext is incorporated in the propositions. However,\\nproposition-based retrieval faces challenges with\\nquestions that involve multi-hop reasoning over\\nlong-range textual analysis. In Example Q4, the\\nretrieved passage separately describes the actor’s\\nname and the character they portray. There is not\\na single proposition that entails both the question\\nand the answer.\\n', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='0ee0b6e3-50d7-41b6-acdf-d71cd63a8165', embedding=[-0.03645169362425804, 0.003004427533596754, 0.004107233136892319, -0.031236588954925537, 0.012808081693947315, 0.018131272867321968, -0.008221221156418324, 0.012524358928203583, -0.022535739466547966, -0.04290977865457535, 0.026778079569339752, 0.04215317964553833, 0.006208136677742004, 0.009856007993221283, -0.017807016149163246, 0.0069917538203299046, -0.0006299333763308823, 0.006907312199473381, 0.004934759344905615, -0.014767124317586422, -0.015050847083330154, -0.012206858955323696, -0.0182123351842165, -0.03855935111641884, 0.00785643421113491, -0.011294891126453876, 0.03464126959443092, -0.02599446102976799, -0.0003804088046308607, -0.008687338791787624, 0.01571286842226982, -0.014956273138523102, 0.01142999716103077, -0.027021270245313644, -0.016712656244635582, -0.006474971771240234, -0.0023829382844269276, -0.017550315707921982, 0.03707318380475044, 0.005525849759578705, 0.03102041780948639, 0.02461637742817402, 0.002992605557665229, -0.00896430667489767, 0.0068769133649766445, -0.0039147064089775085, 0.003860664088279009, -0.03404679894447327, -0.0021921005100011826, -0.0003533875569701195, 0.01592903956770897, 0.021589994430541992, -0.013942975550889969, -0.006032498553395271, -0.028912758454680443, -0.005333323031663895, -0.02729148231446743, 0.035722117871046066, -0.0011391154257580638, -0.0380999892950058, 0.008167179301381111, -0.02127924934029579, 0.0007975496700964868, 0.01838797517120838, 0.013983507640659809, -0.02485956810414791, -0.0008731248090043664, -0.017050420865416527, 0.019428294152021408, -0.0016795408446341753, 0.026710525155067444, 0.0015815887600183487, -0.0010800063610076904, -0.002992605557665229, 0.01990116573870182, -0.014145635068416595, 0.03169595077633858, -0.01009919960051775, -0.037316374480724335, -0.004529440309852362, 0.011767762713134289, -0.04847615957260132, -0.010463986545801163, 0.024075951427221298, 0.012341964989900589, 0.011139518581330776, -0.004708456341177225, -0.0017082509584724903, -0.0031412227544933558, 0.0038235096726566553, 0.009139944799244404, 0.019955208525061607, 0.03477637469768524, 0.003370903432369232, 0.003478988539427519, -0.00926154013723135, 0.01177451852709055, 0.004309892654418945, -0.02866956777870655, -0.006846514530479908, -0.009126434102654457, 0.002580531407147646, -0.022211484611034393, -0.011112497188150883, -0.01028834842145443, 0.021252229809761047, -0.007836168631911278, -0.009349359199404716, 0.010511274449527264, -0.001075784326530993, -0.002408270724117756, 0.03483041748404503, 0.01089632697403431, -0.032884884625673294, 0.008977817371487617, 0.006583056878298521, 0.017793506383895874, 0.004377445671707392, 0.020900951698422432, -0.0032256641425192356, 0.02202233485877514, -0.007336274720728397, 0.0188338253647089, -0.006576301530003548, 0.008268509060144424, 0.006029121112078428, -0.002499467460438609, -0.007126859854906797, 0.013240422122180462, -0.002688616281375289, 0.0012970209354534745, 0.020846910774707794, 0.01844201609492302, 0.01082877442240715, -0.01753680408000946, 0.014834676869213581, 0.014442868530750275, 0.0026092412881553173, -0.0005573136731982231, -0.028480418026447296, 0.0039147064089775085, -0.005417764652520418, -0.036181479692459106, -0.014780635014176369, -0.009295317344367504, 0.022832972928881645, -0.0026852386072278023, -0.0016432310221716762, 0.01124760415405035, 0.011679943650960922, -0.007370051462203264, -0.02783190831542015, 0.003580318298190832, 0.037775736302137375, 0.03239850327372551, -0.003156422171741724, 0.0020333505235612392, -0.0002210255479440093, -0.030479993671178818, 0.012281167320907116, -0.0016862961929291487, -0.0022528984118252993, 0.003294906113296747, 0.009092657826840878, 0.03528977930545807, 0.019387761130928993, 0.009011593647301197, -0.007221434265375137, -0.00025564656243659556, -0.02766977995634079, -0.012862124480307102, 0.011531326919794083, -0.0008739692275412381, -0.003136156126856804, -0.028561482205986977, 0.010835529305040836, 0.035722117871046066, -0.021306270733475685, -0.04558488354086876, -0.01139622088521719, 0.020549675449728966, 0.0010040090419352055, 0.03131765127182007, -0.013348507694900036, -0.005985211115330458, -0.025589141994714737, 0.021765632554888725, -0.013672762550413609, 0.01276755053550005, -0.012314943596720695, 0.017428718507289886, 4.554561746772379e-05, -0.0036343608517199755, 0.0023153850343078375, -0.6364049315452576, -0.0011450262973085046, 0.0033675257582217455, -0.021441377699375153, -0.005417764652520418, 0.007721328176558018, -0.01078824233263731, -0.0022292546927928925, 0.005340078379958868, -0.0016162097454071045, 0.012470316141843796, -0.0205091442912817, -0.00789021048694849, -0.00801180675625801, -0.003958615940064192, -0.010639624670147896, 0.005991966463625431, -0.004586860537528992, 0.02630520612001419, 0.006346620619297028, -0.015415634959936142, 0.02485956810414791, -0.02850743941962719, -0.019009463489055634, -0.008971061557531357, -0.0023170739877969027, 0.004796275403350592, 0.0019151325104758143, 0.017631378024816513, 0.03277679905295372, -0.03018275834619999, 0.03329020366072655, 0.006312844343483448, 0.017779996618628502, 0.05055679753422737, 0.01002489123493433, -0.009180476889014244, 0.030588077381253242, -0.007951009087264538, 0.0623650923371315, -0.01707744225859642, -0.013328241184353828, 0.017820527777075768, -0.003288150765001774, -0.0034857438877224922, 0.03134467452764511, 0.01592903956770897, 0.018117761239409447, 0.020860420539975166, -0.005198216997087002, -0.012281167320907116, -0.009099412709474564, -0.006549280136823654, -0.01722605898976326, 0.012571645900607109, 0.02341393008828163, 0.059879135340452194, -0.029480205848813057, 0.0004977824864909053, 0.00896430667489767, 0.009275050833821297, 0.0011999133275821805, -0.04442296922206879, -0.01960393227636814, -0.020549675449728966, 0.0025399993173778057, -0.014686060138046741, 0.00849818903952837, 0.001942153787240386, -0.004941514693200588, 0.020522654056549072, 0.022927546873688698, 0.0416397787630558, 0.00884946621954441, -0.005262392573058605, 0.017793506383895874, 0.01078148651868105, 0.0060730306431651115, -0.00892377458512783, 0.016293825581669807, 0.006984998472034931, -0.01594254933297634, 0.00040194139000959694, 0.0043909563682973385, -0.0005163595778867602, 0.014361805282533169, -0.015415634959936142, -0.0030061162542551756, 0.009281806647777557, -0.015212975442409515, 0.004218695685267448, 0.0021954781841486692, -0.027494141831994057, -0.04131552204489708, -0.008889998309314251, 0.03185807913541794, -5.98478909523692e-05, 0.015591273084282875, 0.020941484719514847, -0.0002596575068309903, -0.021522441878914833, -0.009538508020341396, 0.012227124534547329, -0.028804674744606018, 0.002551821293309331, 0.034722331911325455, -0.023373398929834366, 0.03966722637414932, 0.01036265678703785, -0.004279493819922209, -0.0028878983575850725, -0.009011593647301197, 0.0018881112337112427, 0.02875063195824623, 0.007978030480444431, -0.03942403197288513, 0.01814478263258934, 0.01607765629887581, -0.003154733218252659, -0.0053096795454621315, -0.004488908685743809, -0.009883029386401176, 0.010376167483627796, -0.015199464745819569, -0.009937072172760963, 0.013274199329316616, -0.011558348312973976, -0.0246974416077137, -0.001709095318801701, 0.012368986383080482, 0.015739889815449715, -0.01844201609492302, 0.020333506166934967, 0.0034401454031467438, 0.02410297282040119, 0.024737972766160965, 0.01607765629887581, -0.011159784160554409, -0.014591486193239689, -0.018090739846229553, 0.0006210670107975602, -0.009430423378944397, 0.019793080165982246, -0.014726592227816582, -0.01147052925080061, 0.014334783889353275, -0.014267230406403542, 0.005617046728730202, -0.005988589022308588, -0.018117761239409447, 0.0028152784798294306, 0.002132991561666131, -0.00884946621954441, -0.008457657881081104, 0.0008756580646149814, -0.010916593484580517, -0.010078934021294117, -0.0071471258997917175, -0.01120031625032425, -0.037019141018390656, 0.021914249286055565, 0.01112600788474083, -0.018117761239409447, 0.02387329190969467, -0.004417977761477232, -0.025818822905421257, 0.018496058881282806, 0.014118613675236702, -0.027507653459906578, -0.01253786962479353, -0.004002525471150875, -0.02821020595729351, 0.009085902012884617, 0.014591486193239689, 0.025021696463227272, 0.008356328122317791, -0.006356753874570131, -0.01814478263258934, -0.0009001460857689381, -0.029480205848813057, 0.008977817371487617, -3.150062752865779e-07, -0.021914249286055565, 0.013010741211473942, -0.0033827251754701138, 0.01047749724239111, 0.008862976916134357, 0.025980951264500618, -0.020157868042588234, 0.010882816277444363, -0.009599306620657444, 0.011983932927250862, 0.004417977761477232, 0.02668350376188755, -0.006447950378060341, -0.007403828203678131, 0.008680582977831364, 0.006208136677742004, -0.01112600788474083, 0.01890137791633606, 0.015037336386740208, 0.01120707206428051, 0.005569759290665388, -0.01005866751074791, 0.0014321273192763329, 0.005934546235948801, 0.01188935898244381, -0.02934509888291359, 0.004988802131265402, -0.004245717078447342, 0.003546541789546609, -0.0066674984991550446, -0.016253294423222542, 0.009011593647301197, -0.0057487753219902515, 0.04680084064602852, 0.00013584521366283298, 0.02263031341135502, -0.02171158976852894, -0.01055180560797453, 0.0010014758445322514, -0.004313270095735788, 0.027696801349520683, 0.011558348312973976, 0.00849818903952837, 0.0003244663530495018, -0.01113276369869709, 0.023454463109374046, 0.009329093620181084, -0.007775370497256517, -0.009788455441594124, 0.034100841730833054, 0.010450475849211216, 0.029155950993299484, 0.02118467539548874, -0.002604174893349409, 0.008748136460781097, -0.013389039784669876, 0.02423807978630066, 0.022684356197714806, -0.0015250128926709294, 0.015523719601333141, -0.009545263834297657, -0.012821592390537262, 0.004046435002237558, 0.0023728052619844675, 0.01602361351251602, 0.0208198893815279, -0.03964020311832428, -0.0007008641841821373, -0.004816541448235512, 0.015050847083330154, 0.004711833782494068, 0.011936645954847336, 0.02133329212665558, 0.006370264571160078, 0.02850743941962719, 0.012443294748663902, 0.013888932764530182, 0.0208198893815279, 0.015199464745819569, -0.006306088995188475, 0.021617015823721886, -0.025643184781074524, 0.029561270028352737, -0.019563399255275726, -0.012010954320430756, -0.023576058447360992, 0.005569759290665388, -0.012037975713610649, -0.027115844190120697, -0.012754039838910103, 0.0009786766022443771, -0.027804886922240257, 0.014632017351686954, 0.02210339903831482, -0.01078824233263731, 0.022211484611034393, 0.021225208416581154, 0.026710525155067444, -0.019630953669548035, -0.03812701255083084, 0.022657334804534912, 0.01791510172188282, 0.003533031092956662, -0.00953175313770771, -0.03637063130736351, 0.014780635014176369, -0.014632017351686954, -0.006046009249985218, 0.016874782741069794, 0.01678020879626274, 0.005968322977423668, 0.005015823058784008, -0.018198825418949127, 0.030669141560792923, 0.049124669283628464, -0.015577762387692928, 0.01379435881972313, -0.009275050833821297, 0.006052764598280191, 0.01314584817737341, -0.021671058610081673, 0.006319599691778421, 0.04515254124999046, -0.013362018391489983, 0.002612618962302804, 0.009997869841754436, -0.0022596537601202726, -0.013159358873963356, 0.01223388034850359, -0.0015849664341658354, 0.007167391944676638, 0.014348294585943222, -0.01578042097389698, -0.0060189878568053246, -0.0196714848279953, -0.0012809770414605737, 0.01960393227636814, 0.006451328285038471, 0.015064357779920101, -0.02517031319439411, 0.0038403980433940887, 0.015442656353116035, 0.03818105533719063, 0.040667012333869934, -0.03674892708659172, 0.025291908532381058, 0.0006358442478813231, -0.004252472426742315, -0.03004765324294567, -0.017509782686829567, -0.0019117548363283277, 0.0006392219220288098, -0.00911292340606451, -0.02821020595729351, 0.0205091442912817, -0.020914463326334953, 0.02150893025100231, 0.01082877442240715, -0.006984998472034931, -0.016131699085235596, -0.012105529196560383, -0.01844201609492302, -0.011679943650960922, 0.019766058772802353, 0.0061135622672736645, 0.00980196613818407, 0.016347868368029594, -0.014888719655573368, 0.03799190744757652, 0.04477424547076225, 0.008099625818431377, -0.040450841188430786, 0.008667072281241417, 0.021292760968208313, 0.01204473152756691, 0.008626540191471577, 0.0016423865454271436, 0.02448127046227455, 0.017779996618628502, 0.016604570671916008, 0.018185315653681755, 0.013328241184353828, 0.0012252457672730088, 0.006579679436981678, 0.012368986383080482, 0.016428932547569275, 0.024440739303827286, -0.01807723008096218, 0.00842388067394495, 0.04553084075450897, -0.0022528984118252993, -0.013997018337249756, 0.004921248648315668, 0.006549280136823654, -0.014888719655573368, -0.0030280710197985172, -0.0065526580438017845, 0.005144174210727215, -0.015902018174529076, -0.006333110388368368, -0.015307549387216568, -0.026197120547294617, 0.011024678125977516, 0.007951009087264538, -0.0037019141018390656, -0.013774092309176922, 0.01009919960051775, -0.019928187131881714, -0.0001395395229337737, -0.014321273192763329, -0.026926696300506592, 0.007653774693608284, 0.0026582174468785524, -0.008092870004475117, -0.028453396633267403, -0.012092018499970436, 0.0037356906104832888, 0.037316374480724335, 0.020225420594215393, -0.017955634742975235, -0.0004331847303546965, -0.0008131713257171214, 0.015658825635910034, -0.00797127466648817, -0.00830904021859169, -0.023765206336975098, -0.011409731581807137, 0.006626966409385204, -0.017280101776123047, -0.021144144237041473, -0.006833003833889961, -0.009714147076010704, 0.006839759182184935, -0.006248668767511845, 0.021171165630221367, -0.0041241212747991085, 0.017658399417996407, 0.024224568158388138, 0.030615098774433136, 0.006174360401928425, -0.0035093873739242554, -0.015834463760256767, 0.012105529196560383, 0.011463773436844349, -0.010997656732797623, -0.029777439311146736, 0.02599446102976799, -0.01738818734884262, 0.018279889598488808, 0.01722605898976326, 0.025413503870368004, 0.030020631849765778, 0.035803183913230896, 0.002827100455760956, -0.0025872865226119757, -0.00926829595118761, 0.007998296059668064, 0.0036782703828066587, -0.00907239131629467, 0.006032498553395271, -0.01017350796610117, -0.015010315924882889, 0.0038099992088973522, -0.023616589605808258, 0.022778930142521858, 0.007045796141028404, -0.02157648466527462, 0.013747070915997028, -0.01040318887680769, -0.036397650837898254, -0.02042808011174202, 0.010051912628114223, -0.029318077489733696, 0.04342317953705788, -0.00857925321906805, -0.013274199329316616, -0.03339828923344612, -0.006417551543563604, -0.010545050725340843, -0.0001453448785468936, -0.026724036782979965, -0.025278398767113686, 0.0025771537330001593, 0.00043571798596531153, 0.012855369597673416, -0.019239144399762154, 0.002056994242593646, -0.02842637710273266, -0.007917231880128384, 0.013091805391013622, 0.010815263725817204, 0.032965950667858124, -0.000301667139865458, -0.01151106134057045, -0.002746036509051919, -0.04680084064602852, -0.018104251474142075, -0.02638627029955387, -0.007518668193370104, 0.015064357779920101, 0.025886377319693565, 0.009660104289650917, 0.044720202684402466, -0.006258801557123661, 0.0016584304394200444, 0.011423242278397083, 0.01615872047841549, -0.01860414445400238, -0.0017479384550824761, 0.013598454184830189, -0.037856798619031906, 0.017063932493329048, 0.016969358548521996, -0.018347442150115967, -0.0031429114751517773, 0.02394084446132183, 0.030912332236766815, 0.00880893412977457, 0.008471168577671051, -0.019928187131881714, -0.00781590212136507, -0.020846910774707794, -0.018333932384848595, 0.00914669968187809, 0.013551167212426662, 0.013125581666827202, -0.015915527939796448, 0.002832166850566864, 0.038775522261857986, 0.003164866240695119, 0.01882031559944153, -0.001085917348973453, 0.03093935362994671, 0.009558774530887604, 0.018631165847182274, 0.004188296850770712, -0.02203584648668766, -0.020455101504921913, -0.0021245472598820925, -0.04023467004299164, -0.011990688741207123, 0.027885951101779938, -0.005539360456168652, 0.021238718181848526, 0.03837020322680473, 0.007099838927388191, 0.0007190190954133868, 8.116936078295112e-05, -0.009579040110111237, -0.003335437970235944, -0.03842424601316452, -0.012963454239070415, -0.029993610456585884, -0.03453318402171135, -0.019766058772802353, -0.0005036933580413461, 0.005302924197167158, 0.02477850392460823, -0.025427015498280525, 0.021549463272094727, -0.019874144345521927, -0.004374068230390549, 0.0013806180795654655, 0.03118254616856575, 0.04969211667776108, -0.005971700884401798, 0.0207253135740757, 0.03712722659111023, -0.010200529359281063, -0.01571286842226982, 0.008552231825888157, 0.028939779847860336, 0.0013054651208221912, 0.027642758563160896, 0.019847122952342033, -0.0035668076016008854, -0.034425098448991776, 0.012713507749140263, -0.004725344479084015, -0.00933584850281477, -0.05960892140865326, 0.01227441243827343, 0.010686912573873997, 0.0010352524695917964, 0.004215318243950605, -0.02400839887559414, 0.0011661367025226355, -0.028021058067679405, -0.033668503165245056, 0.023684144020080566, -0.010923348367214203, -0.014861698262393475, -0.02745361067354679, 0.040585946291685104, -0.020252441987395287, 0.025859355926513672, 0.00010882394417421892, -0.015969570726156235, 0.005279280710965395, 0.004279493819922209, 0.0059987218119204044, 0.008079360239207745, 0.003583695972338319, 0.03131765127182007, -0.008410369977355003, -0.010538294911384583, 0.003864041529595852, -0.0023103186395019293, 0.004846940282732248, -0.015185954049229622, -0.008721115067601204, 0.03172297030687332, -0.02858850359916687, -0.01700988970696926, 0.011882603168487549, -0.02942616306245327, 0.0068769133649766445, -0.010011380538344383, -0.010700423270463943, -0.016969358548521996, -0.014267230406403542, 0.012085262686014175, 0.03637063130736351, -0.017658399417996407, -0.003742445958778262, -0.0016195874195545912, -0.004424733109772205, -0.00015400012489408255, -0.006542525254189968, -0.0017749597318470478, 0.015321060083806515, -0.0420721173286438, -0.016374889761209488, 0.0006860869470983744, -0.022076377645134926, 0.016564039513468742, 0.007903721183538437, 0.003958615940064192, -0.0010268082842230797, 0.013044518418610096, -0.042585521936416626, 0.02760222740471363, -0.0018290021689608693, -0.0008397704223170877, -0.03728935122489929, 0.001052140723913908, -0.00834957230836153, -0.01036265678703785, 0.0006755317444913089, -0.01196366734802723, -0.003583695972338319, -0.015483187511563301, -0.022684356197714806, -0.0034857438877224922, -0.022927546873688698, 0.01692882552742958, 0.003451967379078269, -0.013956486247479916, 0.03566807508468628, -0.012686486355960369, -0.031831055879592896, 0.03826211765408516, -0.0007114193867892027, -0.0008068382157944143, 0.029182972386479378, -0.028318291530013084, 0.00021057591948192567, -0.032425522804260254, 0.0021194808650761843, -0.00945068895816803, -0.03966722637414932, -0.006366886664181948, -0.030750205740332603, -0.003938349895179272, -0.02842637710273266, -0.001099427929148078, 0.000608400790952146, 0.006265556905418634, -0.007734838407486677, 0.01868520863354206, 0.023359887301921844, -0.021698080003261566, 0.020536165684461594, -0.016793718561530113, -0.006008855067193508, 0.0012497337302193046, -0.02630520612001419, -0.014456379227340221, -0.013888932764530182, -0.007126859854906797, -0.012585156597197056, -0.012287922203540802, -0.016982868313789368, 0.0199822299182415, 0.016901804134249687, -0.0009541885810904205, -0.01151106134057045, -0.008788668550550938, -0.031452760100364685, -0.005407631862908602, -0.016104677692055702, 0.0021481909789144993, 0.005711621139198542, 0.020927973091602325, 0.01722605898976326, 0.030777227133512497, -0.009004837833344936, 0.015294038690626621, -0.0014439491787925363, -0.014024038799107075, -0.003975504543632269, -0.01806371845304966, 0.002855810569599271, -0.020401058718562126, -0.04282871261239052, -0.02561616338789463, 0.00903185922652483, -0.011882603168487549, -0.0035735629498958588, 0.04139658436179161, -0.007660530041903257, 0.01051802933216095, -0.01853659190237522, 0.005221860483288765, -0.013537656515836716, -0.0020350394770503044, 0.02364361099898815, -0.012672975659370422, -0.024900101125240326, 0.006160849705338478, 0.012564891017973423, 0.014550954103469849, -0.006626966409385204, 0.012564891017973423, 0.03237148001790047, 0.021171165630221367, -0.01151106134057045, 0.0028068344108760357, 0.0038809299003332853, -0.012963454239070415, 0.00949797686189413, 0.0072011686861515045, 0.001918510184623301, 0.011970422230660915, 0.020617229864001274, 0.007424093782901764, -0.021535951644182205, -0.017131485044956207, -0.0201983992010355, 0.02858850359916687, 0.013632230460643768, -0.005002312827855349, 0.021738611161708832, -0.029020844027400017, 0.011869092471897602, -0.022454675287008286, 0.0037019141018390656, 0.012821592390537262, -0.0012767550069838762, 0.005184706300497055, 0.04063998907804489, -0.004948270041495562, -0.02034701593220234, 0.009200742468237877, -0.008896753191947937, -0.010146486572921276, -0.01006542332470417, 0.0065526580438017845, 0.006809359882026911, 0.005687977187335491, 0.004289626609534025, -0.02415701560676098, -0.01609116606414318, -0.017793506383895874, -0.012618932873010635, -0.007403828203678131, -0.019009463489055634, 0.0029486960265785456, 0.18644677102565765, -0.008092870004475117, -0.01066664606332779, 0.009666859172284603, -0.022819463163614273, -0.006076408084481955, 0.022008825093507767, -0.012355475686490536, -0.005725131835788488, -0.0074713812209665775, 0.004765876568853855, 0.012875635176897049, -0.02453531324863434, -0.0007266188622452319, 0.02812914177775383, 0.016131699085235596, -0.036424670368433, -0.04063998907804489, -0.008099625818431377, 0.01571286842226982, -0.005296168848872185, -0.0009567218367010355, -0.000299767212709412, -0.03464126959443092, 0.03337126970291138, -0.005924413446336985, -0.00907914713025093, 0.004171408712863922, -0.011274624615907669, 0.02744009904563427, -0.012828348204493523, -0.026399780064821243, 0.010268082842230797, -0.014078081585466862, -0.02425158955156803, -0.0006822870927862823, 0.010497763752937317, -0.0006261335220187902, -0.013443081639707088, 0.024373184889554977, 0.019468825310468674, -0.023130206391215324, 0.0008558143163099885, 0.0022410766687244177, 0.003457033773884177, 0.024751484394073486, -0.016064144670963287, -0.001366263022646308, -0.002149879699572921, 0.0030449593905359507, -0.02126573957502842, 0.02226552739739418, 0.019928187131881714, 0.027318503707647324, -1.8392407582723536e-05, 0.0030550924129784107, 0.00880217831581831, 0.007728083059191704, 0.01272701844573021, -0.003423257265239954, -0.020698292180895805, 0.008059093728661537, 0.00880893412977457, 0.029831482097506523, -0.012564891017973423, 0.018252868205308914, -0.015510208904743195, 0.005313057452440262, 0.018928399309515953, -0.006626966409385204, -0.0054245200008153915, -0.014172656461596489, -0.02171158976852894, -0.003837020369246602, -0.012976964935660362, -0.03218233212828636, 0.03826211765408516, 0.002094148425385356, 0.025197334587574005, 0.02699424885213375, 0.009552018716931343, -0.015834463760256767, 0.014226698316633701, 0.02225201576948166, -0.0076199984177947044, -0.03437105566263199, 0.011565103195607662, -0.002447113860398531, -0.0041815415024757385, -0.0024403585121035576, -0.0157939326018095, -0.005458296742290258, -0.025102760642766953, 0.007505157962441444, 0.009653348475694656, -0.006235158070921898, 0.00827526394277811, 0.01875276118516922, -0.005002312827855349, -0.013638986274600029, 0.0016128320712596178, 0.07360593974590302, 0.031128503382205963, 0.015739889815449715, -0.0020299728494137526, 0.009693880565464497, -0.003195265308022499, -1.0858645509870257e-05, 0.03142573684453964, -0.016037123277783394, 0.004732099827378988, -0.05412360280752182, 0.021171165630221367, 0.003978881984949112, -0.025048717856407166, 0.022522227838635445, 0.016712656244635582, -0.03172297030687332, 0.015267017297446728, 0.009903295896947384, -0.004134254530072212, -0.03093935362994671, 0.005411009304225445, 0.016199251636862755, -0.023657122626900673, -0.015618294477462769, -0.020063292235136032, 0.006356753874570131, 0.007174147292971611, -0.017496272921562195, 0.01074771024286747, -0.02546754665672779, 0.030128715559840202, 0.016415420919656754, -0.009275050833821297, -0.00853872112929821, 0.029372120276093483, -0.003017937997356057, -0.012125794775784016, 0.006812737789005041, 0.0035195203963667154, -0.013172869570553303, 0.03301999345421791, -0.010497763752937317, -0.0030719805508852005, -0.0021549463272094727, 0.0005649134400300682, 0.03188509866595268, -0.024373184889554977, -0.0060189878568053246, -0.009241274558007717, -0.0046206372790038586, -0.0045632170513272285, 0.0013628853484988213, 0.015739889815449715, -0.02545403689146042, -0.0063432431779801846, -0.025589141994714737, -0.018658187240362167, 0.006883668713271618, -0.026859141886234283, -0.001052140723913908, 0.02263031341135502, -0.023535525426268578, -0.03866743668913841, -0.008187444880604744, -0.17174719274044037, 0.019617442041635513, 0.014240209013223648, -0.040396798402071, 0.005022578407078981, 0.015483187511563301, 0.019698506221175194, -0.010322125628590584, -0.05093509331345558, -0.0051948390901088715, 0.0022866749204695225, 0.007734838407486677, -0.03399275615811348, -0.013740316033363342, -0.013091805391013622, 0.010018136352300644, -0.009004837833344936, -0.0014912363840267062, 0.03753254562616348, -0.0001484058884670958, 0.053475093096494675, -0.049367859959602356, -0.006039253901690245, -0.016361379995942116, -0.000289212039206177, 0.007613243069499731, -0.0023390287533402443, 0.00888324249535799, -0.014091592282056808, -0.031371694058179855, 0.011842072010040283, -0.02133329212665558, 0.04174786061048508, -0.01622627303004265, -0.004461887292563915, 0.006089918781071901, 0.004168030805885792, 0.011632656678557396, -0.008511699736118317, 0.03428999334573746, -0.003399613546207547, 0.029480205848813057, 0.029993610456585884, 0.006032498553395271, -0.00789696630090475, 0.010693667456507683, 0.01226765662431717, -0.02799403667449951, 0.004036302212625742, -0.011065210215747356, -0.007511913310736418, -0.026778079569339752, 0.018887868151068687, 0.0023913823533803225, 0.017793506383895874, -0.018860846757888794, 0.01105169951915741, 0.0006700430531054735, -0.007964519783854485, -0.011423242278397083, -0.009808721020817757, -0.021441377699375153, 0.01101116742938757, -0.010639624670147896, -0.01131515670567751, -0.024197546765208244, -0.016739677637815475, 0.004184919409453869, -0.019104037433862686, -0.01177451852709055, -0.008322550915181637, -0.022279037162661552, -0.019077016040682793, -0.004265983123332262, 0.0218737181276083, 0.042423393577337265, -0.0030449593905359507, -0.020333506166934967, 0.016942337155342102, -0.03393871709704399, -0.0027865685988217592, 0.015280527994036674, -0.01678020879626274, 0.005921036005020142, -0.0027392811607569456, -0.009214253164827824, -0.003603962017223239, 0.01078824233263731, 0.00010507685510674492, -0.009275050833821297, 0.022914037108421326, -0.039153821766376495, 0.013713294640183449, -0.01181505061686039, 0.0013831512769684196, -0.002832166850566864, 0.001659274916164577, -0.004482153337448835, 0.02569722756743431, 0.014226698316633701, -0.0188338253647089, -0.01223388034850359, -0.020941484719514847, 0.008592763915657997, 0.029155950993299484, 0.010382923297584057, -0.01676669903099537, 0.013753826729953289, 0.009173721075057983, -0.021617015823721886, 0.009774944745004177, 0.004049812909215689, -0.00827526394277811, -0.0025146668776869774, -0.002541688270866871, 0.016185740008950233, -0.017496272921562195, -0.005373855121433735, 0.04469317942857742, -0.02561616338789463, 0.032290417701005936, -0.002160012722015381, -0.015334570780396461, -0.01276755053550005, -0.004647658672183752, -0.015239996835589409, -0.09900593757629395, -0.009619572199881077, 0.006866780109703541, 0.006957977078855038, -0.007903721183538437, 0.032128289341926575, -0.011598880402743816, 0.01722605898976326, -0.06187870725989342, 0.026183610782027245, -0.025427015498280525, 0.007484891917556524, 0.000947433291003108, 0.0010791620006784797, 0.02133329212665558, -0.030912332236766815, 0.00982898660004139, -0.02791297249495983, -0.014537443406879902, 0.04274765029549599, 0.008829199708998203, 0.018252868205308914, 0.03866743668913841, -0.0006725763087160885, -0.011571859009563923, 0.015618294477462769, -0.016564039513468742, 0.016739677637815475, 0.010234305635094643, -0.019576910883188248, 0.008113136515021324, -0.022062867879867554, 0.011558348312973976, -0.013733560219407082, -0.007288987748324871, -0.006309466436505318, -0.02150893025100231, -0.010018136352300644, 0.014199677854776382, -0.017280101776123047, 0.0196714848279953, 0.009099412709474564, -0.00933584850281477, 0.015902018174529076, -0.041207436472177505, -0.0027899460401386023, -0.010572072118520737, 0.005340078379958868, 0.015321060083806515, -0.01899595372378826, -0.03826211765408516, -0.012456805445253849, -0.03750552237033844, -0.009970848448574543, 0.015888506546616554, -0.012355475686490536, 0.011605635285377502, 0.017496272921562195, -0.0002541688154451549, 0.016672123223543167, 0.002085704356431961, -0.011862337589263916, -0.004576727747917175, 0.0163208469748497, 0.017036911100149155, -0.01120031625032425, -0.013382283970713615, -0.030236801132559776, -0.022981589660048485, 0.002371116541326046, -0.012855369597673416, 0.018860846757888794, -0.011788029223680496, 0.023967865854501724, -0.027939993888139725, -0.009693880565464497, -0.024116484448313713, -0.028696589171886444, 0.024873079732060432, 0.0028355445247143507, -0.014537443406879902, -0.02980446070432663, 0.016253294423222542, -0.021522441878914833, 0.006464838981628418, 1.2164849067630712e-05, -0.016969358548521996, 0.0025399993173778057, 0.008950795978307724, -0.03491147980093956, -0.011652923189103603, 0.02179265394806862, 0.007093083579093218, -0.026724036782979965, -0.001154314843006432, 0.015064357779920101, -0.02248169668018818, 0.004059945698827505, -0.014672549441456795, 0.014726592227816582, -0.027696801349520683, -0.0030094939284026623, -0.046071264892816544, 0.028561482205986977, 0.008133402094244957, -0.03253360837697983, -0.003985637333244085, 0.0007506846450269222, 0.005623802077025175, -0.013713294640183449, -0.016280315816402435, 0.02379222773015499, -0.01845552772283554, -0.0020873930770903826, 0.008754891343414783, -0.0030854912474751472, -0.013537656515836716, -0.0190499946475029, 0.008092870004475117, -0.011443507857620716, -0.004269360564649105, 0.0077415937557816505, -0.015077868476510048, 0.020914463326334953, -0.006616833619773388, 0.016442442312836647, -0.034425098448991776, -0.005826461594551802, -0.030507013201713562, 0.02157648466527462, -0.0010698734549805522, -0.0018678453052416444, -0.015874996781349182, -0.028642546385526657, 0.005779174156486988, 0.031128503382205963, 0.031749993562698364, -3.578207179089077e-05, 0.009207497350871563, 0.004110610578209162, 0.022089889273047447, 0.02729148231446743, -0.016374889761209488, -0.03804595023393631, -0.002337339799851179, 0.002580531407147646, -0.01097739115357399, -0.0025822201278060675, 0.018198825418949127, 0.0017183838644996285, 0.0002220810711150989, -0.007261966355144978, 0.021144144237041473, 0.015402124263346195, 0.005863615777343512, -0.024562334641814232, -0.0025484436191618443, -0.004711833782494068, 0.010430210269987583, -0.007302498444914818, -0.011558348312973976, -0.01622627303004265, 0.026251163333654404, -0.0035026322584599257, 0.024265101179480553, 0.004539573565125465, 0.01891488954424858, -0.0018391351914033294, -0.017874570563435555, 0.012551380321383476, 0.002308629686012864, -0.009552018716931343, 0.0007599732489325106, 0.004458509385585785, 0.0008959239930845797, 0.030074672773480415, -0.019077016040682793, -0.009923561476171017, 0.011821805499494076, -0.0025619540829211473, -0.004161275457590818, 0.011781273409724236, 0.006127072963863611, -0.020846910774707794, 0.004461887292563915, 0.00956552941352129, 0.026818610727787018, 0.012132550589740276, -0.013584943488240242, 0.010659891180694103, 0.009437178261578083, -0.0022224995773285627, 0.010126220993697643, 0.02699424885213375, -0.022738398984074593, 0.015483187511563301, -0.023576058447360992, -0.0008849466103129089, -0.03588424623012543, -0.004086967092007399, 0.03985637426376343, -0.010767975822091103, 0.019333718344569206, -0.0017749597318470478, -0.006184493191540241, -0.022995101287961006, -0.023508505895733833, 0.014834676869213581, -0.03093935362994671, 0.00839010439813137, -0.014429357834160328, 0.013524145819246769, 0.0185230802744627, 0.0032290418166667223, -0.0210360586643219, 0.004921248648315668, -0.015888506546616554, -0.0009052125387825072, 0.0028287891764193773, -0.02379222773015499, -0.034722331911325455, 0.005255637224763632, 0.015050847083330154, 0.019414782524108887, 0.008356328122317791, 0.00850494485348463, 0.023386908695101738, 0.03512765094637871, 0.012389251962304115, -0.01609116606414318, 0.03666786476969719, -0.002622751984745264, 0.006900556851178408, 0.0018458905396983027, 0.010794997215270996, -0.022468186914920807, -0.04415275529026985, 0.009092657826840878, -0.028723610565066338, 0.005485317669808865, -0.004803030751645565, 0.07987487316131592, 0.02027946338057518, -0.027804886922240257, 0.002051927614957094, -0.0336955226957798, -0.017712442204356194, 0.01139622088521719, 0.019185101613402367, -0.02507573924958706, 0.008173934184014797, -0.012740529142320156, 0.0032864620443433523, 0.018712230026721954, -0.007532178889960051, 0.004873961675912142, -0.018036697059869766, -0.007066062185913324, 0.008376593701541424, 0.004951647948473692, 0.0011999133275821805, 0.0043335361406207085, -0.0034823662135750055, 0.007599732372909784, -0.012632443569600582, -0.02172510139644146, -0.014267230406403542, 0.009849253110587597, -0.0071471258997917175, 0.010950369760394096, -0.024792015552520752, 0.020333506166934967, 0.015483187511563301, -0.023819249123334885, -0.004914493300020695, -0.003989015240222216, 0.007072817534208298, 0.003989015240222216, -0.017509782686829567, 0.00956552941352129, -0.007113349158316851, 0.011186805553734303, 0.006464838981628418, 0.02453531324863434, -0.02057669684290886, 0.008410369977355003, -0.014996805228292942, -0.009964093565940857, -0.01078148651868105, 0.0035026322584599257], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='aeb1910a-9a07-4aa0-91bb-f009df06ee8d', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '7', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_type': 'application/pdf', 'file_size': 1103758, 'creation_date': '2024-02-25', 'last_modified_date': '2023-12-13', 'last_accessed_date': None}, hash='9396ea4b6f9a053b9469d4bcc24a6510bd66b1806bc8c4e67b1102eced19f6ca')}, text='7 Related Work\\nRecent works on dense retrievers typically adopt\\na dual-encoder architecture (Yih et al., 2011;\\nReimers and Gurevych, 2019; Karpukhin et al.,\\n2020; Ni et al., 2022). With dual-encoders,', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='92503979-40ca-4b85-ac91-a3fe5173ec71', embedding=[-0.007979512214660645, 0.021663585677742958, 0.0010919423075392842, -0.0048763686791062355, -0.0401381179690361, 0.0042028180323541164, -0.027986714616417885, -0.038571082055568695, -0.042997270822525024, -0.014391989447176456, 0.03337511792778969, 0.03260534629225731, -0.012584399431943893, 0.0067595611326396465, 0.0027680867351591587, 0.008584333583712578, 0.017979677766561508, 0.026983261108398438, 0.015917787328362465, -0.0010953787714242935, -0.015257982537150383, -0.03211049363017082, -0.010852412320673466, 0.02030273899435997, -0.01605524681508541, 6.631337600992993e-05, 0.0383511446416378, -0.02066013403236866, 0.004409007262438536, -0.009470946155488491, 0.01626143604516983, -0.008281922899186611, -0.03428234905004501, 0.0016314700478687882, 0.002343681175261736, 0.005453697871416807, -0.0006366083980537951, -0.007017297204583883, 0.02390417270362377, -0.010701206512749195, 0.0034708473831415176, 0.02723068743944168, -0.0009940025629475713, 0.006048209499567747, -0.005244072526693344, 0.006182231940329075, 0.003213111311197281, -0.042667366564273834, -0.01890065334737301, 0.002116873161867261, 0.004230310209095478, 0.01539544202387333, -0.040083132684230804, -0.009835213422775269, -0.004649560898542404, -0.018392054364085197, -0.00568394223228097, 0.0039863199926912785, 0.013443520292639732, -0.035959355533123016, 0.006563681643456221, 0.022227169945836067, -0.004883241839706898, 0.013979610987007618, -0.012123910710215569, -0.022007234394550323, -0.02053641900420189, 0.012316353619098663, -0.005158160347491503, 0.0038248051423579454, 0.0035172398202121258, 0.04604886472225189, 0.021306192502379417, 0.002302443375810981, 0.022227169945836067, -0.01899687573313713, -0.012062054127454758, -0.007608372252434492, 0.006168486084789038, 0.016838764771819115, 0.01517550740391016, -0.015986517071723938, -0.0026735833380371332, 0.012068926356732845, 0.016660068184137344, 0.027890492230653763, -0.008350652642548084, 0.015367950312793255, 0.005704561248421669, -0.002659837482497096, -0.0013178910594433546, 0.005958860740065575, 0.021924758329987526, 0.03260534629225731, -0.02048143558204174, 0.01890065334737301, -0.013031141832470894, 0.024302804842591286, 0.017883455380797386, -0.01685251109302044, 0.004343714099377394, -0.009429708123207092, -0.023697983473539352, -0.013525995425879955, 0.004000065848231316, -0.0032199842389672995, -0.010735571384429932, 0.003938209265470505, 0.025141306221485138, 0.011835246346890926, -0.007285343017429113, 0.029031405225396156, 0.00494853500276804, -0.029416291043162346, -0.008082606829702854, 0.0023350899573415518, 0.00405161315575242, -0.018625736236572266, -0.008982965722680092, -0.019106842577457428, 0.014172053895890713, 0.01723739691078663, 0.017938438802957535, -0.009649642743170261, 0.034969646483659744, -0.0014467592118307948, -0.029856160283088684, -0.007271597161889076, 0.011684040538966656, -0.004835131112486124, 0.002793860388919711, 0.013594725169241428, -0.0015455579850822687, 0.018763195723295212, 0.010144496336579323, -0.0046701799146831036, -0.007917655631899834, 0.00607226463034749, -0.025402478873729706, -0.017113683745265007, 0.03376000374555588, 0.02045394480228424, -0.013031141832470894, -0.021086256951093674, -0.008412509225308895, 0.01191772148013115, 0.014227038249373436, 0.022543326020240784, 0.007855799049139023, 0.0034742839634418488, 0.00666677625849843, 0.012996776960790157, 0.01089364942163229, 0.018405800685286522, 0.018007168546319008, 0.025869840756058693, -0.02467394433915615, 0.022419612854719162, 0.004151270724833012, -0.03653668239712715, 0.020440198481082916, 0.01496931817382574, 0.003766384907066822, -0.011491597630083561, 0.013622216880321503, 0.03694906085729599, 0.034227367490530014, -0.00047552326577715576, -0.007903910242021084, -0.022722022607922554, -0.013319806195795536, 0.0005786177353002131, -0.019477983936667442, 0.022584563121199608, -0.007622118573635817, 0.026172250509262085, 0.01605524681508541, -0.002316189231351018, -0.03582189604640007, -0.0347222201526165, -0.0292788315564394, -0.015326712280511856, 0.0403030663728714, 0.03145068883895874, -0.02930632419884205, 0.023161891847848892, 0.017099937424063683, 0.007374691776931286, 0.02963622659444809, -0.017484823241829872, 0.008508730679750443, 0.022996941581368446, -0.01361534371972084, -0.019093098118901253, -0.652766764163971, -0.0048110755160450935, 0.00787641853094101, -0.030598441138863564, 0.007010424509644508, 0.012811207212507725, -0.0029227284248918295, -0.00951218418776989, -0.027148213237524033, 0.01441948115825653, -0.003529267618432641, -0.0006696845521219075, -0.0028454074636101723, -0.004216564353555441, -0.032055508345365524, -0.02053641900420189, -0.014117070473730564, -0.0062200333923101425, -0.0052062710747122765, -0.018405800685286522, -0.012220132164657116, 0.016962477937340736, -0.016756288707256317, 0.017402347177267075, -0.005250945221632719, 0.025691144168376923, 0.014309513382613659, -0.02802795171737671, 0.003013795241713524, -0.00881114136427641, -0.02434404194355011, 0.02280449867248535, 0.0366191565990448, 0.014117070473730564, 0.04610385000705719, 0.013752803206443787, -0.025320002809166908, 0.0031512544956058264, 0.022460849955677986, 0.04101785644888878, -0.0013471011770889163, -0.00936097837984562, 0.023079417645931244, -0.01884566992521286, 0.01049501821398735, 0.04525160416960716, 0.0238079521805048, 0.03004860319197178, -0.0011177159612998366, 0.006460587028414011, -0.009684007614850998, -0.018598243594169617, 0.004147834610193968, 0.005178779363632202, 0.007271597161889076, 0.021141240373253822, 0.03136821463704109, -0.027395639568567276, -0.007903910242021084, 0.001798998680897057, 0.010309447534382343, 0.006622102111577988, 0.004037866834551096, 0.007642737124115229, -0.03538202494382858, 0.030653424561023712, -0.001482842257246375, 0.003125480841845274, 0.026447169482707977, -0.02892143651843071, 0.013574106618762016, 0.022763259708881378, 0.002455366775393486, -0.013251076452434063, 0.008302541449666023, -0.001864291843958199, 0.02048143558204174, -0.0030653425492346287, -0.002539560664445162, 0.0420900397002697, -0.0049416618421673775, -0.02398664876818657, -0.030515965074300766, -0.00930599495768547, 0.01426827535033226, -0.01935427077114582, -0.0219659972935915, 0.016385149210691452, 0.022048471495509148, 0.044096942991018295, 0.0032388847321271896, -0.0022732331417500973, -0.02122371643781662, -0.013340425677597523, -0.004821385256946087, 0.03942332789301872, -0.008261304348707199, -0.005790472961962223, -0.001734564546495676, -0.0310383103787899, 0.00778706930577755, 0.00360830663703382, -0.007141010835766792, 0.001064450480043888, 0.01355348713696003, 0.01072869822382927, 0.004329968243837357, -0.014460718259215355, 0.045883916318416595, -0.007814561016857624, -0.009952053427696228, -0.022227169945836067, -0.00838501751422882, -0.006742378696799278, -0.004457117989659309, -0.020797591656446457, 0.018763195723295212, 0.004079104866832495, 0.00392446294426918, 0.003659853944554925, 0.021484889090061188, -0.0015842184657230973, 0.012756223790347576, -0.010625604540109634, 0.0004892692086286843, 0.032357919961214066, -0.004292166791856289, 0.0005468302988447249, -0.003752639051526785, 0.013306060805916786, 0.007182248402386904, -0.018117135390639305, 0.02395915612578392, 0.0019192754989489913, 0.014055213890969753, 0.0022886972874403, 0.029196355491876602, -0.002512068720534444, -0.004512101411819458, -0.04384951665997505, -0.02401413954794407, -0.019849123433232307, -0.006436531897634268, -0.02089381404221058, -0.026983261108398438, -0.028316617012023926, -0.01142974104732275, -0.0146394157782197, -0.008783649653196335, 0.0015919505385681987, -0.02030273899435997, 0.0045911408960819244, 0.014653162099421024, 0.008110098540782928, 0.020165279507637024, -0.008879871107637882, 0.0037457661237567663, -0.02695576846599579, -0.012873063795268536, -0.007656482979655266, 0.00967713538557291, 0.01208267267793417, 0.003484593238681555, -0.009134170599281788, 0.01679752767086029, -0.020522674545645714, -0.003008640604093671, 0.0032285754568874836, -0.008178828284144402, -0.026708342134952545, 0.008927981369197369, -0.00208422658033669, 0.007409056648612022, 0.010419415310025215, -0.015986517071723938, 0.011622183956205845, -0.02892143651843071, -0.02883896231651306, 0.001688172109425068, -0.012845572084188461, -0.0012981313047930598, 0.023354334756731987, -0.005189088638871908, -0.012178894132375717, 0.017306126654148102, 0.005917623173445463, 0.022777006030082703, 0.03378749638795853, -0.004842003807425499, 0.008900489658117294, 0.00721661327406764, 0.016178959980607033, -0.0054055871441960335, -0.01679752767086029, 0.008460620418190956, 0.004426189698278904, 0.009388470090925694, -0.0123507184907794, -0.0004896987811662257, 0.01246755849570036, 0.020426452159881592, -0.013182347640395164, 0.010859284549951553, -0.022185930982232094, 0.005226890090852976, -0.018474530428647995, 0.018172120675444603, -0.014584432356059551, 0.00133421435020864, -0.015491663478314877, 0.031010819599032402, -0.01902436837553978, -0.03109329380095005, -0.02342306450009346, 0.004450244829058647, 0.01863948069512844, -0.0030326959677040577, 0.005299055948853493, -0.004498355556279421, 0.005244072526693344, -0.006532753352075815, -0.0038900983054190874, 0.02163609489798546, -0.0027801143005490303, -0.028261633589863777, 0.015629122033715248, 0.022790752351284027, 0.000564871821552515, -0.0013874798314645886, -0.027038244530558586, 0.008543095551431179, 0.0027131030801683664, 0.017141174525022507, 0.004883241839706898, 0.0012946948409080505, -0.00748465908691287, 0.029416291043162346, -0.008989838883280754, 0.016522608697414398, 0.0005614353576675057, 0.01022697240114212, 0.002642655046656728, 0.015546646900475025, -0.016907494515180588, 0.006752688437700272, -0.004886678420007229, 0.006735506001859903, 0.025141306221485138, -0.012281988747417927, 0.012385083362460136, -0.01241257507354021, 0.020192772150039673, -0.042227499186992645, 0.012859317474067211, 0.02815166488289833, 0.003728583687916398, 0.0034021176397800446, 0.00484544038772583, 0.017526060342788696, 0.03890098258852959, 0.029058896005153656, -0.007897037081420422, 0.0071547566913068295, 0.009704627096652985, 0.007862672209739685, 0.021306192502379417, 0.009704627096652985, -0.0064090401865541935, -0.015257982537150383, 0.006213160697370768, 1.2859962225775234e-05, -0.017168667167425156, 0.003910717088729143, -0.016357656568288803, -0.008343779481947422, 0.014337005093693733, -0.005790472961962223, 0.003417582018300891, -0.0039863199926912785, 0.016577592119574547, -0.029883652925491333, -0.02467394433915615, -0.0017560425912961364, 0.03208300098776817, 0.007182248402386904, -0.020165279507637024, -0.011484724469482899, -0.005656450521200895, -0.016866257414221764, 0.011464105919003487, -0.01310674473643303, 0.016934985294938087, -0.01443322654813528, -0.008178828284144402, -0.007312834728509188, 0.006470896769315004, 0.024563977494835854, 0.011759643442928791, -0.006591173820197582, 0.014570686034858227, -0.001948485616594553, 0.018034661188721657, -0.01780097931623459, -0.0004213986685499549, 0.04233746603131294, -0.005106613039970398, -0.01171153225004673, -0.013154854997992516, 0.0183095782995224, -0.011443487368524075, 0.01443322654813528, -0.014543194323778152, -0.010082639753818512, -0.005800782702863216, 0.019629187881946564, -0.012907428666949272, 0.0018453911179676652, -0.012220132164657116, 0.0191480815410614, -0.008927981369197369, -0.018172120675444603, -0.01169778686016798, -0.007780196610838175, 0.00045962954754941165, 0.08181577920913696, 0.02966371737420559, 0.0005283592035993934, 0.006756124552339315, -0.006773306988179684, 0.010563747026026249, -0.022364629432559013, -0.016041500493884087, 0.008735538460314274, -0.0015996826114133, -0.011787135154008865, -0.008302541449666023, 0.01973915658891201, 0.014790620654821396, 0.014928080141544342, 0.004319658502936363, 0.0029519384261220694, 0.006790489424020052, 0.01044690702110529, -0.013202966190874577, -0.022062217816710472, -0.029553750529885292, -0.008350652642548084, 0.04060547798871994, -0.015491663478314877, -0.037168994545936584, 0.027175704017281532, -0.0008234671549871564, 0.006061955355107784, -0.03216547518968582, -0.015051793307065964, -0.0015318121295422316, 0.0027405947912484407, -0.004264675080776215, -0.006357492879033089, 0.01273560430854559, 0.01902436837553978, 0.006388421170413494, 0.022158440202474594, -0.010515636764466763, 0.0017165230819955468, 0.010598111897706985, 0.010584366507828236, 0.0008917672093957663, 0.01181462686508894, -0.028371600434184074, 0.014818113297224045, 0.014721890911459923, 0.017347363755106926, -0.006635847967118025, 0.019807886332273483, 0.007326581049710512, -0.012488177977502346, -0.029553750529885292, 0.004965717438608408, -0.014859350398182869, -0.019546713680028915, -0.013807786628603935, -0.008378144353628159, -0.008041368797421455, 0.000465213815914467, -0.028756486251950264, 0.030928343534469604, -0.004099723882973194, -0.013044888153672218, 0.013670328073203564, -0.021746061742305756, -0.012316353619098663, -0.02467394433915615, 0.02273576892912388, -0.006897020619362593, -0.023588016629219055, -0.040055640041828156, -0.0005219157901592553, 0.009869578294456005, -0.015134269371628761, 0.029086388647556305, -0.0182820875197649, 0.0025550248101353645, -0.012598144821822643, -0.005467443726956844, -0.018735703080892563, -0.0017414375906810164, -0.041540201753377914, -0.018598243594169617, -0.002283542649820447, 0.00416845316067338, -0.007491532247513533, -0.013993357308208942, 0.01567036099731922, 0.001729409908875823, -0.004189072176814079, -0.007917655631899834, 0.0004909874405711889, 0.01810339093208313, 0.011443487368524075, 0.007450294215232134, 0.013642835430800915, 0.007443421054631472, -0.008893616497516632, 0.023560523986816406, 0.002070480724796653, 0.007333453744649887, -0.010653096251189709, 0.011986451223492622, -0.0013891981216147542, 0.004268111195415258, -0.0005262113991193473, -0.011072346940636635, 0.004209691192954779, 0.0006546499207615852, -0.021498635411262512, 0.014611924067139626, -0.007120391819626093, -0.015312965959310532, 0.005017264746129513, 0.008982965722680092, 0.020110296085476875, 0.011251043528318405, -0.04725850746035576, 0.0046770526096224785, -0.006288763135671616, 0.02226840704679489, 0.012763096019625664, -0.01907935179769993, 0.012206385843455791, -0.015917787328362465, -0.02160860225558281, 0.009271630086004734, -0.00443649897351861, -0.020797591656446457, 0.00875615794211626, -0.020206518471240997, -0.01884566992521286, -0.02250208705663681, -0.011794008314609528, 0.017086191102862358, -0.008343779481947422, -0.017374856397509575, 0.0033557252027094364, -0.007312834728509188, -0.0019416126888245344, -0.011993324384093285, -0.0119039760902524, 0.007917655631899834, -0.023134401068091393, -0.02758808247745037, 0.024179091677069664, -0.02416534535586834, -0.006477769464254379, -0.007683975156396627, 0.0020395524334162474, -0.023203130811452866, -0.001696763327345252, -0.006804235279560089, -0.02728567086160183, -0.03365003690123558, -0.015766581520438194, 0.01218576729297638, 0.01502430159598589, 0.04580143839120865, -0.007793942466378212, -0.000460488663520664, -0.0013771704398095608, 0.012323226779699326, 0.028591535985469818, -0.012893682345747948, -0.019807886332273483, -0.016068993136286736, 0.011395376175642014, 0.005041319876909256, -0.014763128943741322, -0.0025309694465249777, 0.0025498701725155115, 0.01534045860171318, 0.022557072341442108, 0.001213078387081623, -0.00046950942487455904, -0.02140241302549839, -0.0043334043584764, -0.018680719658732414, 0.0010833510896191, -0.02357427030801773, -0.009745864197611809, -0.029801176860928535, -0.0311207864433527, 0.015134269371628761, 0.001989723416045308, -0.011580945923924446, 0.004711417481303215, 0.036784108728170395, -0.008089479990303516, 0.010639349929988384, 0.0008823169046081603, 0.00296568451449275, -0.006281889975070953, -0.026777071878314018, -0.028096681460738182, -0.02017902582883835, 0.01171153225004673, 0.013092998415231705, 0.0072990888729691505, 0.012041434645652771, -0.01241257507354021, -0.011498470790684223, -0.009560294449329376, -0.020962543785572052, -0.003910717088729143, -3.45527587342076e-05, -0.004728599917143583, -0.01551915518939495, -0.0061753592453897, -0.024770166724920273, -0.015546646900475025, 0.008371271193027496, 0.009649642743170261, -0.025732381269335747, 0.021086256951093674, -0.02684580162167549, -0.034942153841257095, 0.024440264329314232, -0.01703120768070221, 0.05341668426990509, 0.0046667433343827724, 0.04720352590084076, 0.016014009714126587, -0.01426827535033226, -0.018323324620723724, -0.00453959358856082, -0.008302541449666023, -0.004732036497443914, 0.012543161399662495, 0.022955704480409622, 0.006965750362724066, -0.007244105450809002, 0.012041434645652771, -0.0015996826114133, -0.04033055901527405, -0.03722397983074188, 0.009519056417047977, 0.0015893732197582722, 0.0012809488689526916, -0.01480436697602272, -0.014295767992734909, -0.021526126191020012, 0.004797329660505056, -0.013299187645316124, -0.018502023071050644, 0.00011318914766889066, 0.00021520971495192498, -0.01181462686508894, 0.017402347177267075, -0.0007216613157652318, 0.039725739508867264, -0.0017508878372609615, -0.04618632420897484, -0.0012422885047271848, -0.012371337041258812, -0.0025498701725155115, -0.019931599497795105, 0.005460571032017469, 0.04635127633810043, -0.024412771686911583, 0.02063264138996601, 0.014048340730369091, 0.010783682577311993, -0.005422769580036402, -0.001107406453229487, -0.004532720427960157, 0.02746436931192875, -0.0025361240841448307, 0.017086191102862358, 0.016907494515180588, -0.0018453911179676652, 0.03004860319197178, -0.004807638935744762, -0.022254660725593567, -0.0022766697220504284, -0.015807820484042168, -0.002799015026539564, 0.015161761082708836, 0.02006905898451805, 0.004481173120439053, 0.0016005417564883828, -0.005914186593145132, -0.004199381917715073, -0.018240850418806076, -0.006972623057663441, 0.024797657504677773, -0.054653819650411606, -0.015491663478314877, -0.013044888153672218, -0.005494935438036919, 0.01920306496322155, 0.002622036263346672, 0.01726488769054413, 0.012158275581896305, 0.013154854997992516, -0.02684580162167549, 0.01575283706188202, -0.00723723229020834, -0.0005700265755876899, -0.011580945923924446, -0.026529645547270775, -0.01628892682492733, -0.00930599495768547, 0.0346672348678112, -0.011072346940636635, -0.01252941507846117, -0.029141372069716454, 0.01213078387081623, 0.01261876430362463, -0.006653030402958393, 0.004567085299640894, 0.007780196610838175, 0.011498470790684223, -0.007120391819626093, 0.014708145521581173, -0.03705902770161629, 0.02582860365509987, 0.008185701444745064, 0.0025601794477552176, 0.017292380332946777, -0.004422753117978573, 0.012625636532902718, -0.0095740407705307, -0.011718405410647392, -0.011422867886722088, -0.039368342608213425, 0.01682501845061779, -0.006288763135671616, 0.028646519407629967, -0.020385215058922768, 0.0050069550052285194, -0.011821500025689602, -0.0050069550052285194, 0.0036014337092638016, 0.022955704480409622, -0.012749350629746914, -0.02416534535586834, 0.009952053427696228, 0.0048110755160450935, 0.04384951665997505, 0.02529251202940941, -0.015505409799516201, -0.007725212723016739, -0.013416027650237083, -0.012357591651380062, -0.034914661198854446, -0.01664632186293602, -0.009278503246605396, 0.034584760665893555, 0.011910848319530487, -0.01664632186293602, -0.033155184239149094, 0.004120342433452606, -0.011642803438007832, -0.03408990800380707, -0.009024202823638916, 0.00012263946700841188, 0.04052300378680229, -0.00035309858503751457, -0.021361175924539566, 0.03730645403265953, -0.01213078387081623, 0.0025790801737457514, -0.014240783639252186, -0.01756729930639267, 0.025141306221485138, -0.022240914404392242, -7.05552811268717e-05, 0.01039192359894514, -0.02401413954794407, -0.004292166791856289, 0.017979677766561508, -0.0009433144587092102, 0.003907280508428812, 0.030983326956629753, -0.0045361570082604885, -0.011216679587960243, -0.02886645309627056, -0.004604886751621962, -0.0003442926099523902, 0.013161728158593178, 0.029113881289958954, -0.005079121328890324, 0.0012156557058915496, 0.008123844861984253, -0.012103291228413582, -0.009780229069292545, 0.024330297484993935, 0.009745864197611809, -0.004921042826026678, 0.032000526785850525, 0.006869528908282518, -0.023161891847848892, 0.017113683745265007, -0.014158308506011963, 0.022337136790156364, 0.01646762527525425, -0.012440066784620285, 0.005515554454177618, 0.014776875264942646, -0.006663339678198099, -0.016371402889490128, 0.0070138610899448395, -0.015148014761507511, -0.007312834728509188, 0.017677266150712967, -0.004055049270391464, -0.004199381917715073, -0.010742444545030594, 0.00370109174400568, -0.011189186945557594, -0.004092850722372532, 0.014446972869336605, -0.010398795828223228, -0.04654372110962868, 0.02175980806350708, 0.017292380332946777, -0.017663519829511642, -0.013312933966517448, -0.0100620212033391, -0.03172560781240463, 0.01518925279378891, -0.005855766125023365, -0.009759610518813133, 1.4819831449131016e-05, -0.0011039699893444777, -0.0050859940238296986, -0.01098299864679575, -0.00907918717712164, 0.005436515435576439, 0.014309513382613659, -0.013422900810837746, 0.01425452996045351, 0.204869344830513, -0.004587704315781593, -0.0034485103096812963, 0.02505883015692234, -0.025155052542686462, 0.012110164389014244, 0.0039863199926912785, -0.010769936256110668, -0.018955638632178307, 0.006034463178366423, -0.008007004857063293, -0.005020700860768557, -0.011470979079604149, -0.0023316533770412207, 0.0146394157782197, -0.02158111147582531, -0.0028333798982203007, -0.007175375707447529, -0.01605524681508541, -0.02262580208480358, 0.006244088988751173, -0.0017431557644158602, 0.009903943166136742, 0.0034571015276014805, 0.016577592119574547, 0.010563747026026249, 0.0021684204693883657, -0.009354105219244957, 0.027546843513846397, 0.015972770750522614, -0.004783583804965019, -0.016096483916044235, 0.023436810821294785, 0.014446972869336605, -0.013993357308208942, 0.020921306684613228, 0.01296241208910942, 0.013113617897033691, 0.02892143651843071, 0.014227038249373436, 0.003390090074390173, 0.0024330297019332647, -0.003869479289278388, -0.015450425446033478, -0.0013230458134785295, 0.025333749130368233, -0.023148147389292717, 0.002744031371548772, -0.01355348713696003, -0.002297288505360484, -0.03191804885864258, 0.016426386311650276, 0.03406241536140442, 0.007512150797992945, 0.0024777038488537073, 0.008364398963749409, 0.02208971045911312, -0.01153283566236496, -0.005326548125594854, -0.003226857166737318, 3.337146699777804e-05, 0.017086191102862358, 0.005897004157304764, 0.027299417182803154, 5.7990644563687965e-05, 0.043767042458057404, -0.01899687573313713, 0.008295669220387936, 0.021663585677742958, -0.025306258350610733, 0.010199480690062046, -0.010591239668428898, -0.02378045953810215, 0.013766549527645111, -0.010192607529461384, -0.003948518540710211, 0.006082574371248484, 0.0025739255361258984, -0.0037320200353860855, 0.01884566992521286, -0.03958828002214432, -0.005295619834214449, -0.02892143651843071, -0.01789720170199871, 0.0005889271851629019, -0.005666759796440601, 0.02413785271346569, -0.0001651659404160455, -0.003390090074390173, -0.013292314484715462, -0.009312868118286133, -0.017842218279838562, -0.0027801143005490303, -0.0071547566913068295, 0.012845572084188461, -0.03653668239712715, 0.041457727551460266, 0.033842481672763824, 0.013876516371965408, -0.013910881243646145, -0.017910948023200035, 0.054351408034563065, 0.012295735068619251, 0.00276121380738914, -0.002776677953079343, -0.025663651525974274, -0.020261501893401146, -0.00018288531282451004, 0.007086026947945356, -0.006264707539230585, 0.02237837389111519, -0.01786970905959606, 0.004783583804965019, -0.01953296735882759, 0.01578032784163952, 0.012302607297897339, -0.0012105009518563747, -0.016605082899332047, -0.008549968712031841, 0.001515488838776946, -0.031285736709833145, -0.012811207212507725, 0.01109983865171671, 0.024481501430273056, -0.0016340474830940366, -0.03513459861278534, -0.0055396100506186485, 0.023051925003528595, -0.007264724001288414, -0.00969088077545166, 0.00903794914484024, -0.0328252799808979, -0.001506897620856762, -0.03230293467640877, -0.016728797927498817, 0.016728797927498817, -0.0018007168546319008, -0.0006610933342017233, -0.002027524635195732, -0.0006378970574587584, 0.011745897121727467, -0.024577723816037178, -0.005982916336506605, 0.022364629432559013, -0.012879936955869198, -0.043739549815654755, -0.026639612391591072, 0.012776842340826988, -0.01153283566236496, -0.03216547518968582, 0.0013316370313987136, -0.015216744504868984, 0.00815820973366499, -0.017484823241829872, 0.008330034092068672, -0.02925133891403675, 0.002817915752530098, -0.03004860319197178, -0.00985583197325468, 0.006556808948516846, 0.0036529810167849064, 0.015794074162840843, 0.02208971045911312, 0.00045705217053182423, -0.0238079521805048, -0.005048193037509918, -0.17770738899707794, 0.005642704199999571, 0.025814857333898544, -0.028371600434184074, 0.025429971516132355, 0.005491499323397875, 0.010543128475546837, 0.013141109608113766, -0.025457462295889854, 0.00951218418776989, 0.017319872975349426, -0.008818014524877071, -0.03947831317782402, -0.02145739644765854, -0.003362598130479455, -0.0017311280826106668, -0.01187648344784975, 0.031973034143447876, 0.010962379164993763, -0.0006383266299962997, 0.04027557745575905, -0.024563977494835854, -0.0035395771265029907, 0.004357459954917431, 0.019642934203147888, 0.01181462686508894, -0.00318046472966671, 0.019313031807541847, 0.00817195512354374, -0.009484691545367241, 0.002214812906458974, 0.01971166394650936, 0.013422900810837746, -0.006567118223756552, -0.004652997478842735, 0.014117070473730564, -0.010481271892786026, 0.004769837949424982, -0.01956045813858509, 0.022749515250325203, 0.029388798400759697, 0.01641263999044895, -0.011230424977838993, -0.012178894132375717, -0.007567134685814381, 0.00951218418776989, -0.014007102698087692, 0.010295702144503593, 0.01943674497306347, -0.024247821420431137, -0.007491532247513533, -0.013649708591401577, 0.014570686034858227, 0.005639268085360527, 0.0036151795648038387, 0.011704660020768642, 0.00784892588853836, -0.004422753117978573, 0.009381597861647606, 0.00748465908691287, -0.005278437398374081, -0.01425452996045351, 0.022034727036952972, -0.0066908313892781734, -0.00010883984941756353, -0.0076289912685751915, -0.019244302064180374, -0.0054743168875575066, -0.025113815441727638, -0.0053471666760742664, -0.0013058633776381612, -0.010687461122870445, 0.02505883015692234, -0.0025172235909849405, 0.003226857166737318, 0.02178729884326458, -0.030543457716703415, -0.011745897121727467, -0.0034622561652213335, 0.014680653810501099, -0.00930599495768547, 0.04178762808442116, 0.006879838183522224, -0.009003584273159504, 0.007958893664181232, 0.030570948496460915, 0.00360830663703382, -0.004463990684598684, -0.010962379164993763, 0.009381597861647606, 0.021773554384708405, -0.04239244759082794, -0.03474971279501915, 0.009092932567000389, 0.018117135390639305, 0.0155741386115551, -0.0086668087169528, 0.0008960628183558583, -0.015285474248230457, -0.01720990426838398, -0.0026581191923469305, -0.009752737358212471, 0.008075733669102192, 0.01661882922053337, 0.019422998651862144, 0.012824952602386475, -0.010824919678270817, 0.013952119275927544, 0.02357427030801773, 0.006591173820197582, -0.0030704971868544817, -0.008041368797421455, 0.01866697333753109, 0.03579440340399742, -0.000622862484306097, 0.0012706394772976637, 0.01163593027740717, -0.01518925279378891, 0.013024268671870232, 0.009299121797084808, 0.06339623034000397, -0.010000164620578289, -0.002998331096023321, 0.032357919961214066, -0.009663389064371586, -0.011787135154008865, -0.11293656378984451, 0.0011692631524056196, -0.0034210183657705784, 0.032742805778980255, 0.023849189281463623, 0.01480436697602272, -0.009711499325931072, 0.011567200534045696, 0.014013975858688354, 0.04068795219063759, -0.02173231542110443, -0.031175769865512848, -0.01825459487736225, 0.0020206517074257135, 0.020907560363411903, -0.007250978145748377, 0.0024381843395531178, -0.022873228415846825, 0.003917590249329805, 0.006742378696799278, -0.011677167378365993, -0.02523752860724926, 0.012027689255774021, -0.016151467338204384, -0.006941694766283035, -0.003683909308165312, -0.016178959980607033, 0.013209839351475239, 0.003147818148136139, -0.013230457901954651, 0.02529251202940941, -0.002393510192632675, -0.005250945221632719, -0.03079088404774666, 0.0008359244093298912, -0.015381695702672005, -0.025251273065805435, -0.00783518049865961, 0.02071511745452881, -0.02145739644765854, -0.009134170599281788, 0.010192607529461384, 0.010426288470625877, -0.018199611455202103, 0.018048405647277832, -0.004034430719912052, -0.04646124318242073, 0.01569785177707672, 0.0073540727607905865, -0.026240980252623558, -0.016371402889490128, -0.015532901510596275, -0.030213555321097374, -0.037883784621953964, 0.008089479990303516, 3.6190456739859655e-05, 0.01551915518939495, -0.0014862787211313844, -0.025333749130368233, 0.024770166724920273, 0.011189186945557594, -0.0033316698390990496, -0.009835213422775269, 0.002597980899736285, 0.021498635411262512, -0.004446808248758316, -0.01649511605501175, -0.01879068650305271, 0.011574073694646358, -0.020728863775730133, -0.016027754172682762, 0.013828406110405922, -0.015326712280511856, 0.0037560753989964724, -0.007381564471870661, -0.028055444359779358, -0.02081133797764778, -0.018268341198563576, 0.03076339140534401, -0.02411036193370819, -0.0051512871868908405, -0.018859416246414185, -0.010000164620578289, 0.0026976389344781637, -0.005570538341999054, 0.04101785644888878, 0.007141010835766792, -0.005398713983595371, 0.0031220444943755865, -0.02006905898451805, 0.005244072526693344, 0.02582860365509987, 0.018405800685286522, -0.01982163079082966, -0.004642687737941742, 0.012103291228413582, -0.012419448234140873, -0.011189186945557594, 0.02244710363447666, 0.003333388129249215, -0.03136821463704109, -0.0123507184907794, -0.06455089151859283, 0.04714854061603546, -0.0005476893857121468, 0.007883290760219097, -0.01789720170199871, 0.01703120768070221, 0.00924413837492466, 0.00035782373743131757, -0.00478702038526535, 0.02993863634765148, -0.014350751414895058, 0.03186306729912758, 0.012240750715136528, -0.009635897353291512, -0.01646762527525425, -0.012398828752338886, 0.013361044228076935, 0.006845473311841488, -0.006402167025953531, 0.013202966190874577, -0.012653129175305367, 0.00680767185986042, -0.01109983865171671, 0.028069188818335533, -0.014185800217092037, -0.008584333583712578, -0.004649560898542404, 0.008405636064708233, -0.020948797464370728, -0.005900440737605095, 0.04310723766684532, -0.0329352505505085, -0.016921240836381912, 0.012213259004056454, -0.00506881158798933, -0.018598243594169617, -0.010398795828223228, -0.015849057585000992, 0.026735834777355194, 0.02853655070066452, -0.005333420820534229, -0.00590731343254447, 0.001613428583368659, -0.03076339140534401, -0.003869479289278388, 0.0311482772231102, -0.017732249572873116, 0.004642687737941742, 0.011766516603529453, 0.00590731343254447, -0.007244105450809002, 0.0039210268296301365, 0.011436614207923412, -0.024426518008112907, -0.00832316093146801, -0.0014175490941852331, 0.009642770513892174, 0.009292248636484146, 0.00931974034756422, -0.012172020971775055, 0.03376000374555588, 0.00748465908691287, 0.00848811212927103, -0.018776940181851387, -0.0008690005051903427, -0.004656434059143066, -0.008556841872632504, -0.00636092945933342, 0.002630627481266856, -0.015161761082708836, 0.009876450523734093, 0.010130750946700573, 0.0068145450204610825, 0.039313361048698425, -0.014928080141544342, 0.02107251062989235, 0.012295735068619251, 0.0006155599257908762, -0.005598030053079128, 0.00787641853094101, 0.012213259004056454, -0.002900391351431608, -0.023079417645931244, 0.024921372532844543, 0.037114012986421585, 0.029003912582993507, -0.02848156727850437, 0.01273560430854559, -0.015601631253957748, 0.0005730334669351578, 0.019161825999617577, 0.009464072994887829, 0.0023780460469424725, -0.00860495213419199, 0.01044690702110529, 0.00026095789507962763, -0.0006516430294141173, 0.0027148211374878883, 0.023697983473539352, 0.015986517071723938, -0.004357459954917431, -0.005058502312749624, 0.012934920378029346, -0.0011873047333210707, -0.007264724001288414, -0.00098627049010247, -0.021100003272294998, -0.03909342736005783, 0.007092900108546019, -0.009092932567000389, -0.012845572084188461, 0.013828406110405922, -0.010515636764466763, 0.01371843833476305, 0.003972573671489954, 0.01044690702110529, -0.00030090700602158904, 0.0022955704480409622, -0.02107251062989235, 0.008790522813796997, 0.0006202851072885096, -0.005161596927791834, 0.022515833377838135, 0.0024158472660928965, 0.0022010670509189367, 0.002221686067059636, 0.04126528277993202, -0.008790522813796997, 0.019106842577457428, -0.011690913699567318, 0.009567167609930038, -0.001977695617824793, -0.007780196610838175, -0.0008814577595330775, 0.011828373186290264, 0.0015541492030024529, 0.02306567132472992, 0.010976125486195087, -0.0059451148845255375, 0.0621865876019001, 0.02170482464134693, -0.014068959280848503, 0.0247289277613163, -0.001696763327345252, -0.004467427264899015, 0.0028952364809811115, 0.014048340730369091, -0.02354677952826023, -0.01881817914545536, 0.03771883249282837, -0.00787641853094101, -0.005240635946393013, -0.025374988093972206, -0.05151974782347679, -0.01935427077114582, 0.0025636160280555487, 0.00235227239318192, -0.011175441555678844, -0.007285343017429113, 0.011347265914082527, -0.024605214595794678, 0.03219296783208847, -0.005938241723924875, 0.00934723298996687, -0.014460718259215355, 0.0364542081952095, -0.02125120908021927, -0.00031701551051810384, -0.025168798863887787, -0.002075635362416506, -0.026227235794067383, -0.025883587077260017, -0.026089776307344437, 0.01935427077114582, -0.010357558727264404, -0.019368015229701996, -0.00119074119720608, -0.00793827511370182, 0.010783682577311993, 0.0013075816677883267, 0.03507961332798004, -0.03032352216541767, -0.02250208705663681, 0.0030911159701645374, 0.013251076452434063, -0.020027820020914078, -0.01958795078098774, -0.038571082055568695], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='c062a0cd-7571-4304-9468-bab540f16b7b', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '8', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_type': 'application/pdf', 'file_size': 1103758, 'creation_date': '2024-02-25', 'last_modified_date': '2023-12-13', 'last_accessed_date': None}, hash='8394391ac0bf35c74fd20300212cffabe1d88e958aa4434c0c63a8ad9f6f4228')}, text='Passage Retrieval Sentence Retrieval Proposition Retrieval\\nQ1: What was the theme of Super Bowl 50?\\nTitle: Super Bowl X ✗\\nThe overall theme of the Super Bowl enter-\\ntainment was to celebrate the United States\\nBicentennial. Each Cowboys and Steelers\\nplayer wore a special patch with the Bicen-\\ntennial logo on their jerseys...Title: Super Bowl X ✗\\nThe overall theme of the Super Bowl\\nentertainment was to celebrate the\\nUnited States Bicentennial.Title: Super Bowl XLV ✓\\n... As this was the 50th Super Bowl game,\\nthe league [SuperBowl 50] emphasized\\nthe\"golden anniver sary\" with various gold-\\nthemed initiatives during the 2015 season, as\\nwell as...\\nQ2: The atomic number of indium which belongs to 5th period is?\\nTitle: Period 5 element ✗\\nThe periodic table is laid out in rows to illus-\\ntrate recurring (periodic) trends in the chemi-\\ncal behaviour of the elements as their atomic\\nnumber increases: ...Title: Period 5 element ✓\\nIndium is a chemical element with the\\nsymbol In and atomic number 49.Title: Period 5 element ✓\\nIndium is a chemical element with the sym-\\nbol In and [Indium has a] atomic number 49.\\nThis rare, very soft, malleable ...\\nQ3: What is the function of the pericardial sac?\\nTitle: Pericardium ✓\\nThe pericardium, also called pericardial sac\\n... It separates the heart from interference of\\nother structures, protects itagainst infection\\nandblunt trauma, andlubricates theheart’s\\nmovements.Title: Pericardium ✗\\nThe pericardium, also called pericar-\\ndial sac, is a double-walled sac con-\\ntaining the heart and the roots of the\\ngreat vessels.Title: Cardiac muscle ✓\\nOn the outer aspect of the myocardium is the\\nepicardium which forms part of thepericar-\\ndialsacthatsurrounds, protects, andlubri-\\ncates theheart.\\nQ4: What is the main character’s name in layer cake?\\nTitle: Layer Cake (film) ✓\\n... The film’s plot revolves around a London-\\nbased criminal, played by Daniel Craig, ...\\nCraig’s character is unnamed in the film and\\nis listed in the credits as \"XXXX\" .Title: Angelic Layer ✗\\nThe primary protagonist is Misaki\\nSuzuhara.Title: Plot twist ✗\\nSometimes the audience may discover that\\nthe true identity of a character is , in fact,\\nunknown [in Layer Cake] , as in Layer Cake\\nor the eponymous assassins in V for Vendetta\\nand The Day of the Jackal.\\nTable 4: Example cases where top-1 retrieved text unit of each retrieval granularity fails to provide the correct\\nanswer. ', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='16221641-fbfe-4957-8c69-ca1d97dce530', embedding=[-0.0006895388360135257, 0.0008755979943089187, 0.0017279386520385742, -0.05427415668964386, -0.011025729589164257, 0.012886322103440762, 0.008979078382253647, -0.00409330241382122, -0.023140249773859978, -0.04768628254532814, 0.004754845984280109, 0.04492985084652901, -0.0021069480571895838, 0.0050339349545538425, -0.009819790720939636, 0.0054060532711446285, 0.017820335924625397, 0.02792266011238098, 0.02178959921002388, -0.010756977833807468, -0.010922363959252834, -0.024532249197363853, -0.01374770700931549, -0.010688066482543945, 0.008379554376006126, 0.017903028056025505, 0.030623964965343475, -0.019543105736374855, -0.013217093423008919, 0.010336621664464474, -0.0008527712780050933, -0.0022275419905781746, -0.030238064005970955, -0.01354097481817007, -0.008179713040590286, 0.01460909191519022, 0.010529572144150734, -0.004089856520295143, 0.02506975270807743, -0.007139160297811031, 0.007063358090817928, 0.02305755764245987, 0.010136780329048634, -0.0106949582695961, 0.00010148193541681394, -0.015380892902612686, 0.002234433079138398, -0.0168969314545393, -0.00845535658299923, 0.010191909037530422, 0.013210202567279339, 0.04644588753581047, -0.01976362057030201, 0.002677184995263815, -0.0074492585845291615, -0.01845431514084339, -0.02757810615003109, 0.016731545329093933, 0.0012619292829185724, -0.033573348075151443, 0.008675871416926384, -0.0025324723683297634, -0.0004039896302856505, 0.010364186018705368, -0.009316741488873959, -0.01890912652015686, -0.027812404558062553, 0.013789053075015545, 0.024173913523554802, -0.0032525903079658747, 0.030375886708498, 0.02050785720348358, 0.0075250607915222645, -0.0033370060846209526, 0.026820087805390358, -0.015119032002985477, -0.00564379571005702, 0.0013842459302395582, -0.007952307350933552, 0.0017494732746854424, -0.0069910017773509026, -0.015904614701867104, 0.0025720959529280663, 0.024614941328763962, 0.017971940338611603, 0.004172549583017826, 0.010839670896530151, 0.022850824519991875, -0.014443705789744854, -0.0002056556986644864, 0.004506767261773348, 0.013871746137738228, 0.030568836256861687, 0.020673243328928947, 0.006377695593982935, 0.008717217482626438, 0.003614372108131647, 0.036770809441804886, 0.01376148872077465, -0.026434186846017838, -0.009971394203603268, 0.006663675419986248, -0.050415150821208954, -0.0019760176073759794, -0.01979118585586548, 0.005282013677060604, -0.005719597451388836, -0.018798869103193283, 0.004434410948306322, -0.006646447815001011, 0.001664196141064167, 0.0467766597867012, 0.005471518263220787, -0.02337454818189144, 0.015215507708489895, -0.013658123090863228, 0.009475236758589745, -0.009227157570421696, -0.006384586915373802, 0.008999751880764961, 0.01130826398730278, 0.007380348164588213, 0.00984046421945095, -0.010605374351143837, 0.04457151144742966, -0.021996330469846725, 0.0006822170107625425, -0.024849237874150276, -0.01564275473356247, -0.0026341157499700785, 0.0016133743338286877, 0.040519557893276215, -0.008710326626896858, 0.013534083031117916, -0.011873332783579826, 0.028722025454044342, -0.002289561787620187, 0.010798323899507523, -0.03084447979927063, -0.03688106685876846, 0.013699469156563282, -0.007642209064215422, -0.020301125943660736, -0.010805215686559677, -0.015298199839890003, 0.03158871456980705, 0.007883396930992603, 0.015753012150526047, 0.016180258244276047, 0.005995240528136492, 0.017365524545311928, -0.0010681175626814365, 0.002458393108099699, 0.010956819169223309, -0.0011654541594907641, -0.0006895388360135257, -0.018688611686229706, 0.01686936616897583, -0.028666898608207703, -0.002132789697498083, 0.019501760601997375, -0.00210005696862936, 0.010943036526441574, 0.01256244070827961, 0.02595181204378605, 0.03500669077038765, 0.021114272996783257, 0.0034214218612760305, -0.005988349672406912, -0.035943880677223206, -0.02136235125362873, 0.03690863028168678, -0.02349858731031418, 0.016138911247253418, -0.005802290514111519, -0.004468866158276796, 0.04859590530395508, -0.007132268976420164, -0.03787338361144066, -0.014099151827394962, 0.009489018470048904, 0.004365500062704086, 0.00864830706268549, 0.0028063927311450243, -0.000998345436528325, -0.007352783810347319, 0.015794357284903526, -0.002999342978000641, -0.016194039955735207, -0.02342967689037323, 0.01050889864563942, 0.011632145382463932, 0.0003981752961408347, -0.010164344683289528, -0.6258204579353333, 0.0012171372072771192, 0.021982548758387566, -0.03417976200580597, 0.003281877376139164, 0.006525854114443064, -0.004327598959207535, 0.0068910811096429825, -0.0238155759871006, 0.05548698455095291, -0.02351236902177334, -0.04024391248822212, -0.0036212631966918707, -0.013024143874645233, -0.01480204239487648, -0.025993159040808678, -0.020066827535629272, 0.0009311573230661452, 0.0032525903079658747, 0.013568539172410965, -0.024353081360459328, 0.021954985335469246, -0.025000842288136482, -0.000748543709050864, -0.0015625526430085301, 0.017475781962275505, -0.008820584043860435, -0.01336180604994297, 0.0003738411469385028, 0.008689653128385544, -0.02927331253886223, 0.02719220705330372, 0.02635149471461773, -0.0013601271202787757, 0.03823171928524971, -0.0015229289419949055, -0.01401645876467228, 0.00904798973351717, 0.019033165648579597, 0.03214000165462494, -0.041732389479875565, -0.02305755764245987, 0.021279659122228622, -0.01294145081192255, -0.022023895755410194, 0.030375886708498, 0.009992067702114582, 0.005733379628509283, -0.0013334242394194007, -0.01005408726632595, -0.009571711532771587, 0.0024015416856855154, -0.0016418000450357795, -0.007876506075263023, 0.0019226116128265858, 0.019088294357061386, 0.03875543922185898, -0.025703731924295425, 0.012479747645556927, -0.009275395423173904, -0.0020070273894816637, -0.015022557228803635, -0.02337454818189144, -0.004386173095554113, -0.025717515498399734, 0.002119007520377636, -0.0027805513236671686, 0.01195602584630251, 0.022506270557641983, -0.0526202954351902, -0.001988076837733388, 0.03373873233795166, -0.0011981867719441652, -0.024146348237991333, -0.0030527489725500345, 0.024587377905845642, 0.016979623585939407, -0.014898517169058323, 0.005791953764855862, 0.016304297372698784, 0.00906177144497633, -0.021665560081601143, -0.014829606749117374, 0.006749813910573721, 0.004744509235024452, -0.0005732518038712442, -0.027398938313126564, 0.02913549169898033, 0.00409674784168601, 0.017007188871502876, 0.006381141021847725, 0.0119077879935503, -0.04559139162302017, -0.029824599623680115, 0.009785335510969162, 0.015463585965335369, -0.007910961285233498, 0.013823509216308594, 0.024876803159713745, -0.007090922445058823, -0.0004309079085942358, -0.002389482455328107, 0.0012145530199632049, 0.0053026871755719185, 0.02267165668308735, 0.021183183416724205, -0.007435476407408714, -0.0025359177961945534, -0.0056989239528775215, -0.026930345222353935, 0.003426590235903859, -0.021486390382051468, -0.011831986717879772, -0.016235386952757835, -0.009544147178530693, -0.03415219858288765, 0.03123038075864315, -0.0027960562147200108, -0.0033904118463397026, -0.023980962112545967, -0.0025445318315178156, 0.0008402811945416033, -0.011135987006127834, -0.004648034460842609, 0.02636527642607689, -0.00021093168470542878, 0.00885503925383091, -0.009302959777414799, -0.009378761053085327, 0.009750880300998688, 0.014884735457599163, -0.015077685937285423, 0.04250418767333031, 0.0008019495871849358, 0.02753676101565361, -0.007318328134715557, 0.02268543839454651, -0.0037625303957611322, 0.008889494463801384, -0.009413217194378376, -0.03809389844536781, -0.01480204239487648, 0.011618362739682198, -0.040960587561130524, -0.014912299811840057, -0.023291854187846184, -0.004172549583017826, -0.006432824302464724, 0.008331317454576492, -0.02132100611925125, -0.009027316235005856, -0.02637905813753605, -0.009082444943487644, 0.0024773436598479748, -0.009950721636414528, -0.008159040473401546, -0.020452728495001793, -0.0176825150847435, -0.008069455623626709, -0.04980873316526413, -0.0003846084582619369, 0.025180010125041008, -0.016662634909152985, 0.015477368608117104, -0.003433481091633439, -0.022340884432196617, -0.00700133852660656, 0.01334802433848381, -0.008565613999962807, -0.028088046237826347, 0.0009880088036879897, -0.024987060576677322, 0.018812650814652443, 0.027784839272499084, 0.0040347278118133545, 0.01646968349814415, -0.020397599786520004, -0.008613851852715015, -0.007759357336908579, -0.03302206099033356, 0.015036338940262794, -0.0005555934039875865, -0.01296212337911129, -0.00710470462217927, 0.0028821947053074837, 0.0030045113526284695, -0.0008458801894448698, -0.00035919761285185814, -0.001564275473356247, 0.0008277911110781133, -0.00019445769430603832, 0.014181844890117645, -0.02261652797460556, 0.01850944384932518, -0.008227950893342495, 0.01685558445751667, 0.03528233617544174, 0.009923157282173634, -0.013713251799345016, 0.019019383937120438, -0.010832780040800571, -0.002286116126924753, 0.0012714044423773885, -0.021555302664637566, 0.002408432774245739, -0.009068663232028484, 0.014126716181635857, -0.029769470915198326, -0.006174408830702305, 0.018743740394711494, 0.016359426081180573, -0.010074760764837265, -0.024463338777422905, -0.005275122821331024, -0.024380644783377647, 0.040547121316194534, -0.01725526712834835, 0.01936393789947033, -0.010281492955982685, -0.020645679906010628, 0.003907243255525827, -0.009358088485896587, 0.017503345385193825, 0.01395443920046091, -0.006546527147293091, 0.006257101893424988, 0.010784542188048363, 0.001448849798180163, 0.026489315554499626, -0.012004263699054718, 0.00906177144497633, 0.03660542145371437, 0.02054920420050621, 0.010433097369968891, -0.006660229992121458, -0.004899558611214161, 0.021582866087555885, -0.004968469496816397, 0.02427038736641407, -0.017778988927602768, 0.003230194328352809, 0.032691288739442825, -0.0018743741093203425, -0.01766873151063919, 0.022037677466869354, -0.007897178642451763, 0.020811066031455994, 0.001867483020760119, -0.014236973598599434, 0.0076284268870949745, -0.007938525639474392, 0.008910167962312698, 0.0009535533608868718, -0.0018778196536004543, 0.03043101541697979, -0.014099151827394962, 0.00720807071775198, 0.015270635485649109, 0.031037429347634315, 0.042145851999521255, 0.012086956761777401, -0.025786425918340683, -0.006105497945100069, -0.020687025040388107, 0.042972780764102936, -0.004069183487445116, -0.0021465718746185303, -0.027261117473244667, -0.017971940338611603, 0.014181844890117645, -0.008910167962312698, -0.01726904883980751, -0.002504908014088869, -0.013175747357308865, 0.00514763779938221, 0.022864608094096184, -0.0018381959525868297, 0.022781914100050926, -0.004820311442017555, 0.035502851009368896, -0.010226364247500896, -0.039637498557567596, 0.040850330144166946, 0.02839125506579876, -0.0027839967515319586, -0.01686936616897583, -0.02790887840092182, 0.010977492667734623, -0.02347102202475071, 0.00028102690703235567, -0.008434683084487915, 0.009916265495121479, 0.002763323485851288, -0.024546030908823013, -0.005068390164524317, 0.03423489257693291, 0.010026522912085056, 0.005864310078322887, 0.016772892326116562, 0.006002131849527359, -0.012335035018622875, 0.013320459984242916, -0.033490654081106186, 0.005636904388666153, 0.07106082886457443, -0.023663973435759544, -0.0033869664184749126, -0.00904798973351717, -0.012135193683207035, -0.007428585551679134, 0.019157204777002335, 0.004961578641086817, -0.000411742104915902, 0.004368945490568876, 0.010543353855609894, 0.011480540968477726, -0.02720598876476288, 0.001982908695936203, 0.02841881848871708, 0.015477368608117104, 0.01562897302210331, -0.0319470539689064, 0.011783748865127563, 0.008214169181883335, 0.03666055202484131, 0.05642417445778847, -0.03773555904626846, 0.009282286278903484, -0.019584452733397484, 0.02585533633828163, -0.0322226956486702, -0.018785087391734123, 0.01214897632598877, -0.0030872044153511524, -0.040133655071258545, -0.023732883855700493, 0.030679093673825264, -0.013286004774272442, 0.036412473767995834, 0.0017210475634783506, -0.007166724652051926, -0.017145009711384773, 0.0006417319527827203, -0.020783500745892525, -0.001579780364409089, 0.0168969314545393, 0.007159833330661058, 0.03994070738554001, 0.001598730799742043, -0.01565653644502163, 0.02185850962996483, 0.031478457152843475, 0.00585052790120244, -0.03870031237602234, -0.021128054708242416, 0.0010663948487490416, -0.005113182123750448, 0.004496430512517691, -0.0137959448620677, 0.01844053342938423, 0.011232462711632252, -0.002287838840857148, 0.025235138833522797, 0.0012421173742040992, 0.012665807269513607, 0.04553626477718353, 0.011335828341543674, -0.002740927506238222, 0.003397302934899926, -0.018399186432361603, -0.004079520236700773, 0.018716176971793175, 0.01609756611287594, 0.00525444932281971, 0.0028374027460813522, 0.0010147116845473647, -0.014498834498226643, -0.019143423065543175, 0.00034304664586670697, -0.010770759545266628, -0.02585533633828163, -0.005819518119096756, -0.020687025040388107, -0.016759108752012253, 0.00525100389495492, -0.019198551774024963, 0.013368697836995125, -0.019391503185033798, 0.0041966685093939304, -0.016276733949780464, -0.014733131974935532, -0.028446383774280548, -0.02016330324113369, 0.022933518514037132, -0.021031579002738, 0.00023386607063002884, -0.04570164903998375, 0.0002280517219332978, 0.024904366582632065, 0.023181596770882607, 0.013437608256936073, -0.01637320965528488, 0.0041174208745360374, -0.013685687445104122, -0.00924783106893301, -0.007897178642451763, -0.0026461752131581306, -0.02432551607489586, 0.006529299542307854, -0.009351197630167007, -0.02504218928515911, -0.01336180604994297, -0.02757810615003109, -0.013010361231863499, -0.0016504139639437199, -0.007924742996692657, -0.005536983720958233, -0.009833572432398796, 0.027247335761785507, 0.02185850962996483, 0.007283872924745083, 0.0238844882696867, 0.007642209064215422, -0.03158871456980705, -0.005709260702133179, -0.004368945490568876, 0.004592905752360821, -0.039306726306676865, 0.023622626438736916, -0.014154280535876751, 0.005182093009352684, 0.011246244423091412, 0.0011904343264177442, -0.020811066031455994, 0.02753676101565361, 0.00505460798740387, -0.005106291268020868, 0.0015539388405159116, 0.014112934470176697, 0.0030751449521631002, 0.008724108338356018, 0.035199642181396484, 0.014678003266453743, -0.019446631893515587, 0.002270611235871911, -0.0033869664184749126, 0.03167140856385231, 0.014223191887140274, -0.012714045122265816, 0.02019086852669716, -0.009992067702114582, -0.006474170833826065, -0.026144761592149734, 0.006133062299340963, -0.0034455405548214912, 0.03497912734746933, 0.0008002268150448799, 0.0057781715877354145, -0.009309850633144379, 0.004344826564192772, 0.0005805735709145665, -0.008827474899590015, -0.03277398273348808, 0.01608378440141678, 0.015380892902612686, 0.003045857883989811, -0.01638699136674404, -0.004210450686514378, 0.022092806175351143, -0.022795695811510086, -0.02589668333530426, 0.046225372701883316, -0.004024391528218985, 0.01802706904709339, -0.016552377492189407, 0.008097019977867603, -0.018357839435338974, -0.028584204614162445, -0.0024256606120616198, -0.02883228287100792, -0.0026720166206359863, 0.005764389410614967, 0.03547528758645058, 0.02505597099661827, 0.05358504876494408, -0.008221060037612915, 0.017572257667779922, 0.019115859642624855, -0.003821104532107711, 0.006208864040672779, 0.010812106542289257, -0.005292350426316261, -0.022740567103028297, 0.009943829849362373, 0.012734717689454556, -0.006467279512435198, 0.006363913416862488, 0.014278320595622063, 0.02676495909690857, 0.03737722337245941, 0.002458393108099699, 0.0019536216277629137, -0.010219473391771317, -0.033904120326042175, -0.023526150733232498, 0.017999503761529922, 0.011880223639309406, 0.004861657973378897, -0.04754846170544624, 0.014939864166080952, 0.03087204322218895, 0.012803629040718079, 0.013706360943615437, 0.001270543085411191, 0.024807892739772797, -0.018399186432361603, 0.011232462711632252, -0.019584452733397484, -0.0014023350086063147, -0.014305884949862957, 0.0064121512696146965, -0.015036338940262794, 0.003111323108896613, 0.020811066031455994, 0.006381141021847725, 0.0026341157499700785, 0.012617569416761398, 0.004072628915309906, -0.008420901373028755, -0.021665560081601143, -0.012727826833724976, -0.01609756611287594, -0.011418521404266357, -0.028997668996453285, -0.025731297209858894, -0.015353328548371792, -0.009330524131655693, -0.0004317692946642637, 0.013120618648827076, 0.01688314974308014, -0.012024936266243458, 0.027398938313126564, -0.0030010659247636795, -0.021541519090533257, 0.01255554985255003, 0.014581527560949326, 0.05022219941020012, -0.012383272871375084, 0.01929502747952938, 0.035502851009368896, 0.007752466481178999, -0.005064944736659527, 0.012679588980972767, -0.003364570438861847, 0.004244905896484852, 0.02833612635731697, 0.012810519896447659, -0.025276485830545425, -0.024477120488882065, 0.000684370519593358, 0.009675078094005585, -0.02173447050154209, -0.02344345860183239, 0.030375886708498, 0.00584363704547286, 0.005812626797705889, 0.008365772664546967, -0.01360988523811102, -0.007139160297811031, -0.011976699344813824, -0.015422239899635315, 0.002403264632448554, 0.0020966115407645702, 0.010426205582916737, -0.021886073052883148, 0.03994070738554001, -0.005536983720958233, 0.017889246344566345, -0.00679805176332593, -0.016593722626566887, -0.017930593341588974, 0.006367358844727278, -0.002659957390278578, 0.02307133935391903, 0.010639829561114311, 0.04046442732214928, -0.022451141849160194, -0.0025186901912093163, 0.01893669180572033, 0.002153462963178754, -0.006866962183266878, 0.01400267705321312, -0.00780070386826992, 0.03415219858288765, -0.03045857883989811, -0.005564548075199127, 0.011218680068850517, -0.013782162219285965, 0.04162213206291199, -0.018840216100215912, 0.003319778246805072, -0.022023895755410194, -0.020259778946638107, 0.003686728421598673, 0.034372713416814804, -0.0036695008166134357, -0.012679588980972767, -0.00409674784168601, 0.001715879188850522, 0.017020970582962036, -0.008276188746094704, -0.017903028056025505, 0.001370463753119111, -0.031423330307006836, -0.01168727409094572, 0.021472608670592308, 0.004417182877659798, 0.022313321009278297, -0.013933765701949596, -0.00554732047021389, 0.011266917921602726, 0.02300242893397808, -0.0010543353855609894, 0.002320571569725871, 0.00029868530691601336, 0.006077933590859175, -0.04969847574830055, 0.009819790720939636, -0.003113045822829008, 0.006563754752278328, 0.03302206099033356, -0.013334241695702076, -0.013423826545476913, -0.013258440420031548, -0.014567745849490166, 0.019460413604974747, -0.004606687929481268, -0.01844053342938423, 0.014870952814817429, -0.0031492242123931646, 0.0025445318315178156, 0.0024015416856855154, -0.019929006695747375, 0.038838133215904236, 0.0003559674078132957, -0.014168063178658485, 0.030982300639152527, -0.04024391248822212, 0.016345644369721413, -0.0015935625415295362, -0.002537640742957592, -0.006811833940446377, -0.046225372701883316, -0.0026944128330796957, -0.01976362057030201, 0.014333449304103851, -0.012383272871375084, -0.027068166062235832, 0.0046652620658278465, -0.0054026078432798386, -0.012011154554784298, 0.033132318407297134, 0.017572257667779922, 0.006674012169241905, 0.020742153748869896, -0.0140095679089427, -0.0028546303510665894, 0.0008721524500288069, -0.027398938313126564, -0.023360764607787132, -0.01598730869591236, -0.008944623172283173, -0.03503425791859627, -0.0032388081308454275, -0.025731297209858894, 0.04162213206291199, 0.014760696329176426, -0.016276733949780464, -0.013671904802322388, -0.0026513435877859592, -0.022768132388591766, -0.00944767240434885, -0.012266124598681927, 0.015270635485649109, 0.019598234444856644, -0.009502801112830639, -0.012417728081345558, 0.026241237297654152, -0.004555004648864269, 0.012238560244441032, -0.022781914100050926, 0.00779381301254034, -0.005630013532936573, -0.02511109970510006, 0.015367111191153526, 0.0005487023154273629, -0.0360817015171051, -0.01766873151063919, 0.016703980043530464, -0.004913340788334608, 0.009316741488873959, 0.04561895877122879, 0.001236087642610073, 0.017834117636084557, -0.024821674451231956, 0.03495156392455101, 0.02301621064543724, -0.010185018181800842, 0.019556889310479164, -0.0319470539689064, -0.008103911764919758, -0.007132268976420164, -0.002182750031352043, 0.0018623146461322904, -0.0006378557300195098, -0.0034059169702231884, 0.010288383811712265, 0.003399025881662965, -0.023250507190823555, 0.01459531020373106, 0.01360299438238144, -0.013410043902695179, 0.029411135241389275, 0.024490902200341225, 0.004699717275798321, 0.02301621064543724, 0.017145009711384773, 0.01374081615358591, -0.033490654081106186, -0.007662882097065449, -0.030182935297489166, -0.013885528780519962, 0.03332526981830597, -0.003402471309527755, 0.005581775680184364, -0.01816488988697529, 0.012796738184988499, -0.001851978013291955, 0.00027887342730537057, 0.01481582410633564, 0.0013851072872057557, -0.004317262209951878, 0.020370036363601685, 0.006529299542307854, -0.05355748161673546, -0.0013136123307049274, -0.02833612635731697, -0.0015427408507093787, -0.006870408076792955, 0.005757498554885387, -0.005564548075199127, -0.006398369092494249, 0.019474195316433907, -0.008165931329131126, -0.013217093423008919, -0.01004030555486679, -0.01600109040737152, 0.020397599786520004, 0.0059607853181660175, 0.027343809604644775, 0.17762450873851776, -0.009282286278903484, 0.011418521404266357, 0.035943880677223206, 0.01565653644502163, 0.0029011452570557594, 0.01644212007522583, -0.01648346707224846, -0.02626880072057247, -0.012679588980972767, 0.00700133852660656, 0.0023963735438883305, -0.017792772501707077, -0.002074215328320861, 0.038066331297159195, -0.014361012727022171, -0.038038767874240875, -0.04727281630039215, -0.017903028056025505, -0.005237221717834473, -0.009737097658216953, 0.00595044856891036, 0.006456943228840828, -0.032305389642715454, 0.019543105736374855, -0.0007864446379244328, 0.009750880300998688, -0.005798844620585442, 0.013423826545476913, 0.016593722626566887, -0.003617817535996437, -0.007552625145763159, 0.03282910957932472, 0.0004119574441574514, -0.016152694821357727, 0.0076353177428245544, -0.006649893242865801, 0.012231669388711452, 0.024187695235013962, 0.003059640061110258, 0.03324257582426071, -0.019432848319411278, -0.0016667802119627595, -0.0015212062280625105, 0.006201973184943199, 0.018385404720902443, -0.01808219775557518, -0.008799910545349121, -0.005681696347892284, -0.00679805176332593, -0.026392841711640358, 0.0071529424749314785, 0.009833572432398796, 0.019598234444856644, -0.01725526712834835, 0.0009793948847800493, -0.0023291853722184896, 0.001951898797415197, -0.007421694230288267, 0.011377175338566303, -0.041787516325712204, -0.006725695449858904, 0.003686728421598673, 0.02998998574912548, 0.015766793861985207, 0.015780575573444366, 0.0023515813518315554, 0.001329978695139289, -0.00739413034170866, -0.0061537353321909904, -0.007345892488956451, -0.02059055119752884, -0.014333449304103851, 0.024380644783377647, -0.018785087391734123, -0.020797282457351685, 0.03861761838197708, 0.010288383811712265, 0.00770422862842679, 0.010122998617589474, -0.0035092830657958984, -0.018757522106170654, -0.006835952401161194, -0.00297522428445518, -0.01609756611287594, -0.0319470539689064, 0.017103662714362144, 0.007311437278985977, -0.004324153531342745, -0.011921570636332035, -0.006549972575157881, -0.03384898975491524, -0.020066827535629272, -0.009764662012457848, 0.0072631994262337685, 0.00013179192319512367, 0.019501760601997375, 0.015367111191153526, -0.009950721636414528, -0.012273015454411507, -0.029769470915198326, 0.07095057517290115, 0.05088374391198158, 0.02551078237593174, -0.0020500966347754, 0.014471270143985748, 0.006126170977950096, -0.006381141021847725, 0.016166476532816887, -0.011604581028223038, 0.011225570924580097, -0.0320848748087883, 0.0119077879935503, -0.006915200036019087, -0.011018838733434677, 0.025290267542004585, 0.017462000250816345, -0.026048287749290466, 0.010226364247500896, -0.00866208877414465, -0.029107926413416862, -0.03575092926621437, 0.009309850633144379, 0.013327350839972496, 0.0038073223549872637, -0.014361012727022171, 0.00410363869741559, 0.013086163438856602, -0.03156115114688873, -0.016979623585939407, 0.01481582410633564, -0.03169897198677063, 0.02797778882086277, 0.0009397711837664247, 0.002944214502349496, 0.002873580902814865, -0.008772346191108227, -0.004754845984280109, -0.023581279441714287, 0.01815110817551613, 0.007745575159788132, -0.018592137843370438, 0.019391503185033798, 0.012376382015645504, -0.011342719197273254, -0.008731000125408173, -0.006401814520359039, 0.025359177961945534, -0.004575677681714296, -0.02305755764245987, 0.002272333949804306, -0.015091467648744583, 0.008386446163058281, -0.002086274791508913, 0.01175618451088667, -0.021886073052883148, 0.004885776434093714, -0.02340211160480976, -0.005871201399713755, 0.0024807893205434084, -0.04600485786795616, 0.004916786216199398, 0.014540181495249271, -0.021472608670592308, -0.009936938993632793, -0.01396133005619049, -0.17575013637542725, -0.00038310105446726084, 0.028639333322644234, -0.022065242752432823, -0.005499082617461681, 0.0015272358432412148, 0.02800535410642624, -0.02629636600613594, -0.02542809024453163, -0.009909374639391899, 0.008737890981137753, -0.015491150319576263, -0.04774140939116478, -0.016717763617634773, -0.012720935977995396, 0.012679588980972767, -0.021086707711219788, -0.004785855766385794, 0.01804085075855255, 0.027026820927858353, 0.03406950458884239, -0.04247662425041199, 0.011232462711632252, 0.0032870457507669926, -0.001481582410633564, -0.007904070429503918, -0.0030544716864824295, 0.028198303654789925, 0.003945143893361092, -0.029356006532907486, 0.007966089993715286, -0.019157204777002335, 0.01646968349814415, -0.012583114206790924, -0.0071529424749314785, 0.017117446288466454, -0.008069455623626709, 0.01849566213786602, -0.026048287749290466, 0.013782162219285965, 0.018743740394711494, 0.01645590178668499, 0.023333201184868813, -0.003402471309527755, -0.027895096689462662, 0.014733131974935532, 0.007463040761649609, 0.0035936988424509764, 0.009792226366698742, 0.0020621560979634523, -0.00965440459549427, -0.01089479960501194, 0.02710951305925846, -0.004165658727288246, 0.0002849031297955662, -0.006077933590859175, -0.0005853112088516355, 0.018233800306916237, -0.0066016558557748795, -0.011177334003150463, 0.0057747261598706245, -0.029797034338116646, 0.02143126167356968, -0.0005319053307175636, 0.007621535565704107, -0.03004511445760727, -0.012424618937075138, -0.004878885578364134, -0.01804085075855255, -0.0031268279999494553, -0.018302710726857185, -0.010419314727187157, -0.00750438729301095, 0.006660229992121458, -0.0001455740857636556, 0.0275229774415493, -0.025276485830545425, 0.00885503925383091, 0.0033921347931027412, -0.018716176971793175, -0.0056954785250127316, 0.011577016673982143, -0.01336180604994297, -0.0025341950822621584, 0.01480204239487648, -0.005237221717834473, -0.007773139514029026, -0.004737618379294872, -0.020273560658097267, 0.0023843140807002783, 0.01769629679620266, -0.027247335761785507, -0.0031147687695920467, 0.005836745724081993, 0.01376148872077465, 0.003941698465496302, 0.008028109557926655, -0.005323360208421946, -0.002291284501552582, -0.002048373920843005, 0.005102845840156078, -0.00846224743872881, -0.020383818075060844, -0.004654925316572189, 0.016194039955735207, 0.01685558445751667, -0.017765207216143608, 0.00017507653683423996, 0.039279162883758545, -0.016345644369721413, 0.012080064974725246, -0.01980496756732464, 0.013527192175388336, 0.0048513212241232395, 0.0005263063358142972, 0.033187445253133774, -0.009537256322801113, -0.012617569416761398, 0.04115353524684906, -0.0065982104279100895, 0.05727866664528847, -0.02345724031329155, -0.0073390016332268715, 0.017434434965252876, -0.0020277006551623344, -0.013058599084615707, -0.1176445409655571, -0.0014083647402003407, -0.0005732518038712442, 0.01046066079288721, -0.013451390899717808, 0.007738684304058552, -0.005151083227247, 0.020259778946638107, -0.03219513222575188, 0.03657785803079605, -0.02469763532280922, -0.016235386952757835, 0.006853180471807718, -0.007531951647251844, -0.0030665311496704817, -0.02465628832578659, -0.004930568393319845, -0.009426998905837536, -0.020025482401251793, 0.03048614226281643, -0.0020156411919742823, -0.004465420730412006, 0.02340211160480976, 0.012617569416761398, -0.0042138961143791676, 0.0313681997358799, -0.02465628832578659, 0.015932179987430573, 0.003228471614420414, -0.004827202297747135, 0.021555302664637566, -0.018743740394711494, 0.023291854187846184, 0.0014807210536673665, -0.005209657363593578, -0.010688066482543945, -0.01974983885884285, -0.02133478783071041, 0.01885399781167507, 0.0030872044153511524, -4.255781095707789e-05, 0.009475236758589745, -0.0029287096112966537, -0.0079867634922266, -0.0009819790720939636, -0.012810519896447659, -0.0161113478243351, 0.027302464470267296, 0.004131203051656485, -0.02424282394349575, -0.0300175491720438, -0.019060730934143066, -0.0161113478243351, -0.007490605115890503, 0.0008226227946579456, 0.023650189861655235, -0.006060705985873938, 0.006226091645658016, -0.018316494300961494, 0.007345892488956451, -0.024738982319831848, -0.018798869103193283, -0.022423578426241875, -0.0013230876065790653, 0.02633771300315857, -0.011129096150398254, -0.02715086005628109, -0.027068166062235832, -0.009950721636414528, -0.016166476532816887, 0.006019359454512596, 0.027881314978003502, -0.012190322391688824, 0.0037315203808248043, -0.017530910670757294, -0.0064155966974794865, -0.015380892902612686, -0.01936393789947033, 0.02384314127266407, -0.013182638213038445, -0.02347102202475071, -0.013506518676877022, 0.010219473391771317, -0.02021843194961548, -0.000325818924466148, 0.013733924366533756, -0.0050339349545538425, -0.02173447050154209, 0.012569332495331764, -0.03406950458884239, 0.01691071316599846, 0.015491150319576263, -0.011432304047048092, -0.020811066031455994, -0.005102845840156078, 0.005729934200644493, -0.024421991780400276, 0.004896113183349371, 0.008813693188130856, 0.004189777188003063, -0.029714342206716537, -0.0014514339854940772, -0.037680432200431824, 0.0201081745326519, -0.0010388304945081472, -0.020383818075060844, -0.015050121583044529, 0.0072563085705041885, 0.010336621664464474, -0.0027357591316103935, -0.027743492275476456, 0.033959247171878815, -0.0005874646594747901, 0.006608546711504459, -0.007559516001492739, -0.017503345385193825, -0.027398938313126564, -0.003233639756217599, 0.03817658871412277, -0.00769733777269721, 0.022713003680109978, 0.01886777952313423, -0.009557929821312428, -0.007125378120690584, -0.003431758377701044, 0.00945456326007843, -0.035585545003414154, -0.015077685937285423, -0.011349610984325409, 0.03941698372364044, -0.002255106344819069, -0.020714590325951576, -0.0006301032262854278, -0.03900352120399475, -0.012810519896447659, 0.021210748702287674, 0.00297177885659039, 0.012011154554784298, 0.016138911247253418, 0.029438698664307594, 0.03040345013141632, 0.011721729300916195, -0.031891923397779465, -0.02883228287100792, -0.00884125754237175, -0.00018336735956836492, -0.014236973598599434, 0.016579940915107727, -0.015725446864962578, -0.002303343964740634, 0.011425412259995937, -0.001318780705332756, 0.013168856501579285, 0.006608546711504459, -0.005309578031301498, -0.026668483391404152, -0.0028184521943330765, -0.013520301319658756, 0.018771305680274963, 0.008958405815064907, 0.004603242035955191, -0.0021775816567242146, 0.044213175773620605, 0.014044023118913174, 0.021472608670592308, -0.011983590200543404, 0.0038417777977883816, -0.013857964426279068, -0.009530365467071533, -0.0032060756348073483, -0.0028305116575211287, -0.009392543695867062, -0.0017572257202118635, 0.0057781715877354145, 0.009509691968560219, 0.008896386250853539, 0.011480540968477726, 0.0002655219577718526, 0.015821922570466995, 0.004148430656641722, -8.64077010191977e-05, 0.016207823529839516, -0.002234433079138398, -0.02420147694647312, 0.006408705376088619, 0.009585494175553322, 0.033931683748960495, 0.016635069623589516, -0.023967180401086807, 0.014760696329176426, -0.018619701266288757, 0.0009888701606541872, 0.02710951305925846, 0.0061433990485966206, -0.006512071937322617, 0.02132100611925125, -0.012045609764754772, -0.00984735507518053, -0.005740270484238863, 0.01685558445751667, 0.007214962039142847, 0.004837539047002792, 0.02633771300315857, -0.0034403721801936626, -0.0041070845909416676, -0.03610926494002342, -0.027054384350776672, 0.010529572144150734, -0.03715670853853226, -0.020742153748869896, 0.009950721636414528, 0.023746665567159653, 0.027398938313126564, 0.0020638788118958473, -0.004937459714710712, 0.005313023459166288, -0.033876556903123856, 0.011921570636332035, -0.011928461492061615, -0.014292102307081223, -0.02954895608127117, 0.008097019977867603, 0.001817522686906159, 0.009613058529794216, 0.05435684695839882, 0.006746368482708931, 0.02261652797460556, 0.023622626438736916, 0.03743235394358635, -0.015808140859007835, 0.027288680896162987, -0.0004784994525834918, 0.009916265495121479, -0.0002465714933350682, 0.015491150319576263, -0.01150810532271862, -0.020328689366579056, -0.009185811504721642, 0.004041619133204222, 0.019901443272829056, 0.03340796008706093, 0.07304546236991882, 0.026888998225331306, -0.010453769937157631, -0.003268095199018717, -0.013630558736622334, 0.004579123575240374, 0.01256244070827961, 0.018647266551852226, 0.0027495413087308407, -0.022368449717760086, 0.02227197401225567, -0.0009225435205735266, 0.008668980561196804, -0.038424666970968246, -0.015725446864962578, -0.024738982319831848, -0.018729958683252335, 0.024187695235013962, -0.019088294357061386, 0.019997917115688324, 0.02133478783071041, -0.0069737741723656654, 0.020480293780565262, 0.009544147178530693, -0.023967180401086807, -0.001554800197482109, 0.023953398689627647, -0.01773764379322529, -0.0008122862200252712, -0.017034752294421196, 0.015132814645767212, 0.02508353628218174, -0.03696376085281372, -0.034731049090623856, 0.007221852894872427, -0.009103118441998959, 0.0036109264474362135, -0.010343512520194054, 0.010343512520194054, -0.007187397684901953, 0.0018209682311862707, 0.023209162056446075, 0.0062536559998989105, -0.023691536858677864, 0.0030544716864824295, -0.0009199593332596123, -0.012527985498309135, -0.03078935109078884, -0.034345149993896484], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='c062a0cd-7571-4304-9468-bab540f16b7b', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '8', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_type': 'application/pdf', 'file_size': 1103758, 'creation_date': '2024-02-25', 'last_modified_date': '2023-12-13', 'last_accessed_date': None}, hash='8394391ac0bf35c74fd20300212cffabe1d88e958aa4434c0c63a8ad9f6f4228')}, text='The underlined text is the correct answer. The gray text is the context of propositions, but it is for illustration\\npurpose only and not provided to the retrievers and downstream QA models.\\neach query and document is encoded into a low-\\ndimensional feature vector respectively, and their\\nrelevance is measured by a non-parametric similar-\\nity function between the embedding vectors (Muss-\\nmann and Ermon, 2016). Due to the limited expres-\\nsivity from the similarity function, dual encoder\\nmodels often generalize poorly to new tasks with\\nscarce training data (Thakur et al., 2021). To this\\nend, previous studies use techniques such as data\\naugmentation (Wang et al., 2022; Yu et al., 2023a;\\nIzacard et al., 2022; Gao and Callan, 2022; Lin\\net al., 2023; Dai et al., 2023), continual pre-training\\n(Chang et al., 2020; Sachan et al., 2021; Oguz et al.,\\n2022), task-aware training (Xin et al., 2022; Cheng\\net al., 2023), hybrid sparse-dense retrieval (Luan\\net al., 2021; Chen et al., 2022) or mixed strategy re-\\ntrieval (Ma et al., 2022, 2023) and so on to improve\\ncross-task generalization performance of dense re-\\ntrievers.\\nThe motivation of our work echoes in part with\\nmulti-vector retrieval, e.g. ColBERT (Khattab and\\nZaharia, 2020), DensePhrase (Lee et al., 2021a,b),\\nME-BERT (Luan et al., 2021), MVR (Zhang et al.,\\n2022), where the retrieval model learns to encodea candidate retrieval unit into multiple vectors to\\nincrease model expressivity and improve retrieval\\ngranularity (Seo et al., 2019; Humeau et al., 2019).\\nOur work instead focuses on the setting where we\\ndo not update the dense retriever model or its pa-\\nrameters. We show that segmenting the retrieval\\ncorpus into finer-grained units of proposition can\\nbe a simple and orthogonal strategy for improving\\nthe generalization of dual encoders dense retrievers\\nat inference time.\\nThe idea of using propositions as a unit of text\\nrepresentation dates back to the Pyramid method\\nin summarization evaluation (Nenkova and Passon-\\nneau, 2004), where model generated summary is\\nevaluated by each proposition. Proposition extrac-\\ntion from text has been a long-standing task in NLP,\\nwith earlier formulations focusing on a structured\\nrepresentation of propositions, e.g. Open Infor-\\nmation Extraction (Etzioni et al., 2008), Semantic\\nRole Labeling (Gildea and Jurafsky, 2000). More\\nrecent studies have found success in extracting\\npropositions in natural language form via few-shot\\nprompting with large language models (Min et al.,\\n2023; Kamoi et al., 2023), or finetuning smaller', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='4c065caf-cdca-4118-8715-0c54b73ffe9d', embedding=[-0.014725388027727604, 0.017516199499368668, 0.011794334277510643, -0.032283660024404526, 0.0015128583181649446, 0.030881242826581, -0.009024559520184994, -0.005753419362008572, -0.03377022221684456, -0.04557858034968376, 0.007664213888347149, 0.03472386673092842, -0.00463849725201726, 0.0006026014452800155, -0.0055675990879535675, -0.00037668069126084447, 0.010854714550077915, 0.0032536096405237913, 0.007488911505788565, -0.02778189815580845, 0.0077413469552993774, -0.008582797832787037, -0.02443012036383152, -0.01136659737676382, 0.00926297064870596, 0.010405940935015678, 0.03444338217377663, -0.014879654161632061, -0.015075992792844772, -0.00814804807305336, 0.015917442739009857, -0.0033868392929434776, -0.01109312567859888, -0.01837167516350746, -0.014220517128705978, 0.010980932042002678, -0.00033395076752640307, -0.013112607412040234, 0.01111416146159172, -0.01468331553041935, 0.03141416236758232, 0.031105628237128258, 0.012271156534552574, -0.0037199135404080153, 0.004596424754709005, -0.007811467628926039, -0.0004820811445824802, -0.023588668555021286, 0.0051118130795657635, 0.00919284950941801, 0.01687108725309372, 0.03262024000287056, -0.008758099749684334, 0.01733388565480709, -0.017754610627889633, -0.02012469619512558, -0.01278303936123848, 0.021625284105539322, -0.0044526769779622555, -0.025243522599339485, 0.019886285066604614, 0.013372054323554039, -0.01567903161048889, 0.03764089569449425, -0.0019528669072315097, -0.002200043061748147, -0.012046770192682743, -0.009024559520184994, 0.010868738405406475, -0.005318670067936182, 0.032311707735061646, 0.006707063410431147, 0.00045227978262118995, 0.00758006889373064, 0.02221429906785488, -0.010749532841145992, 0.0071172709576785564, -0.007979758083820343, -0.013435163535177708, -0.0006560686160810292, -0.0033167183864861727, -0.018596060574054718, 0.003772504162043333, 0.04414811730384827, 0.017614368349313736, 0.007965733297169209, 0.015608911402523518, 0.029142243787646294, -0.0023543089628219604, 0.0006924438639543951, -0.012418410740792751, 0.019760068506002426, 0.028118478134274483, 0.01003430038690567, 0.005160897970199585, 0.009136752225458622, 0.005676286295056343, 0.016632676124572754, 0.008302314206957817, -0.02931053377687931, -0.013301934115588665, 0.01960580237209797, -0.042605455964803696, -0.003376321168616414, -0.01845582015812397, -0.0034622191451489925, 0.008800172246992588, -0.006889377720654011, 0.009164800867438316, 0.0022280914708971977, -0.015566838905215263, 0.03480801358819008, 0.0010781087912619114, -0.021961864084005356, 0.02020884118974209, -0.013042486272752285, 0.020321035757660866, -0.004007409326732159, 0.002084343694150448, -0.011899515986442566, 0.01844179630279541, 0.0065247491002082825, 0.029647113755345345, -0.003975854720920324, 0.028539204970002174, -0.000684116967022419, -0.015636960044503212, -0.024654505774378777, -0.01639426499605179, -0.02283136360347271, -0.014767460525035858, 0.04125913605093956, 0.0035340930335223675, 0.009571501985192299, -0.019872261211276054, 0.025874610990285873, -0.015917442739009857, 0.012754990719258785, -0.015945492312312126, -0.02400939352810383, 0.0063494471833109856, 0.0076361652463674545, -0.022943556308746338, -0.027894092723727226, -0.014304662123322487, 0.03862258791923523, 0.002550647594034672, -0.00407402403652668, 0.011317512020468712, 0.017249740660190582, -0.0052415370009839535, -0.013890949077904224, -0.0003420584835112095, 0.028483107686042786, 0.018063142895698547, -0.005802504252642393, -0.013645526021718979, 0.02709471434354782, -0.017642417922616005, -0.009059620089828968, 0.02173747681081295, 0.010265698656439781, 0.012895232997834682, 0.007650189567357302, 0.013231812976300716, 0.0218075979501009, 0.014339722692966461, 0.0035481173545122147, 0.004820811562240124, -0.03141416236758232, -0.025383764877915382, 0.022144177928566933, -0.01733388565480709, 0.008070915006101131, -0.0013787520583719015, 0.011836406774818897, 0.039828669279813766, -0.0018336614593863487, -0.023602692410349846, -0.00872303918004036, 0.016099756583571434, -0.003516562981531024, 0.0019072883296757936, -0.008666942827403545, -0.004519291687756777, -0.008225181140005589, 0.009690707549452782, 0.0019370897207409143, -0.005052210297435522, -0.003702383255586028, 0.0127760274335742, 0.017530223354697227, -0.006885871756821871, -0.014501000754535198, -0.6372587084770203, 0.007713298313319683, 0.007019101642072201, -0.022999653592705727, -0.00554656283929944, 0.015496717765927315, -0.0012192270951345563, 0.009298030287027359, 0.006503712851554155, 0.03607018664479256, -0.009522417560219765, -0.009129740297794342, -0.0029485835693776608, -0.004834835883229971, -0.04787854850292206, -0.017025353386998177, -0.01959177851676941, 0.0016942961374297738, 0.03405070677399635, 0.00758006889373064, -0.0206576157361269, 0.020924074575304985, -0.02601485140621662, -0.0041511571034789085, -0.00653526745736599, -0.005662262439727783, 0.010111433453857899, -0.029787356033921242, 0.005960275884717703, 0.01636621728539467, -0.018175335600972176, 0.0174180306494236, 0.02546790987253189, 0.006507219281047583, 0.05749913305044174, -0.0027189378160983324, -0.00977485254406929, 0.008232193067669868, 0.0064931949600577354, 0.026856303215026855, -0.034976303577423096, -0.011001968756318092, 0.02835688926279545, 0.001341062132269144, 0.007650189567357302, 0.010020275600254536, 0.0044526769779622555, 0.007972746156156063, -0.006927944254130125, -0.008386459201574326, -0.004834835883229971, 0.007832503877580166, -0.0022613988257944584, -0.02869347110390663, 0.0011447236174717546, 0.01413637213408947, 0.03306901454925537, -0.028623349964618683, 0.010770569555461407, -0.0074678752571344376, -0.007390742190182209, -0.005171415861696005, -0.027375197038054466, -0.012446458451449871, -0.032283660024404526, 0.03155440092086792, 0.011338548734784126, 0.008028842508792877, 0.03534093126654625, -0.03848234564065933, -0.020853953436017036, 0.022424662485718727, -0.005620189942419529, -0.031077580526471138, -0.0011377115733921528, 0.0015146113000810146, 0.020278962329030037, 0.002126416191458702, -0.021849671378731728, 0.01964787393808365, 0.013617477379739285, -0.019451536238193512, 0.0005193328834138811, 0.012187011539936066, 0.014641243033111095, 0.016688773408532143, -0.013820827938616276, 0.007930673658847809, 0.00015810070908628404, 0.014227529987692833, 0.013210776261985302, -0.0029082640539854765, -0.02388317696750164, -0.023153919726610184, 0.000891850155312568, 0.017221691086888313, -0.021288704127073288, 0.000509253004565835, 0.018778376281261444, -0.006728099659085274, -0.011808359064161777, -0.029647113755345345, 0.01003430038690567, -0.006310880649834871, 0.0026049911975860596, 0.02928248606622219, -0.0030923315789550543, -0.014206493273377419, 0.009620586410164833, -0.01639426499605179, 0.015903418883681297, -0.005069740582257509, -0.00773433456197381, -0.005721865221858025, -0.009655646979808807, -0.027978237718343735, 0.037809185683727264, 0.025944730266928673, -0.022677097469568253, -0.014080275781452656, 0.003968842793256044, -0.011808359064161777, 0.009739791974425316, -0.0018704748945310712, -0.0026225214824080467, 0.011240379884839058, 0.0028644385747611523, -0.00392677029594779, -0.009978203102946281, -0.0206576157361269, 0.00014955471851862967, -0.030151985585689545, 0.016001587733626366, -0.008596821688115597, 0.019128980115056038, -0.004007409326732159, 0.017642417922616005, -0.006805232726037502, 0.0020001984667032957, -0.016548531129956245, -0.022915508598089218, -0.014486976899206638, 0.012187011539936066, -0.04072621464729309, -0.024892916902899742, -0.029422728344798088, 0.0013007426168769598, 0.0033710619900375605, -0.011198307387530804, -0.01524428278207779, -0.0010930094867944717, -0.0162680484354496, -0.011058065108954906, -0.0006082987529225647, -0.019774092361330986, 0.0012551640393212438, -0.017067424952983856, -0.02995564602315426, -0.006205699406564236, -0.03870673477649689, 8.178944699466228e-05, 0.029703211039304733, -0.011619032360613346, 8.64459143485874e-05, 0.00919986143708229, -0.022158203646540642, 0.005742901470512152, 0.025692295283079147, -0.02658984251320362, -0.032928772270679474, 0.018652157858014107, -0.016688773408532143, 0.007078704424202442, 0.030600758269429207, -0.0009843220468610525, 0.005620189942419529, -0.019157027825713158, 0.001108786673285067, -0.02011067233979702, -0.025734368711709976, -0.001852944609709084, 0.006132072303444147, -0.0024174179416149855, -0.005651744082570076, 0.006381001323461533, 0.011555923148989677, 0.008975474163889885, 0.012397374026477337, -0.018287530168890953, 0.016520483419299126, 0.02172345295548439, 0.018918616697192192, -0.015903418883681297, 0.004592918790876865, -0.013442175462841988, 0.007979758083820343, 0.02222832292318344, 0.006896390113979578, -0.003839119104668498, 0.02987150102853775, 0.014444904401898384, 0.023799031972885132, -0.003102849703282118, -0.025818513706326485, 0.0006026014452800155, -0.016029637306928635, 0.014346735551953316, -0.023027701303362846, 0.00450526736676693, 0.011534887365996838, 0.012418410740792751, -0.012754990719258785, -0.027964212000370026, 0.0012113384436815977, -0.010419964790344238, 0.047598063945770264, 0.004533316008746624, 0.011773298494517803, -0.01636621728539467, 0.004817305598407984, 0.0005728000542148948, -0.010714473202824593, 0.009697719477117062, 0.020755784586071968, -0.02235454134643078, -0.004764714743942022, -0.001504969666711986, 0.004792763385921717, 0.02981540374457836, -0.01636621728539467, -0.011135198175907135, 0.025650223717093468, 0.036154333502054214, 0.013947046361863613, 0.0006547538796439767, 0.009452296420931816, 0.02434597536921501, -0.007061174139380455, 0.018273504450917244, 0.005062728654593229, 0.0030625301878899336, 0.019858237355947495, -0.003923263866454363, -0.0250471830368042, 0.01382784079760313, -0.017305836081504822, 0.023756958544254303, 0.011864455416798592, -0.028553228825330734, 0.005045198369771242, 0.0006977029261179268, 0.022031985223293304, -0.0013796286657452583, -0.007818480022251606, 0.025089256465435028, -0.023476475849747658, 0.003448195056989789, 0.00745385093614459, 0.017291812226176262, 0.036631155759096146, 0.007909636944532394, -0.00541333295404911, 0.0022123141679912806, -0.01249554380774498, 0.017137546092271805, -0.006861329544335604, 0.008856268599629402, -0.011562936007976532, -0.02285941131412983, 0.01280407514423132, -0.009613574482500553, -0.01357540488243103, 0.004883920308202505, -0.027809947729110718, 0.0128110870718956, 0.03298486769199371, -0.016562554985284805, 0.022971605882048607, 0.0130635229870677, 0.023756958544254303, -0.018694231286644936, -0.04608345404267311, 0.011857443489134312, 0.009445284493267536, 0.0015829792246222496, -0.011822382919490337, -0.014353747479617596, -0.004266856238245964, -0.021947840228676796, 0.0074468390084803104, -0.004382555838674307, 0.0024752675089985132, -0.00016927621618378907, -0.019774092361330986, -0.018750326707959175, 0.025832537561655045, 0.03511654585599899, 0.0003021772427018732, -0.0010237650712952018, 0.006577339954674244, -0.007362694013863802, 0.0074398270808160305, -0.019353367388248444, 0.01326687354594469, 0.047598063945770264, -0.012867184355854988, -0.020489325746893883, -0.01060227956622839, -0.00927699450403452, -0.017137546092271805, 0.013252848759293556, 0.0023455440532416105, 0.007397754583507776, 0.018666181713342667, 0.0010079878848046064, 0.0037199135404080153, -0.018610086292028427, -0.0070085832849144936, 0.023125872015953064, -0.00667200330644846, 0.01060227956622839, -0.021485041826963425, 0.010868738405406475, -0.00024958656285889447, 0.036126285791397095, 0.03792138025164604, -0.03211537003517151, 0.01851191557943821, -0.012649809010326862, -0.0008024459821172059, -0.009347115643322468, -0.007222452200949192, 0.005448393523693085, 0.002613756339997053, -0.021414920687675476, -0.008758099749684334, 0.031217822805047035, -0.020419204607605934, 0.028412986546754837, 0.012881208211183548, -0.012986389920115471, -0.02057347074151039, -0.02333623357117176, -0.017165595665574074, -0.0028889807872474194, 0.007972746156156063, 0.008561761118471622, 0.03635067120194435, 0.006598376203328371, -0.01524428278207779, 0.03806162253022194, 0.03357388451695442, 0.008947426453232765, -0.0346958190202713, -0.0023245075717568398, -0.009368151426315308, -0.003288669977337122, 0.010462037287652493, 0.0038321069441735744, 0.021975887939333916, 0.0256221741437912, -0.0037164073437452316, 0.016688773408532143, 0.008800172246992588, 0.0060303970240056515, 0.023672813549637794, 0.01803509332239628, -0.0001588676532264799, 0.005820034071803093, -0.0010474309092387557, 0.013140656054019928, 0.031778790056705475, -0.011401657946407795, -0.017137546092271805, 0.012586700730025768, -0.0014427374117076397, -0.016941208392381668, -0.0024454661179333925, -0.023658789694309235, 0.0061180479824543, -0.019872261211276054, -0.000800692941993475, -0.01574915274977684, -0.03326535224914551, 0.013021450489759445, -0.007369705941528082, -0.002988903084769845, -0.012004696764051914, -0.011457754299044609, -0.03926770016551018, -0.000727942562662065, -0.005139861721545458, -0.03306901454925537, 0.005714852828532457, 0.008379447273910046, -0.028539204970002174, -0.05761132761836052, -0.006959498859941959, 0.021078340709209442, 0.012264144606888294, 0.025243522599339485, -0.002254386665299535, 0.014360759407281876, -0.006005854811519384, -0.01135958544909954, -0.02277526631951332, 0.007299585267901421, -0.042128633707761765, 0.005115319509059191, 0.008603833615779877, -0.025720344856381416, -0.02281733974814415, -0.01689913496375084, -0.0017065672436729074, -8.217292634071782e-05, -0.0015374006470665336, 0.009915094822645187, -0.007103246636688709, 0.028020309284329414, 0.017754610627889633, 0.044905420392751694, 0.018708255141973495, -0.002019481733441353, -0.024289878085255623, 0.0043264590203762054, 0.020489325746893883, -0.006156614515930414, -0.02658984251320362, 0.034948255866765976, -0.0017714290879666805, 0.015650983899831772, 0.004876908380538225, 0.01733388565480709, -0.009403211995959282, 0.02228442020714283, -0.01138763315975666, -0.0005053086788393557, -0.002753998152911663, 0.006461640354245901, 0.0058305524289608, 0.011464766226708889, 0.03144221007823944, 0.01059526763856411, -0.02019481733441353, -0.0012314982013776898, -0.025874610990285873, 0.022396614775061607, 0.007169861346483231, -0.00597780616953969, 0.033966559916734695, -0.022522831335663795, -0.012460483238101006, -0.023574644699692726, -0.0016329403733834624, -0.023490499705076218, 0.02437402307987213, -0.005721865221858025, -0.009929118677973747, -0.012762002646923065, -0.0157631766051054, -0.012825111858546734, -0.006899896077811718, -0.024668531492352486, 0.008968462236225605, -0.0006998942117206752, -0.007643177639693022, -0.0028311312198638916, -0.0032588685862720013, 0.016450362280011177, -0.021372849121689796, -0.011548911221325397, 0.03163854777812958, 0.012986389920115471, 0.014739411883056164, -0.007804455701261759, -0.012565664015710354, -0.020910050719976425, -0.037220172584056854, -0.01438880804926157, -0.04510175809264183, -0.008638894185423851, 0.0009352374472655356, 0.04498956725001335, 0.005178428255021572, 0.0607527419924736, -0.009851985611021519, 0.001803860068321228, 0.02283136360347271, -0.0014208246720954776, 0.0003582739445846528, -0.0013489506673067808, -0.0006985794170759618, -0.024247804656624794, -0.006566821597516537, 0.013708635233342648, -0.009024559520184994, 0.0036182382609695196, -0.01222207210958004, 0.030011743307113647, 0.0368555411696434, -0.012187011539936066, -0.007257512770593166, -0.007064680103212595, -0.013799792155623436, -0.03873478248715401, 0.01411533635109663, 0.01117727067321539, -0.002198290079832077, -0.03839820250868797, 0.008758099749684334, 0.013982106000185013, 0.0002879339153878391, 0.014515025541186333, 0.00011986290337517858, 0.0348360612988472, -0.014865629374980927, -0.0011710189282894135, -0.012467495165765285, 0.001989680342376232, -0.021499065682291985, 0.007078704424202442, -0.024710603058338165, -0.006689533591270447, 0.029591018334031105, -0.0032255612313747406, -0.0071137649938464165, 0.02441609650850296, 0.02232649363577366, 0.01949360966682434, -0.01580525003373623, 0.01622597500681877, -0.03219951316714287, -0.009424248710274696, -0.014739411883056164, -0.0228874608874321, -0.03197512775659561, -0.005988324526697397, 0.0011534887598827481, 0.015019895508885384, 0.022480759769678116, -0.024892916902899742, 0.027038617059588432, -0.014809533022344112, -0.009725768119096756, 0.00393728818744421, 0.011191294528543949, 0.044260308146476746, 0.000683240476064384, 0.018904592841863632, 0.021330775693058968, -0.00029122084379196167, -0.021064316853880882, 0.011331536807119846, 0.0178527794778347, -0.006784196477383375, 0.019703971222043037, 0.024738652631640434, -0.0185680128633976, -0.021344799548387527, 0.012460483238101006, 0.006310880649834871, -0.033854369074106216, -0.03764089569449425, 0.010749532841145992, 0.020236890763044357, 0.02385512925684452, -0.0077623832039535046, -0.017684489488601685, -0.015356476418673992, -0.0184277705848217, -0.025439860299229622, 0.0190027616918087, 0.008316338062286377, 0.0014155656099319458, -0.006503712851554155, 0.042072538286447525, -0.009788877330720425, 0.010707460343837738, -0.010665387846529484, 0.003474490251392126, -0.007334645837545395, 0.0039057338144630194, -0.012418410740792751, 0.011906527914106846, 0.00028355137328617275, 0.0380055233836174, -0.005749913398176432, -0.011780310422182083, 0.012025733478367329, 0.004841847810894251, -0.009319067001342773, 0.00319751282222569, -0.008638894185423851, 0.030264178290963173, -0.02009664848446846, 0.018862521275877953, 0.007671225816011429, -0.01841374672949314, 0.010132469236850739, -0.04409201815724373, -0.0032115369103848934, -0.005013643763959408, -0.005311657674610615, 0.00639853160828352, 0.027515439316630363, -0.0003280343080405146, -0.018063142895698547, -0.008127011358737946, 0.004985595587641001, -0.01082666590809822, -0.015496717765927315, -0.012081829831004143, 0.013883937150239944, -0.04849560931324959, -0.013947046361863613, 0.021541139110922813, -0.0008677460718899965, 0.01689913496375084, 0.003635768312960863, -0.0028311312198638916, 0.007015595678240061, 0.015566838905215263, -0.03592994809150696, 0.016688773408532143, 0.017768634483218193, -0.005806010216474533, -0.04350300505757332, 0.0036252501886337996, 0.007790431380271912, -0.006135578267276287, 0.014311674982309341, -0.008877305313944817, -0.01783875562250614, -0.009255957789719105, -0.008884317241609097, 0.01328089740127325, 0.006700051482766867, -0.0037234195042401552, 0.01250956766307354, -0.011969637125730515, 0.0006047927308827639, -0.0019388427026569843, -0.011212331242859364, 0.05158093199133873, 0.01524428278207779, 0.00978186447173357, 0.028104454278945923, -0.021891742944717407, 0.01524428278207779, 0.00920687336474657, 0.002871450735256076, -0.004140638746321201, -0.034527529031038284, -0.007068186067044735, -0.02285941131412983, 0.0034446888603270054, -0.02715080976486206, -0.02601485140621662, 6.11845916864695e-06, -0.006037408951669931, -0.012446458451449871, 0.0368555411696434, 0.02396732196211815, 0.0018021069699898362, 0.0038496372289955616, -0.011268427595496178, 0.005665768403559923, -0.002363074105232954, -0.02278929017484188, -0.010020275600254536, -0.019984455779194832, 0.020307011902332306, -0.040922556072473526, -0.006482676602900028, -0.018750326707959175, 0.03960428014397621, 0.006132072303444147, -0.03581775352358818, -0.044316407293081284, 0.007124282885342836, -0.02658984251320362, -0.007383730262517929, 0.0009799394756555557, 0.025075232610106468, 0.004996113944798708, 0.005490466021001339, -0.0011017745127901435, 0.025720344856381416, -0.009319067001342773, 0.0057288771495223045, -0.02285941131412983, 0.0004588536103256047, -0.009844973683357239, -0.0037374435923993587, 0.025103280320763588, -0.003104602685198188, -0.049785833805799484, -0.014318686909973621, -0.0060619511641561985, -0.004789256956428289, 0.010917823761701584, 0.03839820250868797, 0.008344386704266071, 0.003965336829423904, -0.023630741983652115, 0.017614368349313736, 0.009592538699507713, 0.0009106951183639467, 0.00555708073079586, -0.026505697518587112, -0.0008002546965144575, 0.003125638933852315, -0.0007134801126085222, -0.011212331242859364, 0.0041266148909926414, -0.0066790152341127396, 0.01629609614610672, -0.0032799048349261284, -0.0035358460154384375, -0.0069770291447639465, 0.01635219343006611, 0.005259067285805941, 0.02548193372786045, 0.0075940927490592, -0.00166887731757015, 0.026505697518587112, 0.016969256103038788, -0.009403211995959282, -0.012769014574587345, 0.008540725335478783, -0.009375163353979588, 0.015861347317695618, 0.01952165737748146, -0.011689153499901295, 0.017558272927999496, -0.014255577698349953, 0.003541105194017291, 0.004182711243629456, 0.005585129372775555, -0.004242314025759697, -0.012916268780827522, -0.015959516167640686, 0.02067163959145546, 0.02340635471045971, -0.03601409122347832, -0.0027259497437626123, -0.0043159411288797855, 0.0064055435359478, 0.005020656157284975, 0.005083764903247356, -0.006714075803756714, -0.023644765838980675, 0.006156614515930414, -0.009585526771843433, -0.03475191444158554, -0.009066632017493248, -0.0038811916019767523, 0.018610086292028427, 0.008232193067669868, -0.0013384325429797173, 0.19891895353794098, -0.017305836081504822, -0.0031414160039275885, 0.023027701303362846, 0.0013480741763487458, 0.0031361570581793785, 0.03433119133114815, -0.00745385093614459, -0.014472953043878078, 0.004382555838674307, -0.0060303970240056515, -0.00018888816703110933, -0.01279706321656704, -0.007552020251750946, 0.010441001504659653, -0.0016627417644485831, -0.04336276277899742, -0.0498138852417469, -0.03542507439851761, 0.00900352280586958, -0.003364049829542637, -0.005504490341991186, 0.001412059529684484, -0.01334400661289692, 0.027248980477452278, -0.006086493842303753, 0.011478790082037449, -0.017039377242326736, 0.009599550627171993, 0.02616911754012108, 0.004841847810894251, -0.011001968756318092, 0.006366977468132973, -0.002990656066685915, -0.02552400529384613, 0.008596821688115597, 0.017011329531669617, 0.0024261828511953354, 0.02398134581744671, 0.00555708073079586, 0.020882003009319305, -0.004238808061927557, -0.005876130890101194, -0.006920932326465845, -0.0057323831133544445, 0.02437402307987213, -0.009943142533302307, 0.0008559131529182196, 0.0036497926339507103, -0.0035042916424572468, -0.021555162966251373, 0.01678694225847721, 0.03217146545648575, 0.017081450670957565, -0.015216234140098095, -0.00450176140293479, -0.01333699468523264, 0.01621195115149021, 0.0009045595652423799, -0.004603436682373285, -0.03371412679553032, 0.0039968909695744514, -0.00421075988560915, 0.01619792729616165, -0.019325317814946175, 0.014444904401898384, -0.006643954664468765, 0.0015891147777438164, -0.002987150102853775, -0.013582417741417885, -0.004848859738558531, -0.011710189282894135, -0.019297270104289055, 0.006608894560486078, -0.019143003970384598, -0.02665996365249157, 0.03362997993826866, 0.022438686341047287, 0.021036269143223763, 0.012292193248867989, 0.002526105148717761, -0.006409049965441227, -0.01954970508813858, 0.020278962329030037, -0.006075975485146046, -0.03219951316714287, 0.014304662123322487, -0.0151881854981184, -0.010013263672590256, -0.019409462809562683, -0.010230639018118382, -0.004824317526072264, -0.013435163535177708, -0.007460863329470158, 0.012607736513018608, -0.0018336614593863487, 0.0037444557528942823, 0.017011329531669617, 0.0007038384792394936, -0.026449602097272873, -0.019311293959617615, 0.07769395411014557, 0.03147025778889656, 0.014557098038494587, 0.006598376203328371, 0.005918203387409449, -0.02883371151983738, 0.008786148391664028, 0.0168430395424366, -0.013624490238726139, 0.00901053473353386, -0.03525678440928459, 0.013217789120972157, -0.007481899578124285, -0.0025611657183617353, 0.012909256853163242, 0.012432434596121311, -0.017768634483218193, 0.02284538745880127, -0.0007441579946316779, -0.004568376112729311, -0.036210428923368454, 0.018750326707959175, 0.014557098038494587, -0.0031782295554876328, -0.016983279958367348, -0.0034201466478407383, -0.00568329868838191, -0.03531288355588913, -0.015945492312312126, 0.018231432884931564, -0.014304662123322487, 0.02880566380918026, 0.0019616319332271814, 0.007909636944532394, -0.007026113569736481, -0.012172987684607506, -0.00277854036539793, -0.017600344493985176, 0.008751087822020054, 0.01299340184777975, -0.011997684836387634, 0.02339233085513115, 0.018834471702575684, -0.005315163638442755, 0.00048295766464434564, 0.010812642052769661, 0.014599170535802841, -0.012355301529169083, -0.025299618020653725, 0.009431260637938976, -0.010405940935015678, 0.0043545076623559, 0.014641243033111095, 0.0154406214132905, -0.026323383674025536, -0.00450526736676693, -0.002753998152911663, -0.0076011051423847675, 0.02393927425146103, -0.036631155759096146, -0.0027154316194355488, 0.029058098793029785, -0.007811467628926039, -0.028917856514453888, -0.006139084231108427, -0.1809680014848709, 0.02113443799316883, 0.04456884041428566, -0.03590189665555954, 0.014444904401898384, 0.005616683512926102, 0.03149830549955368, -0.022691121324896812, -0.017053401097655296, -0.024051466956734657, 0.001574214082211256, -0.016001587733626366, -0.029647113755345345, -0.00978186447173357, 0.009361139498651028, -0.008519688621163368, -0.023069774731993675, -0.0008068285533227026, 0.04075426235795021, 0.026800205931067467, 0.03817381709814072, -0.04723343625664711, 0.01635219343006611, -0.018147287890315056, 0.01138763315975666, -0.001965138129889965, 0.0013086311519145966, 0.009122728370130062, -0.014893678016960621, -0.03032027557492256, 0.015230257995426655, -0.025972779840230942, 0.010251674801111221, -0.02175150252878666, -0.008582797832787037, 0.005774455610662699, 0.0008142789010889828, 0.031161725521087646, -0.012060794048011303, 0.03270438686013222, 0.026253262534737587, 0.0392957478761673, 0.02611302211880684, -0.0128110870718956, -0.039464037865400314, 0.014641243033111095, 0.010419964790344238, -0.009662658907473087, 0.012432434596121311, -0.015426596626639366, -0.016183903440833092, -0.01438880804926157, 0.03590189665555954, 0.003919757902622223, -0.0110861137509346, 0.0046490151435136795, 0.008975474163889885, 0.016927184537053108, -0.00435801362618804, 0.003264127764850855, -0.004179205279797316, -0.0043194470927119255, 0.02877761609852314, 0.005181934218853712, 0.008807184174656868, -0.014557098038494587, -0.02064359188079834, -0.012537616305053234, -0.017572296783328056, -0.002413911744952202, -0.02667398937046528, -0.01839972287416458, -0.0035744125489145517, 0.012411398813128471, 0.012818099930882454, 0.0323958545923233, -0.008793160319328308, 0.004333471413701773, 0.02601485140621662, -0.010546182282269001, -0.015314403921365738, 0.010013263672590256, -0.0162680484354496, 0.007127788849174976, -0.010455025359988213, -0.008617858402431011, -0.008344386704266071, -0.006700051482766867, -0.014879654161632061, 0.002015975769609213, 0.02660386823117733, -0.025776440277695656, 0.006742123980075121, -0.0032799048349261284, -0.002710172673687339, 0.0061180479824543, -0.008084938861429691, -0.0021737476345151663, 0.0020457771606743336, -0.001803860068321228, -0.01743205450475216, 0.0016276813112199306, -0.023630741983652115, -0.004859378095716238, 0.03273243457078934, 0.005620189942419529, -0.0013620983809232712, 0.012025733478367329, 0.031834885478019714, -0.004792763385921717, 0.013785768300294876, -0.004820811562240124, 0.010300759226083755, -0.0072785490192472935, -0.019269222393631935, 0.029534921050071716, -0.012123902328312397, -0.02062956802546978, 0.023027701303362846, -0.005231018643826246, 0.047037094831466675, -0.01490770187228918, -0.0066509670577943325, -0.009347115643322468, -0.011247391812503338, -0.018245456740260124, -0.11870065331459045, -0.0021386872977018356, -0.01569305546581745, 0.023742934688925743, -0.025734368711709976, 0.011219343170523643, -0.00109125638846308, 0.012137927114963531, -0.03862258791923523, 0.03738846257328987, -0.01384887658059597, -0.0003497279540169984, -0.0036182382609695196, -0.0006017249543219805, 0.02559412643313408, -0.017558272927999496, 0.015931466594338417, -0.027347149327397346, 0.010770569555461407, 0.04179205372929573, -0.00291702919639647, -0.01356138102710247, 0.021989911794662476, -0.002664593979716301, -0.014458928257226944, 0.0035726595669984818, -0.021961864084005356, 0.02500511147081852, 0.00926998257637024, -0.01959177851676941, 0.01953568123281002, -0.025958755984902382, 0.010567218996584415, -0.014865629374980927, -0.009669671766459942, -0.01956372894346714, -0.023588668555021286, -0.006412555929273367, 0.016941208392381668, -0.004852365702390671, 0.002732961904257536, 0.012593712657690048, -0.0113736093044281, 0.001275323797017336, -0.0052695851773023605, -0.018175335600972176, -0.00814804807305336, 0.019717995077371597, 0.017768634483218193, -0.024752676486968994, -0.014486976899206638, -0.012425422668457031, -0.020222866907715797, 0.0029959152452647686, 0.00667200330644846, 0.011969637125730515, 0.017151571810245514, 0.00435801362618804, -0.011836406774818897, 0.013442175462841988, -0.03952013701200485, -0.005753419362008572, -0.01623999886214733, 0.000787983532063663, 0.03360193222761154, -0.005136355757713318, -0.00584107032045722, -0.02438804693520069, -0.01250255573540926, -0.03430314362049103, -0.0001727822673274204, 0.011885492131114006, -0.008547737263143063, 0.009809913113713264, -0.02067163959145546, -0.014823556877672672, -0.016744868829846382, -0.02329416200518608, 0.012740966863930225, -0.02382707968354225, -0.007099740672856569, -0.02278929017484188, -0.00012731325114145875, -0.018189359456300735, 0.024808771908283234, 0.013245836831629276, -0.006475664675235748, -0.023224040865898132, 0.0019072883296757936, -0.04299813136458397, -0.008084938861429691, 0.030825145542621613, -0.00745385093614459, -0.02451426535844803, 0.00217900681309402, 0.005259067285805941, -0.0228874608874321, -0.003702383255586028, -0.0020808374974876642, 0.005788479931652546, -0.029086146503686905, -0.002498056972399354, -0.05174922198057175, 0.016562554985284805, -0.0008668695809319615, -0.038201864808797836, -0.017670465633273125, 0.0038356129080057144, -0.006153108552098274, 0.00021288265998009592, -0.02546790987253189, 0.03531288355588913, -0.029198341071605682, 0.0012148445239290595, -0.018820447847247124, 0.0005631584208458662, -0.027922140434384346, -0.02001250348985195, 0.030292226001620293, -0.010027287527918816, 0.020825905725359917, 0.014823556877672672, 0.005620189942419529, 0.01797899790108204, 0.015314403921365738, 0.020741760730743408, -0.03419094905257225, -0.008638894185423851, -0.018063142895698547, 0.021961864084005356, 0.0051118130795657635, -0.014613194391131401, -0.01034984365105629, -0.037696994841098785, -0.00758006889373064, 0.02005457505583763, 0.030180033296346664, 0.005995336454361677, -0.003544611157849431, 0.014781484380364418, 0.010279723443090916, 0.02384110353887081, -0.03430314362049103, -0.02400939352810383, -0.007629153318703175, -0.005767443682998419, 0.000554831582121551, 0.015132089145481586, -0.01743205450475216, 0.0017547754105180502, 0.019928358495235443, -0.008631882257759571, 0.02499108761548996, 0.024149635806679726, 0.00032299436861649156, -0.01089678704738617, -0.010707460343837738, -0.003102849703282118, 0.020755784586071968, 0.013224801048636436, -0.0043229530565440655, 0.0013787520583719015, 0.030825145542621613, -0.001226239139214158, 0.03755675256252289, -0.009403211995959282, 0.021274680271744728, -0.023210017010569572, -0.02933858335018158, -0.0038882035296410322, 0.011527875438332558, -0.01278303936123848, 0.0009746804134920239, 0.0010255180532112718, 0.01682901568710804, 0.005627201870083809, 0.01305651105940342, -0.005297633819282055, -0.0069524869322776794, -0.0016136571066454053, 0.007243488449603319, 0.02343440242111683, -0.00785354059189558, -0.022452710196375847, -0.02444414421916008, -0.001807366032153368, 0.03099343553185463, 0.030600758269429207, -0.012972365133464336, 0.007488911505788565, -0.019703971222043037, 0.00652825552970171, 0.018259480595588684, 0.013400102965533733, -0.007341657765209675, 0.018217409029603004, -0.01299340184777975, -0.010223626159131527, -0.006784196477383375, 0.033377546817064285, 0.020924074575304985, 0.0089965108782053, 0.0200826246291399, -0.0010263945441693068, -0.009255957789719105, -0.02285941131412983, -0.019269222393631935, -0.0039057338144630194, -0.029086146503686905, -0.018301554024219513, 0.0031606992706656456, 0.02072773687541485, 0.008666942827403545, 0.02448621578514576, 0.012011709623038769, 0.023532573133707047, -0.011023004539310932, 0.02452828921377659, -0.014332710765302181, -0.03966037929058075, -0.03477996215224266, 0.01675889454782009, 0.004911968484520912, 0.0184277705848217, 0.03472386673092842, -0.005998842418193817, 0.027277028188109398, 0.008386459201574326, 0.03876283019781113, -0.02019481733441353, 0.031077580526471138, 0.004095060285180807, 0.006181156728416681, 0.008680966682732105, 0.011906527914106846, -0.016997305676341057, -0.011990672908723354, 0.0016110275173559785, -0.006296856328845024, 0.006282832007855177, 0.005192452110350132, 0.07685250043869019, 0.04305423051118851, -0.013442175462841988, -0.0044526769779622555, -0.00893340166658163, 0.012179999612271786, 0.03315315768122673, 0.011871467344462872, -0.0046420032158494, -0.018610086292028427, 0.02071371302008629, -0.006100517697632313, 0.021036269143223763, -0.0185680128633976, -0.011282452382147312, -0.02172345295548439, -0.010959896259009838, 0.00871602725237608, 0.00138839369174093, -0.0016066450625658035, 0.008386459201574326, -0.012039757333695889, 0.011317512020468712, 0.008344386704266071, -0.02987150102853775, -0.007264524698257446, 0.0053993090987205505, 0.0011254403507336974, -0.009073643945157528, -0.019269222393631935, 0.021527115255594254, 0.022144177928566933, -0.038931120187044144, -0.027599584311246872, -0.02002652734518051, -0.0027399740647524595, 0.005960275884717703, -0.006149602588266134, -0.0011499826796352863, -0.007176873739808798, 0.01279005128890276, 0.007825491949915886, -0.011121174320578575, -0.02768372930586338, -0.0031414160039275885, 0.002678618300706148, -0.013035474345088005, -0.009683695621788502, -0.026253262534737587], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='2f9fc45c-d43b-4868-8bc5-fffa259fd198', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '9', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_type': 'application/pdf', 'file_size': 1103758, 'creation_date': '2024-02-25', 'last_modified_date': '2023-12-13', 'last_accessed_date': None}, hash='ba68c5dea85255f379f37c7dfa21981d34f553629d0d9c49f58b055c073f9f13')}, text='compact-sized models (Chen et al., 2023b).\\nRetrieve-then-read , or more broadly – retrieval\\naugmented generation, has recently merged as a\\npopular paradigm for open-domain question an-\\nswering (Lewis et al., 2021; Jiang et al., 2023;\\nAsai et al., 2023). While earlier works provide\\nup to the top 100 retrieved passages for the down-\\nstream reader (Izacard and Grave, 2021; Kedia\\net al., 2022), the amount of allowed context is\\nsignificantly reduced when using recent large lan-\\nguage models (e.g. top 10) (Touvron et al., 2023;\\nYu et al., 2023b), due to their limited context win-\\ndow length and inability to reason over long con-\\ntext (Liu et al., 2023). Recent efforts have tried to\\nimprove the quality of the reader context by filter-\\ning or compressing the retrieved documents (Wang\\net al., 2023; Xu et al., 2023). Our work offers a\\nnew perspective by leveraging a new retrieval unit,\\nthe proposition that not only reduces the context\\nlength but also offers greater information density,\\neffectively addressing the issue.\\n8 Conclusion\\nWe propose the use of propositions as retrieval units\\nfor indexing corpus to improve dense retrieval per-\\nformance at inference time. Through our experi-\\nments on five open-domain QA datasets with six\\ndifferent dense retrievers, we discovered that re-\\ntrieval by proposition outperforms passage or sen-\\ntence in both passage retrieval accuracy and down-\\nstream QA performance with a fixed retrieved word\\nbudget. We introduce FACTOID WIKI, an indexed\\nversion of the English Wikipedia dump, where text\\nfrom 6 million pages is segmented into 250 million\\npropositions. We hope that FACTOID WIKI, along\\nwith our findings in the paper, will facilitate future\\nresearch on information retrieval.\\nLimitations\\nThe scope of our current study on the granular-\\nity of retrieval corpus has the following limita-\\ntions. (1) Retrieval Corpus – Our study only focus\\non Wikipedia as the retrieval corpus, due to the\\nfact that most open-domain QA datasets adopts\\nWikipedia as the retrieval corpus. (2) Types of\\ndense retrievers evaluated – In the current version\\nof the paper, we only evaluate on 6 types of popular\\ndense retrievers, most of which follow bi- or dual-\\nencoder architecture. In future versions, we will\\ninclude and discuss results on a broader range of\\ndense retrievers. (3) Language – Our current studyis limited to English Wikipedia only. We leave the\\nexploration on other languages to future work.\\nReferences\\nZeynep Akkalyoncu Yilmaz, Wei Yang, Haotian Zhang,\\nand Jimmy Lin. ', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='e56e91da-416b-42b9-8c42-55aeb18ee559', embedding=[-0.014189735986292362, 0.0038325865752995014, 0.01733999326825142, -0.013904583640396595, 0.0207075085490942, 0.028352314606308937, -0.010177231393754482, 0.013001600280404091, -0.018480602651834488, -0.03525029122829437, 0.007536175660789013, 0.014692147262394428, 0.006093439180403948, 0.013456486165523529, -0.011548680253326893, -0.006049308460205793, 0.013775586150586605, -0.0018517945427447557, -0.005248165689408779, -0.022730734199285507, -0.010150074027478695, -0.025487210601568222, -0.025840256363153458, -0.010761115700006485, 0.010340175591409206, 0.003075574291869998, 0.027279596775770187, -0.02821652777493, 0.004647308029234409, -0.007631226442754269, 0.0019298719707876444, 0.0010022773640230298, -0.003944610711187124, -0.016986947506666183, 0.007475071586668491, -0.0062360153533518314, -0.007787381298840046, -0.011772728525102139, 0.011759149841964245, -0.005621579475700855, 0.01800534874200821, 0.014053949154913425, 0.011731992475688457, -0.006735032424330711, 0.004589598625898361, 0.013157755136489868, 0.015357503667473793, -0.019811315461993217, -0.022689998149871826, 0.016321590170264244, 0.012906549498438835, 0.04467390477657318, -0.01856207475066185, -0.006280146073549986, -0.009158829227089882, -0.0005274474387988448, -0.008194741792976856, 0.03753151372075081, -0.0004659189726226032, -0.01183383259922266, 0.0063310666009783745, -0.00909772515296936, -0.026098251342773438, 0.004912092816084623, -0.01697336882352829, -0.017502937465906143, -0.035630494356155396, -4.362686013337225e-05, 0.007794170640408993, 0.00767196249216795, 0.009301405400037766, 0.003662852803245187, 0.012193667702376842, -0.014692147262394428, 0.016701795160770416, 0.0020249227527529, 0.008676785975694656, -0.021956749260425568, -0.013117019087076187, 0.02156296744942665, 0.002517150482162833, -0.009647662751376629, -0.013307120651006699, 0.0330505445599556, 0.026166144758462906, 0.003937821369618177, 0.01748935878276825, 0.007278180215507746, 0.0024119156878441572, 0.0037816665135324, 0.003717167768627405, 0.027972111478447914, 0.008717522025108337, 0.0076380157843232155, -0.021875277161598206, 0.014569939114153385, 0.000729430525097996, -0.003730746451765299, 0.007957114838063717, -0.029221350327134132, 0.009158829227089882, 0.009199565276503563, -0.029927443712949753, -0.004565835930407047, -0.01571054942905903, 0.0004198786919005215, -0.013150965794920921, -0.008907623589038849, -0.010876534506678581, 0.006069676484912634, -0.03701552003622055, 0.026098251342773438, 0.021902434527873993, -0.032262977212667465, 0.0103537542745471, -0.020395198836922646, 0.013049125671386719, -0.015018036589026451, -0.01334785670042038, -0.023355355486273766, 0.022269058972597122, 0.02695370838046074, 0.017000526189804077, -0.03628227114677429, 0.02802642621099949, 0.005635158158838749, -0.018548496067523956, -0.018955858424305916, -0.0026902789250016212, -0.020626036450266838, -0.01022475678473711, 0.026274774223566055, 0.009165618568658829, 0.005821865517646074, -0.01667463779449463, 0.04022009298205376, -0.020639615133404732, -0.0021199737675487995, -0.018697863444685936, -0.006490616127848625, 0.004239947535097599, 0.01596854440867901, -0.029683027416467667, -0.008500263094902039, 0.007610858418047428, 0.01590065099298954, 0.011365367099642754, 0.013972477056086063, 0.03152972832322121, 0.015004457905888557, 0.010265492834150791, -0.01538466103374958, -0.017584409564733505, 0.03826476261019707, 0.014678568579256535, 0.014026791788637638, 0.0015734311891719699, 0.03383810818195343, -0.013653377071022987, -0.0024051263462752104, -0.006748611107468605, -7.733490929240361e-05, 0.006782557815313339, 0.004626940004527569, -0.007298548240214586, 0.027388228103518486, 0.01473288331180811, -0.01237019058316946, -0.005475608631968498, -0.01804608479142189, -0.008364476263523102, 0.036445215344429016, -0.015425397083163261, -0.015316767618060112, -0.011922094039618969, 0.0030552062671631575, 0.04103481397032738, -0.014162578620016575, -0.015167402103543282, -0.025840256363153458, 0.0021420391276478767, 0.009851342998445034, 0.018684284761548042, 0.01338859274983406, -0.009199565276503563, -0.014026791788637638, 0.017394308000802994, -0.022092536091804504, -0.010896902531385422, -0.007814538665115833, 0.011928883381187916, 0.019729843363165855, -0.000981060671620071, -0.010971585288643837, -0.6456940770149231, -0.028460944071412086, 0.015140244737267494, -0.013531168922781944, 0.005624974146485329, 0.01313059777021408, -0.0026020174846053123, 0.006351434625685215, -0.004379129037261009, 0.0351959764957428, -0.013252805918455124, 0.0020860270597040653, 0.004015898797661066, 0.003985346760600805, -0.030524905771017075, -0.01436625886708498, -0.001424914225935936, 0.0015318464720621705, 0.019987838342785835, 0.011168476194143295, -0.02251347526907921, 0.031230997294187546, -0.014855092391371727, -0.0020673563703894615, -0.02085687592625618, -0.0070337639190256596, 0.01294049620628357, -0.01948542706668377, 0.01399963442236185, 0.019553320482373238, -0.02300230972468853, 0.018779335543513298, 0.018168292939662933, 0.017326414585113525, 0.042175427079200745, -0.016280854120850563, -0.002133552450686693, 0.021685175597667694, 0.010027865879237652, 0.03131246939301491, -0.024577436968684196, 0.010489542037248611, 0.011894936673343182, 0.011290684342384338, -0.0010404675267636776, 0.007359652314335108, 0.0263969823718071, 0.007936746813356876, 0.014067527838051319, -0.019390376284718513, -0.010774694383144379, 0.007767013274133205, -0.005285507068037987, -0.017462201416492462, 0.0151266660541296, 0.014393416233360767, 0.02555510401725769, -0.021725911647081375, 0.014950143173336983, -0.004878146108239889, 0.002668213564902544, -0.007991061545908451, -0.03017186000943184, -0.02197032794356346, -0.004572625271975994, 0.010211178101599216, -0.0038257972337305546, 0.010197599418461323, 0.016511693596839905, -0.026206880807876587, -0.0007633772329427302, 0.016661059111356735, -0.017258521169424057, -0.014434152282774448, 0.008554577827453613, 0.023871345445513725, 0.003615327412262559, -0.0018755572382360697, -0.0343269407749176, 0.003788455855101347, 0.010380911640822887, -0.01905090920627117, -0.005326243117451668, -0.004667676519602537, 0.02433302067220211, -0.008025008253753185, -0.011860989965498447, -0.008846519514918327, 0.0006407446344383061, 0.014990879222750664, 0.015547605231404305, 0.013429328799247742, -0.025745205581188202, -0.012865813449025154, -9.526302892481908e-05, 0.021087713539600372, -0.016579587012529373, 0.003927637357264757, 0.01579202152788639, -0.020693929865956306, 0.00012464816973078996, -0.0323987640440464, 0.025527946650981903, 0.003226637374609709, 0.009396457113325596, 0.004871356766670942, 0.02533784508705139, 0.012159720994532108, 0.034191153943538666, -0.0033403588458895683, 0.0030959423165768385, -0.008459527045488358, -0.005448451265692711, -0.005404320545494556, 0.001096479594707489, -0.029329979792237282, 0.007291758898645639, 0.033376432955265045, -0.003230032045394182, -0.017435044050216675, -0.0008529117330908775, -0.005635158158838749, 0.017720196396112442, -0.006110412534326315, 0.0008970425114966929, 0.009260669350624084, -0.005967836361378431, -0.014963721856474876, 0.008622471243143082, 0.008907623589038849, -0.006022151093930006, -0.014542781747877598, 0.002756475005298853, -0.0034999086055904627, 0.012302297167479992, -0.018657127395272255, 0.017801668494939804, -0.013062704354524612, 0.004358761012554169, -0.017244942486286163, -0.04410360008478165, -0.010523488745093346, -0.0022370899096131325, -0.014936564490199089, -0.03136678412556648, -0.009600137360394001, -0.011827043257653713, 0.01933606155216694, 0.01009575929492712, -0.026912972331047058, -0.007217076141387224, 0.0030840609688311815, -0.022106114774942398, 0.014026791788637638, -0.03698836266994476, -0.008534209802746773, -0.012030723504722118, -0.04089902713894844, -0.008120059035718441, -0.03381095081567764, -0.006986238528043032, 0.01864354871213436, -0.004959618207067251, 0.005271928384900093, 0.023056624457240105, -0.011473996564745903, 0.014189735986292362, 0.04260994493961334, -0.017733775079250336, -0.02780916728079319, -0.00016145916015375406, -0.016145067289471626, -0.012302297167479992, 0.0030076808761805296, 0.016538850963115692, 0.013123808428645134, -0.01081543043255806, 0.007617647759616375, 0.0058150761760771275, -0.025568682700395584, -0.010170442052185535, 0.0054857926443219185, -0.007936746813356876, -0.015588341280817986, 0.0006258929497562349, 0.011209212243556976, 0.03405536711215973, 0.012757183983922005, -0.008228689432144165, 0.020381620153784752, -0.0006496556452475488, 0.026654977351427078, -0.00767196249216795, 0.0016039833426475525, -0.01066606491804123, 0.02089761197566986, -0.01671537384390831, -0.007020185235887766, -0.0019655160140246153, 0.02192959189414978, -0.0009734226623550057, 0.010387700982391834, 0.007610858418047428, -0.00505806365981698, -0.014895828440785408, -0.0045997826382517815, -0.004107555374503136, -0.025745205581188202, 0.002065659034997225, -3.48484463756904e-05, 0.007291758898645639, -0.025989621877670288, -0.01811397820711136, -0.0164166409522295, -0.004192422144114971, 0.05442340672016144, -0.005292296409606934, -0.0045115211978554726, -0.04863888397812843, 0.00918598659336567, 0.0008142973529174924, -0.0002766659017652273, 0.029384294524788857, 0.01111416146159172, -0.007699119858443737, -0.010082180611789227, -0.02677718549966812, 0.010360543616116047, 0.019023751839995384, -0.03106805309653282, -0.010625328868627548, 0.011453628540039062, 0.021535810083150864, 0.008174373768270016, 0.004379129037261009, -0.006317487917840481, 0.03223581984639168, -0.016851160675287247, 0.007570122368633747, 0.00896872766315937, -0.006572088226675987, 0.008568156510591507, 0.009953183121979237, -0.0020164360757917166, 0.01645737886428833, -0.02381703071296215, 0.03576628118753433, 0.017883140593767166, -0.008113269694149494, 0.013103440403938293, -0.03530460596084595, 0.020585300400853157, 0.0010353755205869675, 0.004328208975493908, 0.017109155654907227, -0.014339101500809193, -0.0030246542301028967, -0.011358577758073807, 0.009525454603135586, 0.03076932206749916, 0.020368041470646858, 0.004518310539424419, 0.025609418749809265, 0.006830083206295967, 0.04529852420091629, -0.0175979882478714, -0.01033338624984026, -0.01626727543771267, -0.024821853265166283, -0.004942644853144884, -0.01856207475066185, -0.03514166176319122, 0.020979084074497223, -0.01763872429728508, 0.010306228883564472, 0.0373414121568203, -0.003937821369618177, -0.0028905647341161966, 0.02810789830982685, 0.013755218125879765, -0.018765756860375404, -0.02680434286594391, 0.018684284761548042, 0.003433712525293231, 0.004185632802546024, -0.015819178894162178, 0.010272282175719738, -0.00015169948164839298, -0.023749137297272682, 0.005577448755502701, 0.009980340488255024, 0.020381620153784752, 0.008629260584712029, -0.011148108169436455, -0.033159174025058746, 0.008221900090575218, 0.02770053781569004, -0.023029467090964317, -0.0349787175655365, -0.0001722796878311783, -0.0048645674251019955, 0.006531352177262306, -0.01849418133497238, -0.00769233051687479, 0.04755258932709694, -0.022174008190631866, -0.010523488745093346, -0.014040370471775532, -0.025894571095705032, -0.016443800181150436, 0.009274248033761978, 0.0045760199427604675, -0.009016253054141998, 0.014882249757647514, 0.012913338840007782, 0.014148999936878681, -0.019173117354512215, -0.015927808359265327, 0.028135055676102638, 0.02510700561106205, -0.013884215615689754, -0.01473288331180811, 0.014203314669430256, 0.013795954175293446, 0.06121275573968887, 0.029112720862030983, -0.027075916528701782, 0.017054840922355652, -0.004491153173148632, -0.021902434527873993, -0.01656600832939148, -0.012634975835680962, 0.017109155654907227, -0.011928883381187916, -0.015303188934922218, 0.0070337639190256596, 0.0204902496188879, 2.7210431653656997e-05, 0.019770579412579536, 0.005923705641180277, -0.008642839267849922, -0.02004215307533741, -0.014067527838051319, -0.005971231032162905, -0.0033624242059886456, -0.020585300400853157, 0.009274248033761978, 0.03106805309653282, 0.01268250122666359, -0.022825784981250763, 0.02791779674589634, 0.02104697749018669, -0.0076380157843232155, -0.048720356076955795, 0.005271928384900093, 0.023124517872929573, 0.0035949593875557184, 0.013212069869041443, -0.01421689335256815, 0.03150257095694542, 0.03769445791840553, 0.007264601532369852, 0.013191701844334602, 0.005343216471374035, 0.005635158158838749, 0.02345040626823902, 0.002703857608139515, -0.0019587266724556684, -0.002646148204803467, -0.0047355699352920055, 0.0034710539039224386, 0.028976934030652046, -0.01583275757730007, -0.016212960705161095, 0.0013655074872076511, 0.011229580268263817, -0.016036437824368477, -0.01841270923614502, 0.0007536175544373691, 0.022527053952217102, -0.01222082506865263, -0.00896872766315937, -0.01997425965964794, -0.036037854850292206, 0.0028481311164796352, -0.018833650276064873, 0.0007099111098796129, -0.004053240176290274, -0.01837197318673134, -0.02632908895611763, -0.0061477539129555225, -0.015561183914542198, -0.014067527838051319, 0.01918669603765011, 0.011582626961171627, -0.028813989832997322, -0.03630942851305008, 0.013836690224707127, 0.005061458330601454, 0.0198520515114069, 0.03674394637346268, 0.01259423978626728, -0.0020979084074497223, 0.004990170244127512, -0.0017974796937778592, -0.012791130691766739, -0.00540771521627903, -0.016552429646253586, -0.002963550155982375, 0.015357503667473793, -0.01564265601336956, -0.02480827458202839, -0.03579343855381012, 0.00039187262882478535, 0.008384844288229942, -0.002406823681667447, 0.010869745165109634, 0.0021199737675487995, 0.005563870072364807, 0.010829009115695953, 0.03066069260239601, 0.030008915811777115, -0.022133272141218185, -0.019349640235304832, 0.0033556348644196987, -0.0021725911647081375, -0.025826677680015564, -0.030090387910604477, 0.015466133132576942, 0.004148291423916817, 0.005512950010597706, 0.02225548028945923, 0.0002925784501712769, 0.01124315895140171, 0.023640507832169533, -0.008527420461177826, 0.025650154799222946, -0.008147216401994228, 0.026193302124738693, 0.01135178841650486, 0.0019298719707876444, 0.013823111541569233, -0.006551720201969147, -0.01804608479142189, -0.006463458761572838, -0.005584238097071648, 0.020884033292531967, 0.019213853403925896, -0.010061812587082386, 0.025134162977337837, -0.013334278017282486, 0.006157937925308943, -0.012763973325490952, 0.032860442996025085, -0.031855616718530655, 0.0343269407749176, -0.006266567390412092, -0.013171333819627762, -0.01571054942905903, -0.005682683549821377, -0.003016167553141713, -0.006972659844905138, -0.011168476194143295, -0.021644439548254013, 0.012757183983922005, -0.016728952527046204, -0.0069930278696119785, -0.008914412930607796, 0.018480602651834488, -0.02710307389497757, -0.009586558677256107, 0.03549470752477646, -0.0009394759545102715, 0.016891896724700928, 0.004185632802546024, 0.006049308460205793, -0.011657309718430042, -0.008731100708246231, -0.023531878367066383, -0.027727695181965828, -0.017611566931009293, 0.02651919052004814, 0.03845486417412758, 0.02903124876320362, 0.03242592141032219, -0.026003200560808182, 0.007787381298840046, 0.030307646840810776, 0.010156863369047642, 0.009586558677256107, -0.011467207223176956, 0.009396457113325596, -0.019295325502753258, -0.0025918332394212484, 0.004009109456092119, -0.006561904214322567, -0.01800534874200821, 8.234736014856026e-06, 0.011616573669016361, 0.01890154369175434, -0.00031443164334632456, -0.009498297236859798, -0.013341067358851433, -0.023029467090964317, -0.007176340091973543, 0.016104331240057945, 0.005017327610403299, 0.008479895070195198, -0.02780916728079319, -0.002992404857650399, 0.00932177435606718, -0.007176340091973543, 0.015520447865128517, -0.0054620299488306046, 0.030443433672189713, -0.020992662757635117, 0.0024577437434345484, 0.003981952089816332, 0.012838656082749367, -0.02903124876320362, 0.0012000171700492501, -0.03516881912946701, 0.006103623192757368, 0.03150257095694542, 0.012553502805531025, 0.0014834724133834243, 0.02851525880396366, 0.0060425191186368465, 0.018589232116937637, 0.0014478283701464534, 0.01933606155216694, -0.03362084925174713, -0.006830083206295967, -0.023341776803135872, 0.012017144821584225, -0.01907806657254696, 0.0029092354234308004, -0.008181163109838963, 0.020354462787508965, 0.004413075745105743, -0.014108263887465, 0.016919054090976715, -0.01763872429728508, -0.02714380994439125, 0.005044484976679087, 0.004226368851959705, 0.03190993145108223, -0.01321885921061039, 0.021495074033737183, 0.040844712406396866, 0.007733066566288471, 0.015248874202370644, 0.0024865984451025724, 0.01748935878276825, -0.011514733545482159, 0.03166551515460014, 0.038699280470609665, -0.029981758445501328, -0.011548680253326893, 0.007868853397667408, 0.013904583640396595, -0.03275180980563164, -0.02718454599380493, 0.017557252198457718, 0.024509543552994728, 0.01675610989332199, -0.009566190652549267, -0.01956689916551113, -0.020870454609394073, 0.02152223140001297, -0.024563858285546303, 0.015669813379645348, 0.0016031346749514341, -0.0072034974582493305, -0.009084146469831467, 0.048122894018888474, -0.007583701051771641, 0.012763973325490952, -0.0013493828009814024, -0.007305337581783533, 0.03769445791840553, 0.005808286834508181, -0.00038253728416748345, 0.002094513736665249, 0.00693531846627593, 0.03620079904794693, -0.010645696893334389, 0.00832374021410942, 0.005821865517646074, 0.009281037375330925, -0.009389667771756649, 6.43463044980308e-06, 0.005635158158838749, 0.03329496085643768, -0.018887965008616447, -0.0037850611843168736, -0.014692147262394428, -0.0018433077493682504, 0.004487758502364159, -0.017367150634527206, -0.004080397542566061, 0.0007357955328188837, -0.019349640235304832, -0.0011482483241707087, 0.028080740943551064, 0.007298548240214586, -0.007889221422374249, 0.0019332666415721178, -0.004793279338628054, -0.00668411236256361, -0.006242804694920778, -0.01731283590197563, -0.0006365012959577143, -0.053119853138923645, -0.01956689916551113, 0.04611324891448021, 0.0073324949480593204, 0.0364723727107048, -0.011236369609832764, 0.0015267544658854604, 0.017502937465906143, 0.012512766756117344, -0.02636982500553131, 0.016661059111356735, 0.010564224794507027, -0.006775768473744392, -0.011053057387471199, -0.0037986398674547672, -0.0048815407790243626, -0.018697863444685936, 0.026790764182806015, -0.006337855942547321, -0.02651919052004814, -0.009878500364720821, 0.004307840950787067, 0.010801851749420166, 0.009050199761986732, -0.0015759773086756468, 0.02319241128861904, -0.00994639378041029, -0.011100582778453827, 0.007936746813356876, -0.01834481582045555, 0.028189370408654213, 0.0022031432017683983, 0.010489542037248611, 0.030905108898878098, -0.02751043625175953, 0.01649811491370201, -0.005764156114310026, 0.017584409564733505, -0.012757183983922005, -0.03028048947453499, 0.00027772673638537526, -0.0027581723406910896, 0.022214744240045547, -0.011297473683953285, -0.012838656082749367, -0.006449880078434944, 0.006874214392155409, -0.016728952527046204, 0.015696970745921135, -0.012668922543525696, -0.016538850963115692, -0.004097370896488428, 0.012166510336101055, 0.03975841775536537, 0.004810252692550421, -0.009328563697636127, -0.018725020810961723, -0.0018755572382360697, -0.011759149841964245, -0.03571196645498276, -0.013449696823954582, -0.015995701774954796, 0.043207406997680664, 0.0059372843243181705, -0.030715007334947586, -0.024305863305926323, -0.024129340425133705, -0.03997567668557167, -0.018887965008616447, -0.014040370471775532, 0.019200274720788002, 0.020028574392199516, 0.02156296744942665, 0.0018806492444127798, 0.029058406129479408, -0.012696079909801483, 0.009973551146686077, -0.021834541112184525, -0.013266384601593018, 0.016131488606333733, -0.018317658454179764, -0.0007111841114237905, 0.011820253916084766, -0.02008288912475109, -0.011636941693723202, 0.0103537542745471, 0.009416825138032436, -1.7172274965560064e-05, 0.025500789284706116, 0.0024271917063742876, -0.02336893416941166, -0.0027428963221609592, -0.005991599056869745, -0.0015878586564213037, 0.011867779307067394, -0.0030721796210855246, -0.026573505252599716, -0.010638907551765442, 0.0011983198346570134, -0.011297473683953285, -0.027605487033724785, 0.007346073631197214, 0.018534917384386063, 0.008004640229046345, -0.006785952486097813, -0.01867070607841015, -0.01007539127022028, 0.006965870503336191, -0.013408960774540901, 0.02592172846198082, 0.009783449582755566, 0.007943536154925823, 0.014434152282774448, 0.01757083088159561, 0.007230654824525118, -0.014135421253740788, -0.006965870503336191, -0.0016846067737787962, 0.005978020373731852, 0.020205097272992134, -0.020843297243118286, 0.012261561118066311, -0.02536500245332718, -0.006259778048843145, -0.012424505315721035, -0.0011287289671599865, -0.011630152352154255, -0.014393416233360767, -0.029520081356167793, -0.0028803807217627764, 0.019539741799235344, -0.03375663608312607, -0.007237444166094065, -0.009240301325917244, -0.008866887539625168, 0.005570659413933754, 0.0007790775853209198, -0.015656234696507454, -0.03158404305577278, -0.006161332596093416, -0.004477574490010738, -0.015180980786681175, 0.01634874753654003, 0.011188844218850136, 0.004423259757459164, -0.00252903182990849, 0.002675002906471491, 0.21389159560203552, -0.014664989896118641, 0.005404320545494556, 0.00839163362979889, -0.0033454508520662785, -0.004603177309036255, 0.0247811172157526, 0.01146041788160801, -0.020055731758475304, 0.006303909234702587, 0.004755937959998846, -0.004623545333743095, -0.029411451891064644, -0.001615016022697091, 0.015982123091816902, -0.019729843363165855, -0.03269749507308006, -0.04730817303061485, -0.014610675163567066, -0.0075972797349095345, 0.0029041434172540903, 0.008846519514918327, 0.0035949593875557184, -0.026451297104358673, 0.04225689917802811, -0.026641398668289185, 0.0029788261745125055, 0.0028006057254970074, -0.012397347949445248, 0.019879208877682686, -0.013571904972195625, 0.003450685879215598, 0.01385026890784502, 0.00998712982982397, -0.021807383745908737, -0.0014376443577930331, 0.01370090339332819, 0.008588524535298347, 0.019689107313752174, 0.005743787623941898, 0.011107372120022774, -0.012451662681996822, -0.00856136716902256, -0.006456669420003891, 0.009477929212152958, 0.02025941200554371, -0.014569939114153385, -0.009477929212152958, 0.00039229696267284453, 0.017394308000802994, -0.03924242779612541, 0.012098616920411587, 0.043397508561611176, 0.014719304628670216, 0.004867962095886469, 0.011711624450981617, -0.0009870013454928994, 0.004375734366476536, 0.017109155654907227, -0.028895461931824684, -0.028189370408654213, 0.008887255564332008, 0.010475963354110718, 0.011643731035292149, -0.01209182757884264, 0.00795032549649477, -0.017584409564733505, 0.001943450653925538, 0.009674820117652416, -0.010774694383144379, 0.005489187315106392, -0.01451562438160181, -0.011338209733366966, -0.0037137730978429317, -0.014352680183947086, -0.024563858285546303, 0.021793805062770844, 0.025731626898050308, 0.01523529551923275, 0.040355879813432693, 0.005652131512761116, 0.003318293485790491, -0.014203314669430256, 0.01172520313411951, -0.016022859141230583, -0.03902516886591911, 0.014135421253740788, -0.005017327610403299, -0.013429328799247742, -0.03245307877659798, -0.004942644853144884, 0.006965870503336191, -0.01664748042821884, -0.015547605231404305, 0.011032689362764359, -0.011507944203913212, 0.018847228959202766, 0.01321885921061039, 0.011860989965498447, -0.004457206465303898, -0.030606377869844437, 0.06849093735218048, 0.015995701774954796, 0.020870454609394073, -0.013076283037662506, -0.005502765998244286, -0.014664989896118641, -0.01155546959489584, 0.009993919171392918, -0.0006208009435795248, 0.008717522025108337, -0.024007132276892662, 0.017258521169424057, 0.0036424847785383463, -0.0019128986168652773, 0.008086112327873707, 0.00015254814934451133, -0.03231729194521904, 0.02119634300470352, -0.017326414585113525, -0.025989621877670288, -0.026234038174152374, -0.0043655503541231155, 0.019621213898062706, -0.006874214392155409, -0.013225648552179337, -0.009919236414134502, -0.03364800661802292, -0.030307646840810776, -0.01808682084083557, 0.017665881663560867, -0.020843297243118286, 0.04068176820874214, -0.008975517004728317, 0.021467916667461395, 0.003213058691471815, 0.005468819290399551, -0.0020605670288205147, -0.013375014066696167, 0.0013672048225998878, 0.0012051091762259603, -0.011535101570189, -0.0046167559921741486, 0.014705725945532322, 0.004850988741964102, -0.003440501866862178, -0.000734098197426647, 0.017244942486286163, -0.026301931589841843, -0.006181700620800257, 0.014502045698463917, -0.013232437893748283, 0.0027649616822600365, -0.0024000343400985003, 0.03231729194521904, -0.01057780347764492, -0.022174008190631866, -0.020979084074497223, -0.008011429570615292, 0.018507760018110275, -0.054450564086437225, -0.00553671270608902, 0.012641765177249908, -0.003975162748247385, -0.0027717510238289833, -0.005017327610403299, -0.17456769943237305, 0.004688044544309378, 0.0263969823718071, -0.03633658587932587, 0.008289793506264687, 0.00828300416469574, 0.019797736778855324, -0.021359287202358246, -0.004124528728425503, -0.020069310441613197, 0.005849022883921862, 0.0008622471359558403, -0.04980665072798729, -0.01237019058316946, -0.0034965139348059893, 0.021793805062770844, -0.014787198975682259, 0.00953903328627348, 0.025174899026751518, 0.022119693458080292, 0.012485609389841557, -0.030199017375707626, 0.0012874299427494407, -0.01321885921061039, -0.001564095844514668, 0.012472030706703663, -0.01098516397178173, -0.007291758898645639, -0.019702685996890068, -0.014271208085119724, 0.015724128112196922, 0.014936564490199089, 0.01956689916551113, -0.003591564716771245, -0.013320699334144592, 0.018616391345858574, 0.005570659413933754, -0.0004960466758348048, -0.023694822564721107, 0.036852575838565826, 0.019471848383545876, 0.04016577824950218, 0.004239947535097599, -0.005061458330601454, -0.02585383504629135, 0.016511693596839905, 0.012899760156869888, -0.021875277161598206, 0.0061070178635418415, -0.002170893829315901, -0.02104697749018669, -0.01234982255846262, 0.012254771776497364, -0.0022998913191258907, 0.004542073234915733, 0.00669429637491703, 0.016389483585953712, 0.011752360500395298, -0.0023626929614692926, -0.006215647328644991, 0.006429512053728104, -0.027537593618035316, 0.029329979792237282, 0.011141318827867508, -0.012750394642353058, -0.012363401241600513, -0.006972659844905138, 0.00504787964746356, -0.027524014934897423, 0.006796136498451233, -0.007916378788650036, 0.009912447072565556, -0.01298123225569725, -0.008235478773713112, 0.010292650200426579, 0.02832515724003315, 0.01024512480944395, 0.014339101500809193, 0.02770053781569004, -0.03188277408480644, -0.008025008253753185, 0.026532769203186035, 0.0023015886545181274, 0.0034438965376466513, 0.008384844288229942, -0.015696970745921135, 0.0013519288040697575, -0.00892799161374569, -0.019757000729441643, -0.01886080764234066, 0.026003200560808182, -0.021685175597667694, 0.022825784981250763, -0.0005787918344140053, 0.004467390477657318, 0.0032809521071612835, 0.0035236713010817766, 0.00881936214864254, 0.01259423978626728, 0.02074824459850788, -0.006453274749219418, -0.002170893829315901, -0.006853846367448568, 0.014189735986292362, 0.020653193816542625, -0.004857778083533049, -0.021467916667461395, -0.00994639378041029, 0.027944954112172127, -0.02821652777493, -0.017625145614147186, 0.007760223932564259, 0.006670533679425716, 0.0048815407790243626, 0.0037205624394118786, 0.01886080764234066, -0.0113721564412117, -0.013436118140816689, 0.0001955119805643335, -0.008636049926280975, 0.05675894394516945, -0.012315875850617886, 0.006504194810986519, -0.009070567786693573, -0.01232945453375578, -0.019471848383545876, -0.10308945178985596, -0.03269749507308006, 0.006127385888248682, 0.03299622982740402, -0.016552429646253586, 0.014352680183947086, 0.00653474684804678, 0.010272282175719738, -0.028813989832997322, 0.020829718559980392, -0.0015632471768185496, 0.006884398404508829, 0.00504787964746356, -0.01997425965964794, 0.018399130553007126, 0.0026410561986267567, 0.004477574490010738, -0.030416276305913925, -0.01793745532631874, 0.04823152348399162, -0.014814356341958046, -0.01170483510941267, 0.022934414446353912, -0.004783095326274633, 0.013795954175293446, 0.005618184804916382, -0.024713223800063133, 0.01697336882352829, 0.014393416233360767, 0.010326596908271313, -0.009314985014498234, -0.017964612692594528, -0.004691439215093851, -0.028759675100445747, -0.016294432803988457, -0.023979974910616875, -0.013076283037662506, -0.014950143173336983, 0.006636586971580982, -0.007733066566288471, 0.01122279092669487, 0.016593165695667267, 0.020055731758475304, 0.005743787623941898, -0.0326160229742527, -0.015479711815714836, -0.0007811992545612156, 0.014488467015326023, 0.011874568648636341, -0.019145959988236427, -0.04638482257723808, -0.017326414585113525, -0.010625328868627548, 0.00503769563511014, 0.027632644400000572, 0.010740747675299644, -0.000568607822060585, -0.0026359641924500465, -0.01157583761960268, -0.0030891529750078917, -0.03109521046280861, 0.004966407548636198, -0.017136313021183014, 0.0007930806605145335, 0.027524014934897423, -0.0034082522615790367, -0.00642611738294363, -0.02673644945025444, -0.0005346611142158508, -0.012275139801204205, 0.007278180215507746, 0.0057675507850945, -0.008826151490211487, 0.013055915012955666, -0.025269951671361923, 0.0006458366406150162, -0.024251548573374748, -0.02577236294746399, -0.003679826157167554, -0.03161120042204857, -0.0017321322811767459, -0.031013738363981247, -0.011996776796877384, -0.006548325531184673, 0.011127740144729614, -0.008900834247469902, -0.011053057387471199, -0.005669104866683483, -0.00352706597186625, -0.02791779674589634, 0.0050512743182480335, 0.03036196157336235, 0.005811681505292654, -0.018141135573387146, 0.0035813807044178247, -0.0037375357933342457, -0.005261744372546673, -0.02995460107922554, -0.014678568579256535, 0.007705909200012684, -0.021101292222738266, 0.0005499371327459812, -0.06963154673576355, 0.025826677680015564, 0.005974625702947378, -0.02222832292318344, 0.002211629878729582, 0.0047593326307833195, 0.030334804207086563, -0.014895828440785408, -0.019865630194544792, 0.023749137297272682, -0.026410561054944992, 0.01860281080007553, -0.010652486234903336, 0.013755218125879765, -0.021807383745908737, -0.02603035792708397, 0.03169267252087593, -0.011779517866671085, 0.016742531210184097, 0.028488101437687874, 0.007631226442754269, 0.009301405400037766, 0.008975517004728317, 0.028053583577275276, -0.00856136716902256, -0.008174373768270016, -0.022649262100458145, 0.011765939183533192, -0.011025900021195412, -0.006079860497266054, -0.008921202272176743, -0.03525029122829437, -0.012465241365134716, 0.020639615133404732, 0.0026478455401957035, -0.005149719770997763, 0.020911190658807755, 0.025011954829096794, 0.025799520313739777, 0.04252847284078598, -0.03152972832322121, -0.03964978829026222, 0.0027581723406910896, 0.018616391345858574, -0.00924709066748619, 0.009213143959641457, -0.013877426274120808, 0.01660674437880516, 0.023341776803135872, -0.01837197318673134, 0.05216934531927109, 0.008065744303166866, -0.0038190078921616077, -0.02096550539135933, -0.008201531134545803, 0.0007120327791199088, 0.025636576116085052, 0.012302297167479992, -0.012933706864714622, -0.001626897370442748, 0.02266284078359604, -0.011956040747463703, 0.03182845935225487, -0.011467207223176956, 0.0007905346574261785, 0.0019366613123565912, -0.026193302124738693, 0.006348039954900742, -0.012696079909801483, -0.00918598659336567, -0.003109520999714732, 0.014909407123923302, -0.00013281661085784435, 0.030117545276880264, 0.01701410487294197, 0.006188489962369204, -0.013782375492155552, 0.022472739219665527, -0.0118542006239295, 0.015303188934922218, 7.043947698548436e-05, -0.02111487090587616, -0.005285507068037987, 0.008445948362350464, 0.010088969953358173, 0.005635158158838749, -0.02943860925734043, -0.00629711989313364, -0.022133272141218185, 0.0024271917063742876, 0.022730734199285507, 0.0247811172157526, 0.0036967997439205647, 0.024455228820443153, -0.012601029127836227, 0.004834015388041735, -0.011290684342384338, -0.0029669448267668486, 0.03568480908870697, 0.015153823420405388, 0.026356246322393417, 0.0026308721862733364, -0.007305337581783533, -0.03611932694911957, -0.02736106887459755, 0.022771470248699188, -0.035005874931812286, -0.02023225463926792, 0.003557618008926511, 0.02248631790280342, 0.015018036589026451, 0.008310161530971527, -0.017136313021183014, 0.009525454603135586, -0.02924850769340992, 0.01135178841650486, -0.014936564490199089, -0.021182764321565628, -0.030796479433774948, 0.017883140593767166, 0.013273173943161964, 0.0019128986168652773, 0.0439949706196785, -0.007522596977651119, 0.02381703071296215, 0.014162578620016575, 0.03036196157336235, -0.021807383745908737, 0.02025941200554371, -0.009382878430187702, 0.024414492771029472, -0.010978374630212784, 0.009593348018825054, 0.0008639444713480771, -0.019105223938822746, 0.003335266839712858, 0.012451662681996822, 0.014230472035706043, -0.00036025975714437664, 0.08228688687086105, 0.029520081356167793, -0.020463092252612114, 0.006439696066081524, -0.005808286834508181, 0.0027191336266696453, 0.013408960774540901, 0.006602640263736248, 0.0027581723406910896, -0.007997850887477398, 0.009552611969411373, 0.0011159989517182112, -0.008636049926280975, -0.02755117230117321, -0.01622653938829899, -0.02588099241256714, 0.002221813891083002, 0.011134529486298561, 0.00955940131098032, -0.021698754280805588, 0.022323373705148697, -0.02203822135925293, 0.00992602575570345, 0.014787198975682259, -0.029574397951364517, -0.0002932149509433657, 0.019879208877682686, -0.0028634071350097656, -0.005312664434313774, -0.03780308738350868, -0.0004073608433827758, 0.006578877568244934, -0.022947993129491806, -0.017027683556079865, 0.00013992420281283557, -0.00490869814530015, -0.00881936214864254, 0.0014741370687261224, -0.0018993199337273836, 0.0015505171613767743, -0.0017244942719116807, 0.029302822425961494, -0.023599771782755852, -0.0037511144764721394, 0.0055672647431492805, -0.009063778445124626, -0.022160429507493973, -0.0068334778770804405, -0.012770762667059898], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='2f9fc45c-d43b-4868-8bc5-fffa259fd198', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '9', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_type': 'application/pdf', 'file_size': 1103758, 'creation_date': '2024-02-25', 'last_modified_date': '2023-12-13', 'last_accessed_date': None}, hash='ba68c5dea85255f379f37c7dfa21981d34f553629d0d9c49f58b055c073f9f13')}, text='2019. Cross-domain modeling of\\nsentence-level evidence for document retrieval. In\\nProceedings of the 2019 Conference on Empirical\\nMethods in Natural Language Processing and the\\n9th International Joint Conference on Natural Lan-\\nguage Processing (EMNLP-IJCNLP) , pages 3490–\\n3496, Hong Kong, China. Association for Computa-\\ntional Linguistics.\\nAkari Asai, Zeqiu Wu, Yizhong Wang, Avirup Sil, and\\nHannaneh Hajishirzi. 2023. Self-rag: Learning to re-\\ntrieve, generate, and critique through self-reflection.\\nJonathan Berant, Andrew Chou, Roy Frostig, and Percy\\nLiang. ', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='c47898ef-31c8-43b7-93aa-39ec51113541', embedding=[0.0013462342321872711, 0.005069360602647066, 0.01965971849858761, -0.02192918211221695, -0.015657946467399597, 0.02378235198557377, 0.0006844476447440684, 0.02250661887228489, -0.02274833619594574, -0.049579016864299774, 0.013126622885465622, 0.04713498428463936, -0.013536199927330017, 0.007533540017902851, 0.0061235190369188786, 0.003478051396086812, 0.023795779794454575, 0.003019794588908553, 0.0069896746426820755, -0.01522822491824627, 0.006526382174342871, -0.009473997168242931, -0.03257819637656212, 0.004297206178307533, 0.01395249180495739, 0.013287767767906189, 0.02865699492394924, -0.02957015112042427, -0.01244847010821104, -0.013643629848957062, 0.007708114106208086, 0.0007893599104136229, -0.020854879170656204, 0.009030847810208797, 0.004058845806866884, -0.022305186837911606, -0.005858300719410181, -0.002192246727645397, 0.016181668266654015, -0.005693798419088125, 0.010649014264345169, 0.024010641500353813, 0.011985177174210548, -0.04428808391094208, 0.002538037486374378, -0.007231392432004213, 0.005368150770664215, -0.019606003537774086, -0.0014536643866449594, 0.018276555463671684, 0.04606068134307861, 0.0433749258518219, -0.03569367155432701, 0.004475137684494257, -0.01489250548183918, -0.018222840502858162, -0.0017079716781154275, 0.03255133703351021, 0.005724013317376375, -0.016114523634314537, 0.01164945773780346, -0.009487425908446312, -0.014637359417974949, 0.018464557826519012, -0.02074744924902916, -0.008641413412988186, -0.03255133703351021, 0.010353581979870796, 0.005113004241138697, -0.006700956262648106, 0.025044655427336693, 0.02301691100001335, -0.0006156251765787601, -0.010346867144107819, 0.03381364420056343, -0.009601570665836334, -0.008580983616411686, -0.03292734548449516, -0.027985556051135063, 0.02014315500855446, 0.005099575500935316, -0.011132449842989445, -0.01961943320930004, 0.02648153342306614, 0.02014315500855446, 0.008527268655598164, 0.02137860096991062, 0.012186608277261257, -0.012582757510244846, 0.01267675869166851, 0.029623866081237793, 0.011065306141972542, 0.018357127904891968, 0.014046492986381054, -0.008876416832208633, 0.007862544618546963, -0.013549628667533398, 0.004968645051121712, 0.020035725086927414, 0.004139418248087168, -0.00938670989125967, 0.004186418838799, -0.024064356461167336, -0.011018306016921997, -0.01522822491824627, 0.015120794996619225, 0.01734997145831585, -0.010843731462955475, 0.006741242483258247, 0.0024423575960099697, -0.021741177886724472, 0.03330335021018982, 0.008755558170378208, -0.0332496352493763, 0.006593525875359774, -0.023943496868014336, 0.03964173048734665, -0.006848672870546579, -0.014691074378788471, -0.010890732519328594, 0.03993716090917587, 0.007016532123088837, 0.02171432040631771, -0.009480712004005909, 0.033437635749578476, -0.004599353764206171, -0.016329383477568626, -0.015053651295602322, -0.018061695620417595, -0.008225121535360813, -0.0012312503531575203, 0.03193361312150955, 0.005290935281664133, -0.0030332233291119337, -0.007385823410004377, 0.036230821162462234, -0.020922023802995682, -0.008037119172513485, -0.009870145469903946, -0.024923797696828842, 0.00744625274091959, 0.017578259110450745, -0.015322226099669933, -0.014059921726584435, -0.003820484969764948, 0.0266292504966259, 0.0022963196970522404, 0.014758218079805374, 0.02951643615961075, -0.00526072084903717, 0.010649014264345169, 0.002487679710611701, -0.025622092187404633, 0.037869129329919815, 0.015349083580076694, -0.019418001174926758, 0.00241885706782341, 0.02414492890238762, 0.0007159212836995721, -0.015402799472212791, -0.0029257931746542454, -0.0012530720559880137, 0.0018195983720943332, 0.009332994930446148, 0.0071441056206822395, 0.022345473989844322, 0.02125774323940277, -0.011790459975600243, 0.011260023340582848, -0.032712481915950775, -0.02636067569255829, 0.035989101976156235, -0.011333881877362728, 0.002880471060052514, 0.005697155836969614, 0.01467764563858509, 0.05162019282579422, -0.03045644983649254, -0.022493189200758934, -0.028468992561101913, 0.015093937516212463, -0.009527712129056454, 0.015429656952619553, 0.016987394541502, -0.012495470233261585, -0.029838725924491882, 0.00872198585420847, -0.003796984674409032, -0.0023181415162980556, -0.013764489442110062, 0.025514662265777588, 0.02019686996936798, 0.005082789342850447, -0.012690187431871891, -0.6402837634086609, -0.02137860096991062, 0.01638309843838215, -0.028898712247610092, 0.006909102201461792, 0.0021486030891537666, 0.0015837555984035134, 0.01144802663475275, -0.0252998024225235, 0.024708935990929604, -0.004270348697900772, 0.004266991745680571, -0.0014116994570940733, -0.01816912554204464, -0.01616823859512806, -0.00390441482886672, -0.006113447714596987, -0.013979349285364151, 0.026790395379066467, -0.0009836574317887425, -0.025165515020489693, 0.014570215716958046, -0.016181668266654015, 0.01014543604105711, -0.020452016964554787, -0.004243491217494011, 0.02817355841398239, -0.03024158999323845, 0.006324950605630875, 0.01679939031600952, -0.015268511138856411, 0.007983403280377388, 0.011615886352956295, 0.014382212422788143, 0.0441000796854496, 0.009923861362040043, -0.010803445242345333, 0.01261632889509201, 0.013623487204313278, 0.01583251915872097, -0.02787812612950802, -0.006271235644817352, 0.0058448719792068005, -0.00046581044443883, -0.006667384412139654, 0.03230962157249451, 0.012582757510244846, -0.005979159846901894, -0.023997211828827858, -0.028576422482728958, -0.025554949417710304, 0.027851268649101257, -0.014435927383601665, -0.00389770045876503, 0.007990118116140366, 0.02359434962272644, 0.028576422482728958, -0.031315892934799194, 0.01704110950231552, -0.013059479184448719, 0.005395008251070976, 0.004146132618188858, -0.014073350466787815, -0.021284600719809532, -0.013858490623533726, 0.022184327244758606, -0.0016668461030349135, 0.014274782501161098, 0.016450243070721626, -0.035075947642326355, 0.01013200730085373, 0.015483371913433075, -0.014529929496347904, -0.019968580454587936, -0.0011876068310812116, 0.013596629723906517, 0.0025867167860269547, 0.01209932193160057, -0.011535312980413437, 0.01236118283122778, -0.0014083422720432281, -0.000323759246384725, -0.006335022393614054, 0.004404636565595865, 0.01828998513519764, 0.005569582339376211, -0.021365173161029816, 0.017027679830789566, 5.07250806549564e-05, 0.005744156427681446, 0.005606511607766151, 8.849349251249805e-05, -0.017846835777163506, -0.02354063279926777, -0.013630201108753681, 0.023191485553979874, -0.006160448305308819, 0.014986507594585419, 0.012858047150075436, -0.026333818212151527, -0.007721542846411467, -0.04391207918524742, 0.01701425202190876, 0.0017625261098146439, 0.021982897073030472, 0.018182555213570595, 0.0221708994358778, 0.0032447264529764652, -0.002682396676391363, -0.013925634324550629, 0.00618059141561389, -0.010555013082921505, -0.008990561589598656, -0.0038305565249174833, 0.008829415775835514, -0.027394691482186317, 0.011971748434007168, -0.0028351489454507828, 0.0012077499413862824, -0.018115410581231117, -0.004847785923629999, -0.011857603676617146, 0.00582472886890173, -0.007016532123088837, 0.011414454318583012, 0.005559510551393032, -0.014113637618720531, -0.0038876289036124945, 0.02190232463181019, -0.0003648848505690694, 0.0013168588047847152, -0.015631088986992836, 0.016356240957975388, -0.01573851890861988, 0.016020523384213448, 0.0030533666722476482, 0.02525951713323593, -0.00944713968783617, 0.0009593177237547934, 0.0028502563945949078, -0.028549565002322197, 0.001739025698043406, -0.0020629947539418936, -0.013730917125940323, -0.0448252335190773, -0.01631595566868782, -0.020156582817435265, 0.015550515614449978, -0.0016962215304374695, -0.0014796826289966702, -0.011139164678752422, -0.011568885296583176, -0.028280990198254585, 0.009312852285802364, -0.02089516632258892, -0.021298028528690338, -0.010971304960548878, -0.038352567702531815, -0.014355354942381382, -0.03851371258497238, 0.011468169279396534, 0.01935085654258728, -0.009702286683022976, -0.004028630908578634, 0.013294482603669167, 0.001017229282297194, -0.002177139278501272, 0.01308633666485548, -0.02190232463181019, -0.02766326628625393, 0.022734908387064934, -0.011535312980413437, 0.008453411050140858, 0.009715715423226357, -0.02014315500855446, 0.02053258940577507, -0.02395692467689514, -0.008849559351801872, -0.014758218079805374, -0.02108316868543625, 0.0010726229520514607, 0.017511116340756416, -0.004008487798273563, -0.011105592362582684, 0.0057005127891898155, 0.008997275494039059, 0.011199594475328922, 0.014516499824821949, -0.0038439854979515076, 0.012475327588617802, 0.011629315093159676, 0.03190675750374794, -0.0038104134146124125, 0.015456514433026314, -0.008124405518174171, 0.042810916900634766, 0.0032312977127730846, -0.010125292465090752, -0.005858300719410181, 0.03311534598469734, 0.005096218083053827, 0.0359085313975811, -0.0005900265532545745, 0.0018313485197722912, -0.02419864386320114, -0.005475581157952547, 0.003602267475798726, -0.019780578091740608, -0.0091584213078022, 0.00949414074420929, 0.016020523384213448, -0.013610058464109898, -0.029194146394729614, -0.01197846233844757, 0.0043643503449857235, 0.04694698005914688, -0.00808411929756403, -0.0033219419419765472, -0.008930131793022156, 0.02274833619594574, -0.00034285328001715243, -0.025407232344150543, 0.02951643615961075, 0.004186418838799, -0.02453436329960823, 0.0020831378642469645, -0.010051433928310871, 0.03335706517100334, 0.017484258860349655, -0.011656172573566437, -0.009473997168242931, 0.02390320971608162, 0.005912016145884991, 0.023366060107946396, 0.007822258397936821, -0.015281939879059792, 0.04316006600856781, -0.01167631521821022, 0.018222840502858162, 0.018236270174384117, -0.01236118283122778, 0.017175396904349327, 0.014422498643398285, -0.010105149820446968, 0.02556837722659111, -0.021271171048283577, 0.03902400657534599, 0.008977132849395275, -0.017054537311196327, 0.008077405393123627, -0.012226895429193974, 0.015577373094856739, -0.017430543899536133, -0.006445809733122587, 0.001975707709789276, -0.010944447480142117, -0.007976689375936985, 0.009326281026005745, 0.02708582952618599, 0.02881813980638981, -0.002049566013738513, 0.006301450077444315, -0.007385823410004377, 0.013052764348685741, 0.027958698570728302, -0.014932791702449322, -0.01243504136800766, -0.020814593881368637, -0.020841451361775398, -0.021862037479877472, -0.01986115053296089, -0.018477987498044968, -0.020881736651062965, -0.012609614990651608, 0.0013739310670644045, 0.027381261810660362, -0.008493697270751, -0.02019686996936798, 0.012945334427058697, 0.014838790521025658, -0.01944485865533352, -0.02017001248896122, 0.02744840644299984, 0.01272375974804163, -0.010924303904175758, -0.01619509607553482, 6.370141818479169e-06, 0.0057307276874780655, -0.03496851772069931, 0.007271679118275642, -0.000759984424803406, 0.028710709884762764, 0.005697155836969614, -0.008909989148378372, -0.027367834001779556, 0.007285107858479023, 0.031289033591747284, 0.005502438638359308, -0.02031772956252098, 0.0006382862338796258, -0.015067080035805702, 0.011817317456007004, -0.031772468239068985, -0.00967542827129364, 0.04783327877521515, -0.014247925020754337, -0.028334705159068108, -0.019122568890452385, -0.033679354935884476, -0.007835687138140202, 0.024883510544896126, 0.020666876807808876, -0.004820928443223238, 0.02617267332971096, 0.016718817874789238, 0.02511180005967617, -0.00195220741443336, 0.003877557348459959, 0.028576422482728958, -0.00012421612336765975, -0.01913599669933319, -0.028200417757034302, 0.013925634324550629, 0.018827134743332863, 0.04431493952870369, 0.04369721561670303, -0.023862924426794052, 0.018424272537231445, -0.0022224613931030035, 0.01308633666485548, -0.015698231756687164, 0.004884715192019939, 0.011354024522006512, -0.030429592356085777, -0.023755494505167007, -0.00654988270252943, 0.02547437697649002, -0.005301007069647312, 0.009353138506412506, 0.005609868559986353, 0.007835687138140202, -0.007170963101089001, 0.01266332995146513, -0.009863431565463543, -0.018303412944078445, -0.014086779206991196, 0.011401025578379631, 0.04498637840151787, 0.019189711660146713, -0.02817355841398239, 0.026226388290524483, 0.020492302253842354, 0.01332805398851633, -0.02383606694638729, -0.007922974415123463, -0.0010365331545472145, 0.008245265111327171, 0.018706277012825012, -0.016665102913975716, 0.01143459789454937, 0.01592652127146721, 0.005569582339376211, 0.02708582952618599, 0.008916703052818775, 0.02086830884218216, 0.033169060945510864, 0.005851586349308491, -0.0008204139303416014, -0.011703172698616982, -0.01195160485804081, 0.003679482964798808, 0.025608664378523827, -0.006365236826241016, -0.008366123773157597, -0.01164945773780346, 0.012112750671803951, -0.02699182741343975, -0.021029453724622726, 0.010232722386717796, 0.0011313739232718945, -0.022184327244758606, -0.018034838140010834, -0.013200480490922928, -0.04197833314538002, 0.010427439585328102, -0.03400164470076561, 0.013556343503296375, -0.006922530941665173, -0.018759991973638535, -0.009709000587463379, -0.015563944354653358, -0.012273895554244518, -0.026159243658185005, 0.024373216554522514, 0.011656172573566437, -0.03478051349520683, -0.0513247586786747, -0.017417114228010178, 0.020277442410588264, 0.002460821997374296, 0.039292581379413605, -0.0013118229107931256, 0.004052131436765194, 0.01640995591878891, 0.004015202168375254, -0.03322277590632439, 0.016020523384213448, -0.022157469764351845, 0.007694685366004705, 0.003274941351264715, -0.019968580454587936, -0.01273718848824501, -0.010259579867124557, -0.003776841564103961, 0.008023690432310104, -0.008345980197191238, 0.002215747023001313, -0.014529929496347904, 0.028737567365169525, 0.008413123898208141, 0.0130729079246521, 0.032739341259002686, 0.00024234733427874744, -0.017551401630043983, 0.0004666497407015413, -0.01430163998156786, -0.022278329357504845, -0.03502223268151283, 0.012891619466245174, 0.00872198585420847, 0.017605116590857506, 0.004337492864578962, -0.01573851890861988, -0.010991448536515236, 0.005294292699545622, -0.021969467401504517, 0.014368783682584763, -0.0020831378642469645, 0.03940001130104065, -0.016584530472755432, 0.013448912650346756, 0.03988344594836235, 0.012972191907465458, -0.0227751936763525, -0.015550515614449978, -0.00913156382739544, 0.031074173748493195, 0.014059921726584435, -0.03187989816069603, 0.01296547707170248, -0.017202254384756088, -0.005213719792664051, -0.01947171613574028, 0.013979349285364151, -0.03169189766049385, 0.0445835143327713, 0.006714385002851486, -0.01172331627458334, -0.01653081551194191, -0.002873756689950824, 0.00170965027064085, -0.00973585806787014, -0.012052320875227451, 0.013166909106075764, 0.02043858729302883, -0.002499429741874337, -0.02684411033987999, -0.011891175992786884, 0.008963704109191895, -0.023674922063946724, -0.015993665903806686, 0.019512003287672997, 0.008621269837021828, 0.013898776844143867, 0.0014956291997805238, -0.0034411223605275154, -0.0027881483547389507, -0.005656869150698185, -0.014073350466787815, -0.025152085348963737, -0.02026401460170746, 0.01980743557214737, 0.02817355841398239, 0.015174509957432747, 0.030644452199339867, -0.009984290227293968, 0.005811300128698349, 0.023285487666726112, -0.001777633442543447, -0.005774370860308409, -0.02581009641289711, -0.0025648949667811394, -0.024520933628082275, 0.00228960532695055, -0.0004557388892862946, 0.01178374607115984, -0.009594855830073357, -0.000573660247027874, 0.037654269486665726, 0.03198733180761337, -0.01662481762468815, -0.028092985972762108, -0.011562170460820198, -0.02260061912238598, -0.026306960731744766, 0.016114523634314537, 0.005636726040393114, 0.004683283623307943, -0.0304833073168993, 0.0028855069540441036, -0.0004578371299430728, -0.0024675363674759865, -0.002138531534001231, -0.012059035710990429, 0.034619368612766266, -0.012294039130210876, -0.005143218673765659, 0.0006349290488287807, 0.008587698452174664, -0.031047316268086433, 0.0015216474421322346, -0.033974789083004, 0.005865015089511871, 0.0177125483751297, 0.010293152183294296, 0.0008065655129030347, 0.02511180005967617, 0.017551401630043983, 0.004431494046002626, 0.008836130611598492, -0.004958573263138533, -0.011582314036786556, 0.01841084286570549, -0.021526318043470383, 0.01692024990916252, -0.029704438522458076, -0.006754671223461628, 0.0020831378642469645, -0.0061067333444952965, 0.013898776844143867, -0.008668270893394947, 0.008983846753835678, -0.023151200264692307, -0.01983429305255413, 0.010179007425904274, 0.013831633143126965, 0.029167288914322853, -0.020546017214655876, 0.009709000587463379, 0.030671309679746628, 0.023406345397233963, 0.0010600335663184524, 0.011689743958413601, 0.019270284101366997, -0.001422610366716981, 0.01650395803153515, 0.014946221373975277, -0.012468612752854824, -0.024614935740828514, 0.020854879170656204, 0.01855855993926525, -0.04364350065588951, -0.02120402827858925, 0.031020458787679672, 0.0024977512657642365, 0.023486917838454247, 0.004985430743545294, -0.025729523971676826, -0.006620383355766535, 0.009762715548276901, -0.010816873982548714, 0.01802140846848488, -0.012804332189261913, -0.013475771062076092, 0.002197282388806343, 0.04345550015568733, 0.015577373094856739, 0.007983403280377388, -0.0003879655560012907, -0.0012211787980049849, 0.03794970363378525, 0.011521884240210056, 0.010306580923497677, 0.010548299178481102, 0.020116297528147697, 0.03931943699717522, -0.007043389603495598, 0.003981630317866802, -0.0003329915343783796, 0.021580033004283905, -0.0075872549787163734, 0.010414010845124722, 0.002108316868543625, 0.030671309679746628, -0.011938176117837429, 0.007768543437123299, -0.010897446423768997, -0.007560397498309612, 0.0005992588703520596, -0.013495913706719875, 0.010501298122107983, -0.012777474708855152, -0.014355354942381382, 0.006902387831360102, 0.04251548647880554, 0.0014931113692000508, -0.003632482374086976, -0.00715753436088562, -0.0021788179874420166, -0.005438651889562607, -0.002813327359035611, -0.011045163497328758, -0.00944713968783617, -0.04133375361561775, -0.00937328115105629, 0.018706277012825012, -0.011280166916549206, 0.020304299890995026, -0.019485145807266235, -0.008292265236377716, 0.0022056754678487778, 0.00647602416574955, -0.020841451361775398, -0.002306391252204776, -0.0023735351860523224, 0.007399252150207758, -0.019847722724080086, -0.010367010720074177, -0.020734021440148354, 0.0007683774456381798, 0.0036694114096462727, 0.0148790767416358, 0.0008762272191233933, -0.011253309436142445, 0.007191106211394072, 0.019995437934994698, 0.006324950605630875, -0.0059993029572069645, 0.024923797696828842, 0.0056837270967662334, 0.0013705738820135593, -0.004794070962816477, -0.02769012376666069, 0.029597008600831032, 0.0007402609335258603, -0.0045859250240027905, 0.02554151974618435, -0.034109074622392654, 0.031127888709306717, -0.001034854562021792, -0.006271235644817352, -0.020760878920555115, -0.03359878063201904, 0.007755114696919918, 0.0025246087461709976, 0.019525431096553802, -0.03682168573141098, -0.021875465288758278, -0.006697598844766617, -0.0019505288219079375, -0.0014587001642212272, 0.02571609430015087, -0.00489142956212163, -0.012247038073837757, 0.016987394541502, 0.028227275237441063, 0.04025945067405701, -0.014919362962245941, -0.006841958500444889, -0.028683852404356003, -0.011031734757125378, -0.006177233997732401, -0.030886171385645866, 0.009346423670649529, -0.003434407990425825, 0.04788699373602867, 0.004626211244612932, -0.024225501343607903, -0.013341482728719711, -0.01783340610563755, -0.03934629634022713, -0.013193766586482525, -0.002383606741204858, 0.0020361372735351324, 0.03620396554470062, 0.0037063404452055693, -0.008983846753835678, 0.040662314742803574, -0.004196490626782179, -0.01203889213502407, -0.020935451611876488, 0.01838398538529873, -0.009198707528412342, -0.014489642344415188, 0.00940013863146305, 0.008104262873530388, -0.040447454899549484, -0.0236212071031332, 0.009359852410852909, -0.011132449842989445, -0.014785075560212135, 0.013898776844143867, -0.018853992223739624, -0.008909989148378372, -0.007701399736106396, 0.015335654839873314, -0.00343105080537498, -0.0015887913759797812, 0.012092607095837593, -0.039077721536159515, 0.0034679798409342766, -0.006976245902478695, -0.003968201577663422, -0.030080445110797882, -0.007580540608614683, -0.0027545765042304993, 0.00421663373708725, 0.007875973358750343, 0.004575853236019611, -0.02098916657269001, -0.0019085638923570514, -0.026347246021032333, 0.018639132380485535, 0.002935864729806781, -0.014973078854382038, 0.02086830884218216, 0.018947994336485863, -0.010790016502141953, -0.0235003475099802, 0.00019954312301706523, -0.02395692467689514, 0.0035653384402394295, 0.007023246493190527, -0.0027461834251880646, 0.01371077448129654, -0.024037498980760574, -0.0059220874682068825, -0.01640995591878891, 0.005452080629765987, -0.011683030053973198, -0.009655285626649857, -0.023379487916827202, 0.019310571253299713, 0.02532665990293026, -0.03652625530958176, 0.015161081217229366, -0.02007601037621498, -0.004340849816799164, -0.0016953821759670973, -0.006895673461258411, -0.014986507594585419, -0.02435978874564171, 0.017457401379942894, 0.010367010720074177, -0.012018749490380287, -0.011589028872549534, -0.00938670989125967, 0.007459681481122971, 0.001304269302636385, 0.015751946717500687, 0.18853993713855743, -0.005895229987800121, 0.0035082660615444183, 0.002574966521933675, 0.011803888715803623, 0.0022728194016963243, 0.032981060445308685, 0.013563057407736778, -0.012441755272448063, -0.004183061886578798, 0.006935959681868553, 0.007748400326818228, -0.03563995659351349, 0.0008246104116551578, 0.03800341859459877, -0.017578259110450745, -0.031074173748493195, -0.03902400657534599, -0.017202254384756088, -0.010843731462955475, -0.008668270893394947, -0.008131120353937149, -0.0012102678883820772, -0.01044758316129446, 0.015308797359466553, -0.014476213604211807, 0.01595337875187397, -0.0076342555694282055, -0.016987394541502, 0.01968657597899437, -0.013220624066889286, 0.005348007660359144, 0.010729586705565453, 0.008641413412988186, -0.019095711410045624, -0.016033951193094254, -0.005311078391969204, 0.021392030641436577, 0.00490485830232501, -0.0030600810423493385, 0.02226489968597889, -0.008366123773157597, -0.002611895790323615, -0.03026844747364521, -0.0037399125285446644, 0.033894214779138565, -0.011521884240210056, 0.004589281976222992, -0.003968201577663422, 0.0002729817060753703, -0.01337505504488945, 0.007224678061902523, 0.02981186844408512, 0.023460060358047485, -0.007781972177326679, 0.004451637156307697, 0.0014444320695474744, 0.0028317917603999376, 0.011595742776989937, 0.0008451731991954148, -0.02178146503865719, -0.0016467028763145208, 0.004481852054595947, 0.02053258940577507, 0.003676125779747963, -0.0037667700089514256, -0.010816873982548714, 0.009198707528412342, 0.002371856477111578, -0.01898828148841858, 0.001436878344975412, -0.017940836027264595, -0.008701843209564686, 0.00913156382739544, -0.02684411033987999, -0.040205735713243484, 0.03829885274171829, 0.014194210059940815, 0.012233609333634377, 0.020210299640893936, -0.01571166142821312, -0.009756001643836498, -0.006472667213529348, -0.006664026994258165, -0.0267501100897789, -0.049874451011419296, 0.04393893480300903, -0.0014863969990983605, 0.0012354467762634158, -0.019632861018180847, -0.0006664026877842844, 0.0017625261098146439, -0.020116297528147697, -0.007969974540174007, 0.0013613415649160743, -0.01238804031163454, 0.016396528109908104, 0.017242539674043655, -0.008117691613733768, -0.011924747377634048, -0.02438664622604847, 0.07536225765943527, 0.027058972045779228, 0.0014427534770220518, -0.014006206765770912, 0.006338379345834255, -0.0010608728043735027, 0.013005763292312622, -0.003699626075103879, 0.006516310386359692, -0.0038137705996632576, -0.024668650701642036, 0.007419395260512829, -0.0021334958728402853, 0.0016332741361111403, -0.010843731462955475, -0.008654842153191566, -0.029435863718390465, 0.025125227868556976, -0.012455184012651443, -0.015631088986992836, -0.02544751949608326, 0.005485652480274439, 0.013885348103940487, -0.00260853860527277, -0.029838725924491882, -0.004277063068002462, -0.009044276550412178, -0.036714255809783936, -0.014623930677771568, 0.005462151952087879, -0.022587191313505173, 0.03633825108408928, 0.010212579742074013, -0.0035418381448835135, -0.0032077974174171686, -0.004481852054595947, 0.0037466268986463547, -0.010400582104921341, -0.00260853860527277, 0.0028082914650440216, -0.021633747965097427, -0.0006966174114495516, 0.01607423834502697, 0.023916639387607574, 0.005744156427681446, -0.0037432697135955095, 0.0011036769719794393, -0.014207638800144196, -0.01932399906218052, -0.0019975295290350914, -0.00043307783198542893, -0.0001313501561526209, -0.011105592362582684, 0.02453436329960823, -0.005391651298850775, -0.010286437347531319, -0.0047873565927147865, -0.004726926796138287, 0.011924747377634048, -0.048209283500909805, 0.002851935103535652, 0.030214732512831688, -0.01646367274224758, -0.01862570457160473, -0.01303933560848236, -0.17049166560173035, 0.0019421358592808247, 0.030214732512831688, -0.04012516513466835, 0.006294735707342625, 0.02149946056306362, 0.045604102313518524, -0.023916639387607574, -0.02026401460170746, -0.026897825300693512, 0.00037180905928835273, -0.014771646820008755, -0.027488691732287407, -0.039480581879615784, 0.00715081999078393, 0.0032497623469680548, 0.006670741364359856, 0.005495724268257618, 0.01640995591878891, 0.014852219261229038, 0.020881736651062965, -0.017967693507671356, -0.0003495676792226732, -0.013777918182313442, -0.0008552448125556111, 0.024332931265234947, 0.00034474171116016805, 0.007244821172207594, -0.01998201012611389, -0.02672325260937214, 0.006016089115291834, 0.0046631405130028725, 0.0214457456022501, -0.009420282207429409, -0.025407232344150543, 0.02243947423994541, 0.015966806560754776, 0.015201367437839508, -0.014033064246177673, 0.02908671647310257, 0.017524544149637222, 0.015872806310653687, 0.0069896746426820755, -0.008641413412988186, -0.03139646351337433, 0.0022761765867471695, 0.02077430672943592, -0.012508898973464966, 0.016020523384213448, -0.024212071672081947, -0.020908594131469727, 0.0054017226211726665, 0.019888008013367653, 0.005801228806376457, -0.007264964748173952, 0.019270284101366997, 0.013979349285364151, 0.016987394541502, 0.002413821406662464, -0.002848577918484807, 0.010293152183294296, -0.017027679830789566, 0.01798112317919731, 0.004471780266612768, -0.0016483814688399434, -0.005143218673765659, -0.013489199802279472, 0.0012211787980049849, -0.019404573366045952, 0.016450243070721626, -0.016275668516755104, 0.0005375704495236278, 0.005472223740071058, -0.0006672419840469956, 0.005485652480274439, 0.028254132717847824, 0.014382212422788143, 0.013717488385736942, 0.019740290939807892, -0.00211167405359447, -0.025246087461709976, 0.026092100888490677, 0.01662481762468815, -0.004407993517816067, 0.005344650242477655, -0.006841958500444889, -0.0007843240746296942, -0.004340849816799164, -0.01619509607553482, -0.010830302722752094, 0.020975738763809204, -0.010682586580514908, -0.00032900486257858574, 0.01653081551194191, -0.002168746432289481, 0.007862544618546963, -0.01571166142821312, 0.013106479309499264, 0.0031490465626120567, -0.014288211241364479, 0.01749768666923046, -0.01001114770770073, -0.01232761051505804, 0.009695571847259998, 0.018128840252757072, 0.001618166803382337, -0.02120402827858925, -0.006640526931732893, 0.03915829211473465, -0.022345473989844322, -0.004528852645307779, -0.003850699868053198, 0.008836130611598492, 0.002992937108501792, 0.010226008482277393, 0.026588965207338333, -0.03308849036693573, -0.020814593881368637, 0.012220180593430996, -0.007896116934716702, 0.0428914912045002, -0.0020361372735351324, 0.007217963691800833, 0.008547412231564522, -0.007781972177326679, -0.014946221373975277, -0.11602456867694855, -0.006603597663342953, -0.005626654718071222, 0.04297206550836563, -0.003531766589730978, 0.005096218083053827, 0.018706277012825012, 0.024480648338794708, -0.02811984345316887, 0.020975738763809204, -0.01810198277235031, -0.02474922314286232, 0.017323113977909088, -0.011333881877362728, 0.009205421432852745, 0.004622853826731443, 0.010246151126921177, -0.021150313317775726, -0.00122453598305583, 0.04004459083080292, -0.009997718967497349, -0.0073656802996993065, 0.02262747660279274, 0.004908215254545212, -0.003170868381857872, 0.015966806560754776, -0.039480581879615784, 0.016181668266654015, 0.009272566065192223, -0.005908658728003502, -0.01646367274224758, -0.03257819637656212, 0.001608934486284852, -0.023674922063946724, -0.010978019796311855, -0.014852219261229038, -0.012334325350821018, -0.01744397170841694, 0.013542914763092995, -0.016987394541502, 0.018370557576417923, 0.002558180596679449, 0.02041172981262207, -0.013059479184448719, -0.005603154189884663, -0.005656869150698185, -0.026159243658185005, 0.021754607558250427, 0.021526318043470383, -0.02004915289580822, -0.017994550988078117, -0.021996324881911278, -0.008473553694784641, -0.002647146349772811, 0.04079660400748253, -0.004471780266612768, 0.015496800653636456, 0.00036635363358072937, -0.027609551325440407, -0.005139861721545458, -0.021298028528690338, -0.009876860305666924, -0.013106479309499264, -0.012488756328821182, 0.013126622885465622, 0.00785583071410656, -0.014556786976754665, -0.04197833314538002, 0.008305693976581097, -0.012367896735668182, 0.005492366850376129, 0.0016399885062128305, -0.005358078982681036, 0.00750668253749609, -0.017658831551671028, 0.0025800024159252644, -0.012609614990651608, -0.02793184109032154, 0.005995945539325476, -0.01338848378509283, -0.016906822100281715, -0.021029453724622726, 0.007479825057089329, -0.0052775065414607525, 0.006852029822766781, 0.007486539427191019, -0.00046832836233079433, -0.022587191313505173, 4.04436796088703e-05, -0.015698231756687164, 0.01393906306475401, 0.03700968995690346, 0.009554569609463215, -0.015335654839873314, -0.01196503359824419, -0.006009374745190144, -0.019726863130927086, -0.008634699508547783, -0.020478874444961548, 0.022815480828285217, -0.022828908637166023, 0.011730030179023743, -0.053177930414676666, 0.015107366256415844, 0.030913028866052628, -0.024856653064489365, -0.0046027107164263725, 0.012717044912278652, 0.009212136268615723, 0.0016072558937594295, -0.027340974658727646, 0.02378235198557377, -0.023674922063946724, 0.009816430509090424, -0.015080508776009083, 0.009621713310480118, -0.025944383814930916, -0.0009291030000895262, 0.03308849036693573, 0.004371064715087414, 0.03322277590632439, 0.010279723443090916, 0.0022073539439588785, 0.005606511607766151, -0.010729586705565453, 0.025313232094049454, -0.0014251281972974539, -0.019095711410045624, -0.01677253283560276, 0.0012950369855389, -0.010588585399091244, -0.006284664385020733, 0.02229175716638565, -0.04146804288029671, -0.0016534172464162111, 0.02429264411330223, -0.027072399854660034, -0.005270792171359062, 0.0056535121984779835, 0.015765376389026642, 0.021418888121843338, 0.02887185476720333, -0.02477608062326908, -0.02693811245262623, -0.0011095521040260792, -0.005888515617698431, -0.015644516795873642, 0.007379109039902687, -0.002747862134128809, -0.002558180596679449, 0.02732754684984684, -0.01525508239865303, 0.02180832251906395, 0.011340595781803131, -0.009185278788208961, -0.014825361780822277, -0.015778804197907448, -0.007862544618546963, 0.006254449486732483, 0.031342748552560806, 0.0068755303509533405, 0.002997972769662738, 0.030161017552018166, 0.014865648001432419, 0.0332496352493763, -0.007466395851224661, -0.004213276784867048, -0.0011716601438820362, 0.008822701871395111, -0.0028620066586881876, -0.007177677471190691, -0.00811097677797079, -0.00586165813729167, 0.004421422723680735, 0.009655285626649857, 0.016235383227467537, 0.017725976184010506, 0.0033639068715274334, 0.005475581157952547, -0.003619053401052952, -0.009118135087192059, 0.0009786216542124748, 0.009776144288480282, -0.01571166142821312, 0.011233165860176086, 0.003528409404680133, 0.02041172981262207, -0.00010480735363671556, -0.023097483441233635, 0.0027461834251880646, -0.03985659033060074, 0.020089440047740936, 0.020089440047740936, 0.0015820770058780909, -0.0007087872363626957, 0.019391143694519997, 0.0011196236591786146, 0.0007024925434961915, 0.02578323893249035, 0.008836130611598492, 0.012555900029838085, 0.0005245613283477724, 0.021002596244215965, -0.0034881229512393475, -0.009970861487090588, -0.021123455837368965, -0.03937315195798874, -0.004031988326460123, -0.026884397491812706, -0.017779691144824028, 0.00785583071410656, 0.020304299890995026, 0.012811046093702316, 0.017202254384756088, -0.004975359421223402, 0.004324064124375582, -0.026884397491812706, 0.017430543899536133, -0.010118578560650349, -0.022452903911471367, -0.04101146385073662, 0.02260061912238598, 0.02368834987282753, -0.0070501044392585754, 0.03751998394727707, -0.0028787925839424133, 0.025125227868556976, 0.008648128248751163, 0.04146804288029671, -0.02453436329960823, 0.021418888121843338, 0.0024054283276200294, 0.02653525024652481, -0.021163741126656532, -0.0014007885474711657, -0.014127066358923912, -0.007567111868411303, -0.009393424727022648, 0.0049015008844435215, 0.00586837250739336, 0.012132893316447735, 0.0908321961760521, 0.03257819637656212, -0.010138721205294132, 0.019901437684893608, 0.0005216237623244524, -0.011367454193532467, 0.019431430846452713, 0.006039589177817106, 0.01360334362834692, -0.008117691613733768, 0.026642680168151855, -0.027045542374253273, 0.0027025400195270777, -0.02911357395350933, -0.009185278788208961, -0.021647177636623383, 0.005569582339376211, 0.025487804785370827, -0.007170963101089001, -0.008614555932581425, 0.03093988634645939, -0.022761765867471695, 0.027246974408626556, 0.01604738086462021, -0.04412693902850151, 0.005945587996393442, -0.008345980197191238, -0.00035334451240487397, -0.0031641540117561817, -0.038862861692905426, 0.0005212041432969272, 0.014865648001432419, -0.041387468576431274, -0.017067966982722282, -0.00551922433078289, -0.0035485525149852037, 0.015550515614449978, -0.01580566167831421, 0.029221003875136375, -0.012414897792041302, -0.0010625513968989253, 0.02332577295601368, -0.004152846988290548, -0.013126622885465622, -0.0028082914650440216, -0.0015325583517551422, -0.031127888709306717, -0.022426046431064606, -0.025729523971676826], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='2f9fc45c-d43b-4868-8bc5-fffa259fd198', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '9', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_type': 'application/pdf', 'file_size': 1103758, 'creation_date': '2024-02-25', 'last_modified_date': '2023-12-13', 'last_accessed_date': None}, hash='ba68c5dea85255f379f37c7dfa21981d34f553629d0d9c49f58b055c073f9f13')}, text='2013. Semantic parsing on freebase from\\nquestion-answer pairs. In Proceedings of the 2013\\nconference on empirical methods in natural language\\nprocessing , pages 1533–1544.\\nBernd Bohnet, Vinh Q Tran, Pat Verga, Roee Aharoni,\\nDaniel Andor, Livio Baldini Soares, Jacob Eisenstein,\\nKuzman Ganchev, Jonathan Herzig, Kai Hui, et al.\\n2022. Attributed question answering: Evaluation and\\nmodeling for attributed large language models. arXiv\\npreprint arXiv:2212.08037 .\\nWei-Cheng Chang, X Yu Felix, Yin-Wen Chang, Yim-\\ning Yang, and Sanjiv Kumar. 2020. Pre-training tasks\\nfor embedding-based large-scale retrieval. In Inter-\\nnational Conference on Learning Representations .\\nSihao Chen, Senaka Buthpitiya, Alex Fabrikant, Dan\\nRoth, and Tal Schuster. 2023a. PropSegmEnt: A\\nlarge-scale corpus for proposition-level segmentation\\nand entailment recognition. In Findings of the As-\\nsociation for Computational Linguistics: ACL 2023 ,\\npages 8874–8893, Toronto, Canada. Association for\\nComputational Linguistics.\\nSihao Chen, Hongming Zhang, Tong Chen, Ben Zhou,\\nWenhao Yu, Dian Yu, Baolin Peng, Hongwei Wang,\\nDan Roth, and Dong Yu. 2023b. Sub-sentence en-\\ncoder: Contrastive learning of propositional semantic\\nrepresentations. arXiv preprint arXiv:2311.04335 .\\n', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='0082ee21-10c4-44de-bc86-76e6a17d6879', embedding=[-0.02916162647306919, 0.0007588331936858594, 0.011496410705149174, -0.007024026475846767, -0.01582859456539154, 0.028558766469359398, -0.01725863665342331, 0.011391260661184788, -0.03942427784204483, -0.031909551471471786, 0.034573353826999664, 0.023147040978074074, 0.00369427353143692, 0.016936175525188446, -0.011363220401108265, -0.010865510441362858, 0.021268360316753387, -0.009835039265453815, -0.0007102012750692666, -0.004538979381322861, -0.019992537796497345, -0.010248629376292229, -0.020202839747071266, -0.002772457664832473, 0.004230538848787546, -0.008285827934741974, 0.04015331715345383, -0.02560054324567318, -0.008846628479659557, -0.020399119704961777, 0.015323874540627003, -0.015323874540627003, 0.002958222758024931, -0.019347617402672768, -0.013942902907729149, -0.0011312398128211498, -0.0017822941299527884, -0.03880739584565163, 0.04015331715345383, -0.0195719376206398, 0.011496410705149174, 0.01880083791911602, 0.015464074909687042, -0.010641190223395824, 0.004609079100191593, 0.008930748328566551, 0.002947707660496235, -0.026497824117541313, -0.0052084350027143955, 0.004756289534270763, 0.033816270530223846, 0.0404897965490818, -0.011636611074209213, 0.010325740091502666, -0.03151698783040047, -0.007262366823852062, -0.023932162672281265, 0.02234790101647377, -0.020931879058480263, -0.014594833366572857, -0.007830177433788776, -0.008320877328515053, -0.010515009984374046, 0.020553339272737503, -0.00369427353143692, -0.008285827934741974, -0.02502572350203991, 0.012316581793129444, 0.02195534110069275, -0.003231612965464592, 0.019333597272634506, 0.0024219572078436613, 0.01678195595741272, -0.00044075417099520564, 0.02935790829360485, -0.005253999959677458, 0.012246481142938137, 0.0030353327747434378, -0.036115553230047226, -0.001859404263086617, 0.0013836000580340624, -0.04744372516870499, -0.007654927205294371, 0.039844878017902374, 0.020679518580436707, 0.017244616523385048, 0.019824298098683357, 0.009898128919303417, -0.01361343264579773, -0.0018120866734534502, 0.022109560668468475, 0.03182543069124222, 0.02885318733751774, 0.007367516867816448, -0.017805416136980057, 0.021114138886332512, -0.006161795929074287, -0.008629318326711655, -0.002404432278126478, -0.034657470881938934, -0.015393974259495735, 0.012912431731820107, -0.034012552350759506, -0.006557861343026161, -0.014931313693523407, 0.008173667825758457, -0.0033385155256837606, 0.0038379787001758814, 0.006365085951983929, 0.015407994389533997, -0.021268360316753387, 0.02139453962445259, 0.007851207628846169, -0.04180767759680748, 0.000958618416916579, -0.012849342077970505, 0.025544464588165283, -0.006217875983566046, -0.012505851686000824, -0.011293120682239532, 0.02588094398379326, 0.009666798636317253, 0.018394257873296738, -0.019810277968645096, 0.010010289028286934, 0.007006501778960228, -0.024044321849942207, -0.01261100172996521, -0.009414439089596272, -0.012120300903916359, 0.0016841540345922112, 0.03283487260341644, 0.01804375648498535, 0.02053931914269924, -0.028993386775255203, 0.026245465502142906, -0.004899994470179081, 0.0015825090231373906, 0.0008114082738757133, -0.00597252557054162, -0.0003476525016594678, 0.019922439008951187, -0.016361355781555176, 0.0029074002522975206, -0.015702415257692337, 0.03748951479792595, 0.011475380510091782, 0.0060075754299759865, 0.012730171903967857, 0.025866923853754997, -0.003473458345979452, -0.008271807804703712, -0.017679236829280853, 0.02983458712697029, 0.00724133662879467, -0.022389961406588554, 0.0035996383521705866, 0.017300697043538094, -0.024997683241963387, -0.01175578124821186, -0.004283113870769739, -0.008299848064780235, 0.002952965209260583, 0.012407711707055569, 0.014805133454501629, 0.025446323677897453, 0.014195263385772705, -0.002069704467430711, 0.005120809655636549, -0.01955791749060154, -0.009771949611604214, 0.024310702458024025, -0.009505569003522396, -0.006712081376463175, -0.015281814150512218, -0.014384533278644085, 0.042817119508981705, -0.0028600827790796757, -0.02847464755177498, -0.0347415916621685, 0.009365368634462357, -0.007605857215821743, 0.016543615609407425, -0.003887048689648509, 0.0008013313636183739, 0.002353609772399068, 0.02600712515413761, 0.002981005236506462, 0.001199587364681065, -0.009421449154615402, 0.0234835222363472, 0.005695630330592394, -0.008159647695720196, -0.006074170581996441, -0.6339288949966431, -0.020931879058480263, 0.002765447599813342, -0.022558201104402542, -0.0071502067148685455, 0.01515563391149044, -0.006351065821945667, -0.0027146250940859318, -0.0040763188153505325, 0.02398824319243431, -0.014083103276789188, -0.0016745153116062284, 0.0038905537221580744, -0.02588094398379326, -0.02051127888262272, -0.02398824319243431, -0.00824376754462719, 0.002732150023803115, 0.02187122032046318, 0.01092860009521246, -0.008426028303802013, 0.014048052951693535, -0.020062638446688652, -0.0026252474635839462, -0.005723670590668917, 0.007935327477753162, 0.0010585109703242779, -0.021128159016370773, 0.007055571768432856, 0.02185720019042492, -0.025544464588165283, 0.0496588870882988, 0.02274046093225479, 0.02168896049261093, 0.04528464376926422, 0.016529595479369164, -0.0018401267006993294, 0.022081520408391953, 0.006775171495974064, 0.045116402208805084, -0.02080569975078106, -0.0004880717024207115, 0.01462287362664938, -0.003410368226468563, -0.006901351269334555, 0.031040308997035027, 0.00589541532099247, 0.02053931914269924, -0.014454633928835392, -0.014188253320753574, -0.011622590944170952, 0.003911583684384823, -0.005993555765599012, -0.01648753508925438, 0.014791114255785942, 0.005737690255045891, 0.041667480021715164, -0.022305840626358986, 0.007598847150802612, 0.0004144666309002787, 0.02051127888262272, 0.013206852599978447, -0.03031126782298088, -0.018576517701148987, -0.030451469123363495, 0.027661485597491264, -0.008678387850522995, 0.008419018238782883, 0.013781673274934292, -0.015968795865774155, 0.009898128919303417, 0.022656342014670372, 0.007304426748305559, -0.003718808526173234, -0.0018226016545668244, 0.018464356660842896, 0.00597252557054162, 0.0050401948392391205, -0.003760868450626731, 0.025446323677897453, 0.0016315790126100183, -0.0007132681785151362, 0.007332467008382082, -0.002707615029066801, 0.002835547551512718, 0.006021595560014248, -0.016655774787068367, -0.007900277152657509, 0.004283113870769739, -0.01111786998808384, 0.0036697385367006063, 0.023805981501936913, -0.020693538710474968, -0.03434903174638748, 0.0026357625611126423, 0.025530444458127022, -0.019599977880716324, -0.0063966307789087296, 0.014181243255734444, -0.027745606377720833, -0.013333032839000225, -0.011482390575110912, 0.004307649098336697, -0.006417660973966122, 0.009239188395440578, 0.03762971609830856, -0.010655210353434086, 0.0038029286079108715, 0.012996552512049675, 0.010697269812226295, -0.003429645672440529, -0.025474363937973976, 0.006557861343026161, -0.013038611970841885, 0.006210865918546915, -0.028656907379627228, 0.027086665853857994, 0.019431738182902336, -0.02408638224005699, -0.0021871221251785755, 0.0018891968065872788, -0.011685680598020554, 0.026820285245776176, -0.02072157897055149, 0.002337837126106024, 0.006648991256952286, -0.030535588040947914, -0.008958788588643074, 0.021226299926638603, 0.007900277152657509, 0.008650348521769047, -0.01880083791911602, 0.013304992578923702, -0.021170219406485558, 0.01802973635494709, -0.005909435451030731, 0.004633614327758551, -0.009077958762645721, 0.0031825429759919643, -0.016557635739445686, -0.003915088716894388, -0.0054082199931144714, 0.022992821410298347, -0.05019164830446243, -0.03157306835055351, -0.013319012708961964, -0.004079823847860098, 0.00128195493016392, -0.02032901905477047, -0.0333956703543663, -0.013935892842710018, -0.0015211714198812842, -0.012498841620981693, 0.015225734561681747, -0.003445418318733573, -0.0004271722864359617, 0.005096274893730879, -0.016529595479369164, -0.024044321849942207, -0.04231239855289459, 0.002626999979838729, 0.009638759307563305, -0.007353496737778187, 0.005180394742637873, 0.020076658576726913, -0.010143479332327843, 0.0021485670004040003, 0.0222637802362442, -0.029750468209385872, -0.014650913886725903, 0.013592402450740337, -0.03488179296255112, 0.005401209928095341, 0.022852621972560883, -0.0036346884444355965, 0.004069308750331402, -0.013648482970893383, 0.006014585494995117, -0.00771801732480526, -0.019740179181098938, 0.011839901097118855, 0.016263214871287346, 0.004293628968298435, -0.009435469284653664, -0.0005936599336564541, 0.006582396104931831, 0.013059642165899277, 0.007928317412734032, -0.00621437095105648, 0.020567359402775764, 0.004184973891824484, 0.029694387689232826, -0.020202839747071266, 0.02264232188463211, -0.005436260253190994, 0.01444061379879713, -0.0025183449033647776, 0.019487818703055382, -0.008313868194818497, 0.027212845161557198, 0.024899544194340706, 0.010325740091502666, -0.009708859026432037, 0.012211431749165058, 0.008348917588591576, -0.00810356717556715, 0.009505569003522396, -0.016445474699139595, -0.005997060798108578, -0.00772502738982439, 0.0013616937212646008, -0.019922439008951187, -0.006971451453864574, 0.010017299093306065, 0.0022694896906614304, 0.03594731539487839, -0.0025516424793750048, -0.0014160213759168983, -0.01765119656920433, 0.01543603464961052, 0.007374526932835579, -0.003159760497510433, 0.030928149819374084, 0.006848776247352362, -0.014202273450791836, -0.009603708982467651, 0.005590480286628008, 0.030058907344937325, 0.006620950996875763, 0.002828537719324231, -0.003904573619365692, 0.011209000833332539, 0.02955418825149536, 0.018296116963028908, -0.0013336536940187216, -0.02735304646193981, 0.04595760256052017, -0.020777659490704536, 0.011580530554056168, 0.003370060585439205, 0.0013687037862837315, 0.019221438094973564, 0.018646618351340294, -0.012211431749165058, 0.004524959251284599, -0.0111318901181221, 0.005411725025624037, 0.024577083066105843, -0.012260501272976398, 0.015590254217386246, -0.01213432103395462, -0.00395364360883832, -0.0007172112818807364, 0.0025463849306106567, 0.015015434473752975, -0.01188897155225277, 0.015940755605697632, -0.0001913512678584084, 0.0028215276543051004, 0.013823732733726501, 0.005467805080115795, -0.007080106530338526, 0.02532014437019825, -0.00944948848336935, 0.027577366679906845, -0.014356493018567562, -0.016445474699139595, -0.004843914415687323, -0.014069083146750927, -0.016361355781555176, -0.017875516787171364, -0.022291820496320724, -0.008979818783700466, -0.022572221234440804, 0.013501272536814213, 0.01659969612956047, -0.010536040179431438, 0.009141048416495323, 0.01622115448117256, 0.029946748167276382, -0.03003086894750595, -0.035835154354572296, -0.0019382667960599065, 0.018197977915406227, -0.00910599809139967, -0.012912431731820107, -0.025726724416017532, 0.0015448301564902067, -0.020595399662852287, -0.014454633928835392, 0.005422240123152733, 0.003813443472608924, -0.0007233450305648148, -0.012575951404869556, -0.019221438094973564, 0.024240601807832718, 0.030283227562904358, -0.004854429513216019, -0.014216293580830097, -0.004486404359340668, 0.002521849935874343, 0.0014721014304086566, -0.012730171903967857, -0.005737690255045891, 0.03664831444621086, 0.0033315056934952736, -0.025558484718203545, -0.012632031925022602, -0.002660297555848956, -0.007956357672810555, 0.01888495683670044, -0.014650913886725903, -0.019025158137083054, 0.025179943069815636, 0.008860648609697819, 0.0016464752843603492, -0.012400701642036438, 0.022936740890145302, 0.020272938534617424, 0.004644129425287247, 0.016165075823664665, -0.02253016084432602, 0.0021871221251785755, 0.015029453672468662, 0.06925886124372482, 0.03880739584565163, -0.02763344533741474, 0.01763717643916607, 0.010907569900155067, -0.008839618414640427, -0.021829159930348396, 0.00858024787157774, 0.003638193476945162, -0.016950195655226707, -0.02398824319243431, -0.010479959659278393, 0.019796257838606834, -0.02359568141400814, 0.02533416450023651, 0.007066086400300264, -0.013375092297792435, -0.012982532382011414, -0.013347052037715912, 0.0007803013431839645, -0.020455198362469673, 0.018534457311034203, -0.00819469802081585, 0.021352479234337807, 0.012001131661236286, -0.02868494763970375, 0.046574484556913376, 0.03760167583823204, 0.016922155395150185, -0.02655390463769436, -0.0023448471911251545, 0.04270495846867561, 0.025866923853754997, -0.003063372801989317, -0.009694838896393776, 0.0012837074464187026, 0.006298490799963474, -0.009856069460511208, 0.013410142622888088, -0.0011952060740441084, 0.01026264950633049, 0.02303488180041313, 0.005762225482612848, 0.002388659631833434, 0.017791396006941795, -0.006477246060967445, 0.0011917011579498649, 0.04584544152021408, -0.013255922123789787, -0.013977953232824802, 0.01601085439324379, 0.004973599687218666, -0.0163893960416317, -0.010374809615314007, -0.006323026027530432, 0.02676420472562313, -0.02060941979289055, -0.010017299093306065, -0.013241901993751526, -0.05019164830446243, 0.021646900102496147, 0.0003995703882537782, -0.0015649839770048857, -0.023763922974467278, -0.021156199276447296, -0.018828878179192543, -0.01725863665342331, -0.009568658657371998, -0.016473514959216118, 0.02473130263388157, 0.008229747414588928, -0.010557069443166256, -0.04124687984585762, 0.011103850789368153, 0.02185720019042492, 0.009792978875339031, 0.030451469123363495, 0.012526881881058216, -0.007416586857289076, 0.006144270766526461, 0.01328396238386631, -0.02676420472562313, 0.006519305985420942, -0.023539602756500244, -0.004654644522815943, 0.008159647695720196, -0.007556787226349115, -0.026329584419727325, -0.026525864377617836, -0.010732320137321949, -0.008818588219583035, -0.014678954146802425, 0.011209000833332539, -0.003946633543819189, 0.017763355746865273, -0.0015299338847398758, 0.05305172875523567, 0.01794561743736267, -0.0016342077869921923, -0.01107581052929163, 0.0016876590671017766, 0.004160438664257526, -0.008306858129799366, -0.02349754236638546, 0.019501838833093643, -0.00025652244221419096, 0.013312002643942833, 0.012148341163992882, 0.009379388764500618, 0.0010383572662249207, 0.03305919095873833, -0.01801571622490883, 0.015309854410588741, -0.016809996217489243, 0.013361072167754173, 0.02532014437019825, 0.0007706626201979816, 0.040041156113147736, -0.011580530554056168, -0.0049876198172569275, 0.00839097797870636, -0.021408559754490852, 0.020300978794693947, 0.007283397018909454, -0.008222737349569798, 0.01734275557100773, -0.0043391939252614975, -0.01314376201480627, -0.010080389678478241, 0.0034839732106775045, -0.037825994193553925, 0.0037293233908712864, -0.005597490351647139, -0.007753067184239626, -0.023665782064199448, 0.0005840211524628103, -0.02503974363207817, -0.01423732377588749, -0.034012552350759506, -0.019628018140792847, 0.007753067184239626, -0.0017297191079705954, -0.001548335188999772, -0.010087399743497372, 0.03420883044600487, -0.02763344533741474, -0.021520720794796944, 0.018870938569307327, 0.029133588075637817, 0.012050201185047626, -0.008124597370624542, -0.007851207628846169, -0.012596981599926949, -0.017987675964832306, -0.01146136038005352, -0.02561456337571144, -0.007160721812397242, 0.011839901097118855, 0.030143028125166893, 0.0022975297179073095, 0.04163943976163864, -0.020791679620742798, 0.005320595111697912, 0.0215908195823431, 0.0060180905275046825, -0.00772502738982439, -0.014216293580830097, 0.0012258748756721616, -0.029133588075637817, -0.00910599809139967, 0.011187970638275146, -0.02436678297817707, 0.018590537831187248, -0.007353496737778187, 0.023820001631975174, 0.024703262373805046, 0.002329074777662754, -0.019515858963131905, -0.011166940443217754, -0.04020939767360687, -0.04449952021241188, 0.0032386230304837227, 0.0112230209633708, 0.0071502067148685455, -0.024619143456220627, 0.005005144514143467, 0.01666979491710663, 0.013746622949838638, 0.009828029200434685, -0.013536322861909866, 0.03656419366598129, 0.002080219332128763, 0.012057211250066757, 0.005169879645109177, -0.008454067632555962, -0.03575103357434273, 0.010907569900155067, -0.017819436267018318, -0.01442659366875887, 0.02907750755548477, 0.0031930580735206604, 0.011664651334285736, 0.02799796685576439, 0.029021427035331726, 0.013438182882964611, 0.018254056572914124, -0.002823280170559883, -0.024100402370095253, -0.02138051949441433, -0.0066665164195001125, -0.019487818703055382, -0.0197541993111372, -0.03364803269505501, 0.001334529952146113, 0.01256193220615387, 0.026147324591875076, -0.037153035402297974, 0.039284076541662216, -0.011902990750968456, -0.0031702753622084856, -0.0031825429759919643, 0.01735677570104599, 0.03788207471370697, -0.00872745830565691, 0.016627736389636993, 0.03328350931406021, -0.01141930092126131, -0.003503250889480114, 0.016052914783358574, 0.04141511768102646, -0.0017945616273209453, 0.03137679025530815, 0.021366499364376068, -0.03235819190740585, -0.021128159016370773, 0.005821810569614172, 0.008615298196673393, -0.019810277968645096, -0.033311549574136734, 0.0066034262999892235, 0.008762508630752563, 0.009631749242544174, -0.0014317937893792987, -0.02512386441230774, -0.019347617402672768, -0.006505286321043968, -0.017006276175379753, 0.036311835050582886, -0.001458081416785717, -0.02119825966656208, 0.001487873843871057, 0.030647749081254005, -0.010178529657423496, 0.007171236909925938, 0.001028718426823616, -0.00042761038639582694, 0.009337328374385834, -0.002665555104613304, -0.006063655484467745, -0.0013319012941792607, 0.007164226844906807, 0.03673243522644043, -0.005085759796202183, 0.005727175157517195, 0.003256147960200906, 0.020931879058480263, -0.010606139898300171, -0.014328453689813614, -0.007416586857289076, 0.028250327333807945, -0.03636791557073593, -0.007591837085783482, 0.004034258890897036, -0.02262830175459385, 0.031040308997035027, -0.02513788267970085, 0.0028741026762872934, 0.007048561703413725, 0.013122732751071453, 0.008489117957651615, 0.03336763009428978, 9.378622053191066e-06, 0.019894398748874664, -0.007199276704341173, -0.015267794020473957, -0.012050201185047626, 0.00543976528570056, 0.006351065821945667, 0.012302561663091183, -0.04337792098522186, -0.014510713517665863, 0.05131324753165245, -0.017090395092964172, 0.00336655555292964, 0.0017910567112267017, 0.01261100172996521, -0.00026813274598680437, 0.013725592754781246, -0.03440511226654053, 0.016165075823664665, 0.010150489397346973, 0.007921307347714901, -0.04946260526776314, -0.007605857215821743, -0.009982249699532986, -0.018870938569307327, 0.0023623721208423376, -0.008839618414640427, -0.020693538710474968, -0.010353779420256615, 0.0066139413975179195, 0.0019610493909567595, -0.011440331116318703, 0.007332467008382082, 0.0033507831394672394, -0.0011917011579498649, 0.01929153874516487, 0.021142179146409035, -0.030759908258914948, 0.046854883432388306, -0.007893267087638378, 0.0008315620361827314, 0.012190401554107666, -0.02955418825149536, 0.03625575453042984, -0.029273787513375282, 0.009120018221437931, 0.0028968851547688246, -0.04217220097780228, -0.00047492794692516327, -0.017202556133270264, 0.017216576263308525, -0.019417718052864075, -0.017959637567400932, 0.002208152087405324, 0.00944948848336935, 0.0017402340890839696, 0.032386232167482376, 0.017595116049051285, -0.01861857809126377, 0.036480072885751724, 0.0037783936131745577, 0.010627170093357563, -0.004079823847860098, -0.0005121686263009906, -0.012120300903916359, -0.011328171007335186, -0.004609079100191593, -0.04191983863711357, -0.008040477521717548, -0.008152637630701065, 0.03684459626674652, 0.009982249699532986, -0.0241564828902483, -0.036592233926057816, -0.013774663209915161, -0.01573045551776886, -0.0204271599650383, -0.008138617500662804, -0.008173667825758457, -0.006161795929074287, 0.016529595479369164, 0.004658149555325508, 0.014608853496611118, -0.006095200777053833, 0.0059129404835402966, -0.01242874190211296, -0.004945559427142143, 0.00041337133734486997, -0.021815139800310135, 0.02398824319243431, 0.010360789485275745, -0.030283227562904358, -0.020286958664655685, 0.02090383879840374, 0.01888495683670044, -0.009042908437550068, 0.044639721512794495, -0.018085816875100136, 0.0075287469662725925, -0.010963650420308113, 0.001036604749970138, -0.018772797659039497, -0.001906721736304462, -0.006663011386990547, -0.025067783892154694, 0.007013511378318071, 0.009799988940358162, -0.010192549787461758, -0.013213862664997578, 0.0009016621042974293, 0.02051127888262272, -0.006091695744544268, 0.0028741026762872934, -0.0036872634664177895, -0.003666233504191041, 0.014580813236534595, -0.00033932813676074147, 0.02129640057682991, -0.011489400640130043, 0.005190909840166569, 0.023735882714390755, 0.01462287362664938, -0.004728249274194241, -0.02119825966656208, -0.020791679620742798, -0.011496410705149174, -0.002511334838345647, 0.013921872712671757, -0.010325740091502666, 0.023455481976270676, -0.029273787513375282, -0.002697099931538105, -0.01926349848508835, 0.002260727109387517, -0.010045339353382587, -0.013487252406775951, -0.004377749282866716, 0.024506982415914536, 0.011061790399253368, -0.03538651391863823, -0.0018699192441999912, -0.021745041012763977, -0.02492758259177208, 0.002250212011858821, 0.010914579965174198, -0.012519871816039085, -0.027184804901480675, -0.009708859026432037, -0.005239979829639196, -0.021829159930348396, -0.010627170093357563, -0.007654927205294371, -0.002188874641433358, 0.005141839850693941, 0.0175530556589365, 0.20558947324752808, -0.006340550724416971, -0.0006738368538208306, -0.0016455990262329578, 0.0029845102690160275, -0.0026865850668400526, 0.03154502809047699, 0.0032386230304837227, -0.009947199374437332, -0.0023693821858614683, 0.0013354062102735043, 0.003364803036674857, -0.016753915697336197, -0.009561648592352867, 0.01725863665342331, 0.0008718695607967675, -0.03771383687853813, -0.02732500620186329, -0.0009577421587891877, -0.012596981599926949, -0.015183674171566963, -0.0036241733469069004, 0.011201990768313408, -0.021731020882725716, 0.04191983863711357, -0.015393974259495735, 0.00993317924439907, -0.006627961061894894, -0.016557635739445686, 0.031152470037341118, -0.014202273450791836, -0.008979818783700466, 0.009000848047435284, -0.015127594582736492, -0.003901068586856127, 0.007682966999709606, 0.012554922141134739, 0.0033735656179487705, 0.01006636954843998, 0.0014659676235169172, 0.009708859026432037, -0.02377794310450554, 0.0052084350027143955, -0.0077881175093352795, 0.006242410745471716, 0.020763639360666275, -0.012491831555962563, -0.008096558041870594, 0.01361343264579773, 0.006266945973038673, -0.03990095853805542, 0.021268360316753387, 0.05033184587955475, 0.02321714162826538, -0.004581039305776358, -0.0016394653357565403, -0.00033801374956965446, 0.007367516867816448, 0.003121205372735858, -0.007353496737778187, -0.023960202932357788, 0.013690542429685593, 0.012905421666800976, 0.009856069460511208, 0.001781417871825397, 0.013508282601833344, -0.00858024787157774, 0.025278083980083466, 0.011356210336089134, -0.004805359523743391, 0.0018786817090585828, -0.01529583428055048, -0.011384250596165657, 0.01174877118319273, -0.01849239692091942, -0.03387235105037689, 0.024506982415914536, 0.012835321947932243, -0.0063440557569265366, 0.03788207471370697, -0.0009393408545292914, -0.004931539762765169, 0.0063440557569265366, -0.00286534009501338, -0.020651480183005333, -0.03353587165474892, 0.009638759307563305, -0.010437900200486183, -0.014889254234731197, -0.02512386441230774, -0.03395647183060646, -0.019011138007044792, -0.007055571768432856, -0.005664085503667593, 0.02034303918480873, -0.010648200288414955, 0.041947878897190094, 0.012575951404869556, -0.002725139958783984, -0.010059359483420849, -0.02532014437019825, 0.07251150906085968, 0.025011703372001648, 0.022095540538430214, -0.013304992578923702, 0.0013187575386837125, -0.018282096832990646, -0.005068234633654356, 0.03258251026272774, 0.007395557127892971, -0.002795240143314004, -0.02867092750966549, 0.017188536003232002, -0.0010742835002020001, -0.010669229552149773, 0.01394991297274828, 0.010031319223344326, -0.02303488180041313, 0.03662027418613434, 0.0019084742525592446, 0.0068663014099001884, -0.030675789341330528, 0.011706710793077946, 0.020861780270934105, -0.007090621627867222, -0.012120300903916359, -0.005667590536177158, -0.010192549787461758, -0.02589496411383152, -0.01280027162283659, 0.026904406026005745, -0.01444061379879713, 0.029133588075637817, -0.009771949611604214, -0.004640624392777681, -0.008832608349621296, 0.017987675964832306, -0.011447341181337833, -0.013185822404921055, -0.008573237806558609, 0.0032053254544734955, -0.023848041892051697, 0.0038940587546676397, 0.009771949611604214, 0.022516140714287758, 0.002250212011858821, 0.00029989684117026627, 0.00570614542812109, -0.02426864206790924, -0.026694104075431824, 0.0006891712546348572, -0.017146475613117218, -0.00791429728269577, 0.008510148152709007, 0.017314715310931206, -0.0217730812728405, -0.01111786998808384, -0.007767087314277887, -0.021829159930348396, 0.02963830716907978, -0.0412188395857811, -0.011307140812277794, 0.025656623765826225, -0.004479394294321537, -0.019810277968645096, 0.003809938672930002, -0.18136289715766907, 0.01880083791911602, 0.01737079583108425, -0.02233388088643551, -0.008643338456749916, 0.011573520489037037, 0.013347052037715912, -0.02321714162826538, -0.036199674010276794, -0.020272938534617424, -0.0020241395104676485, 0.006953926291316748, -0.01945977844297886, -0.0195719376206398, -0.009996268898248672, 0.01725863665342331, -0.011096840724349022, 0.012449772097170353, 0.034377072006464005, 0.012702131643891335, 0.007998417131602764, -0.03398451209068298, 0.005772740580141544, -0.012113291770219803, 0.010185539722442627, 0.009610719047486782, -0.007668947335332632, 0.0014685963978990912, -0.014566794037818909, -0.023834021762013435, 0.009842049330472946, -0.017707277089357376, 0.027969926595687866, -0.026708124205470085, -0.009274238720536232, 0.011629601009190083, -0.001171547337435186, 0.0008022076217457652, -0.011713720858097076, 0.05215444788336754, 0.015043473802506924, 0.04688292369246483, 0.010956640355288982, 0.004682684317231178, -0.020006557926535606, 0.021646900102496147, 0.010486969724297523, -0.014931313693523407, 0.0016727627953514457, -0.03625575453042984, -0.011776811443269253, -0.03031126782298088, 0.03805031627416611, 0.0034384082537144423, 0.016080955043435097, 0.015211714431643486, 0.03656419366598129, 0.01193804107606411, -1.4923646631359588e-05, 0.00944948848336935, 0.003592628287151456, -0.028909267857670784, 0.015548194758594036, 0.002655040007084608, -0.02876906655728817, -0.026147324591875076, -0.011279100552201271, -0.005807790439575911, -0.025095824152231216, 0.003957148641347885, 0.0007912545115686953, -0.0025533949956297874, -0.0003564150247257203, -0.005993555765599012, 0.004405789077281952, 0.03146091103553772, 0.01121601089835167, 0.0019540393259376287, 0.021913280710577965, -0.014917293563485146, -0.02119825966656208, 0.010991690680384636, -0.0022694896906614304, 0.013508282601833344, -0.008117587305605412, 0.013031601905822754, 0.0019505342934280634, -0.012625021860003471, -0.017384815961122513, -0.010907569900155067, 0.00959669891744852, -0.03566691279411316, 0.004756289534270763, -0.011489400640130043, -0.0028408051002770662, -0.0031860480085015297, -0.031096389517188072, 0.01078839972615242, 0.02300684154033661, 0.010059359483420849, -0.008320877328515053, -0.004752784501761198, -0.011103850789368153, 0.004363729152828455, 0.014692973345518112, -0.0007859969628043473, -0.019151337444782257, 0.005173384677618742, 0.009771949611604214, -0.023076942190527916, -0.01380971260368824, 0.0017744079232215881, 0.01543603464961052, -0.0034646957647055387, -0.005120809655636549, 0.023427441716194153, -0.010704279877245426, -0.018674656748771667, 0.025838883593678474, -0.012660072185099125, 0.047415684908628464, -0.008594268001616001, 0.0064877611584961414, -0.008993837982416153, -0.007283397018909454, -0.0038975635543465614, -0.09253208339214325, -0.01878681778907776, 0.0037924135103821754, 0.033143311738967896, -0.012015150859951973, 0.018927017226815224, 0.004647634457796812, 0.014258353039622307, -0.04096647724509239, 0.04034959897398949, 0.007458646781742573, -0.012344621121883392, -0.01242874190211296, -0.002660297555848956, 0.009814009070396423, -0.017861496657133102, 0.005401209928095341, -0.036003392189741135, 0.006365085951983929, 0.03230211138725281, 0.010830460116267204, 0.00412538880482316, 0.02436678297817707, -0.010234609246253967, -0.0006668268470093608, 0.009162078611552715, -0.033788230270147324, 0.016753915697336197, 0.015141613781452179, 0.0011031997855752707, 0.0019733167719095945, -0.014538753777742386, 0.005306574981659651, -0.02234790101647377, -0.016263214871287346, 0.003925603814423084, -0.038695234805345535, 0.0035891232546418905, 0.007059076800942421, -0.02223573997616768, 0.0030248179100453854, 0.018969077616930008, 0.013031601905822754, 0.005562440026551485, -0.014791114255785942, -0.006477246060967445, -0.012744192034006119, 0.00392910884693265, 0.018352197483181953, -0.019333597272634506, -0.03395647183060646, -0.029385946691036224, -0.021717000752687454, 0.010087399743497372, 0.028797106817364693, -0.007220306899398565, 0.020202839747071266, 0.019543899223208427, -0.022488100454211235, 0.00757781695574522, -0.0197541993111372, -0.0009314546477980912, -0.03235819190740585, 0.011054780334234238, 0.0255024041980505, -0.0003264034166932106, -0.011678670533001423, -0.04536876082420349, -0.0022572220768779516, -0.0036346884444355965, -0.01878681778907776, 0.01697823591530323, -0.014861213974654675, 0.004689694382250309, -0.03078794851899147, 0.007122166454792023, -0.010157499462366104, -0.022852621972560883, 0.004517949186265469, -0.03577907383441925, -0.010893549770116806, -0.027955906465649605, -0.0024412348866462708, -0.02540426328778267, 0.01059211976826191, 0.0019470293773338199, -0.02331528253853321, -0.011924020946025848, 0.01707637682557106, -0.020931879058480263, -0.009757929481565952, 0.01658567599952221, 0.0035996383521705866, -0.014580813236534595, -0.011286110617220402, 0.01783345639705658, -0.0030826504807919264, -0.013711572624742985, -0.011447341181337833, 0.012681101448833942, -0.026049183681607246, -0.01727265678346157, -0.06791294366121292, 0.027002545073628426, 0.005772740580141544, -0.02513788267970085, -0.0032806831877678633, -0.0016114253085106611, 0.01529583428055048, -0.012842332012951374, -0.008671377785503864, 0.02060941979289055, -0.02600712515413761, -0.002232687082141638, -0.01040985994040966, 0.02206750027835369, -0.013164792209863663, -0.008832608349621296, 0.016137035563588142, -0.011980101466178894, 0.01929153874516487, 0.005548420362174511, -0.000642291852273047, 0.011832891032099724, -0.0023273222614079714, 0.024394823238253593, -0.0188989769667387, -0.010416870005428791, -0.02168896049261093, -0.0012942224275320768, -0.015211714431643486, 0.006957431323826313, 0.013304992578923702, -0.038134437054395676, -0.0008350670104846358, 0.030339308083057404, 0.011047770269215107, -0.01784747652709484, 0.01631929539144039, 0.007367516867816448, 0.009316299110651016, 0.017006276175379753, -0.01444061379879713, -0.021787099540233612, -0.0023501047398895025, 0.010718300007283688, -0.025586523115634918, 0.001763892942108214, -0.0036346884444355965, 0.011426310986280441, 0.03333958983421326, -0.0314328707754612, 0.02589496411383152, 0.01842229813337326, 0.013185822404921055, -0.0204271599650383, 0.019249478355050087, 0.010578099638223648, 0.004549494478851557, 2.7656666134134866e-05, -0.010606139898300171, -0.004062298685312271, 0.01629125513136387, -0.004574029240757227, 0.032386232167482376, -0.008404998108744621, 0.01495935395359993, 0.018562497571110725, -0.013837752863764763, 0.014721013605594635, -0.013108712621033192, -0.01888495683670044, -0.002847815165296197, 0.01145435031503439, 0.019123297184705734, 0.013872803188860416, 0.015071514062583447, -0.0048333993181586266, 0.0010646447772160172, 0.0013906100066378713, -0.013368082232773304, 0.0008823846001178026, 0.0018296117195859551, -0.008790547959506512, -0.023175081238150597, -0.0027566850185394287, 0.031881511211395264, 0.0015553452540189028, -0.02274046093225479, -0.0024885523598641157, -0.010437900200486183, 0.0066560013219714165, 0.03398451209068298, 0.005131324753165245, -0.023245181888341904, -0.0003220221842639148, -0.005933970678597689, -0.01087953057140112, -0.019712138921022415, 0.0020591893699020147, 0.03269467130303383, 0.01228153146803379, 0.032386232167482376, 0.005590480286628008, 0.0027882300782948732, -0.029021427035331726, -0.03824659436941147, 0.00764791714027524, -0.045116402208805084, 0.008797558024525642, 0.006105715874582529, 0.008264797739684582, 0.03347979113459587, 0.020567359402775764, -0.01592673547565937, 0.00436022412031889, -0.0137606430798769, 0.006582396104931831, -0.016627736389636993, -0.020314998924732208, -0.023848041892051697, 0.027955906465649605, -0.0033981006126850843, -0.013970943167805672, 0.019319579005241394, 0.008489117957651615, 0.028516706079244614, 0.020959919318556786, 0.03488179296255112, -0.028825147077441216, 0.038975637406110764, -0.00738854706287384, 0.02138051949441433, -0.015674374997615814, -0.006151280831545591, -0.012646052055060863, 0.0017472441541031003, 0.003708293428644538, -0.008601278066635132, 0.01246379129588604, 0.006021595560014248, 0.07671751081943512, 0.02589496411383152, -0.03636791557073593, -0.0021713494788855314, -0.01794561743736267, 0.008222737349569798, 0.018169937655329704, 0.01477709412574768, -0.011573520489037037, -0.0033910907804965973, 0.01650155521929264, -0.014945333823561668, 0.025151902809739113, -0.012863362208008766, 0.004458364099264145, -0.018450336530804634, -0.0008766889222897589, 0.01814189739525318, -0.005022669676691294, -0.01745491661131382, 0.016179095953702927, -0.0037748885806649923, -0.0034839732106775045, 0.005825315602123737, -0.02358166128396988, -0.0025200974196195602, 0.012183391489088535, 0.0021660919301211834, 0.00886765867471695, -0.03617163375020027, 0.00555893499404192, 0.009218158200383186, -0.026427725329995155, -0.022011419758200645, 0.001580756506882608, -0.007921307347714901, 0.008713438175618649, -0.009694838896393776, 0.005828820634633303, 0.008299848064780235, 0.00014239075244404376, 0.017244616523385048, 0.01040284987539053, -0.024675223976373672, 0.02453502267599106, -0.006186330690979958, -0.033507831394672394, -0.015506134368479252, -0.006028605625033379], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='2f9fc45c-d43b-4868-8bc5-fffa259fd198', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '9', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf', 'file_type': 'application/pdf', 'file_size': 1103758, 'creation_date': '2024-02-25', 'last_modified_date': '2023-12-13', 'last_accessed_date': None}, hash='ba68c5dea85255f379f37c7dfa21981d34f553629d0d9c49f58b055c073f9f13')}, text='Xilun Chen, Kushal Lakhotia, Barlas Oguz, Anchit\\nGupta, Patrick Lewis, Stan Peshterliev, Yashar\\nMehdad, Sonal Gupta, and Wen-tau Yih. 2022.\\nSalient phrase aware dense retrieval: Can a dense\\nretriever imitate a sparse one? In Findings of the\\nAssociation for Computational Linguistics: EMNLP\\n2022 , pages 250–262, Abu Dhabi, United Arab Emi-\\nrates. Association for Computational Linguistics.\\nHao Cheng, Hao Fang, Xiaodong Liu, and Jianfeng\\nGao. 2023. Task-aware specialization for efficient\\nand robust dense retrieval for open-domain question', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='b98981f1-616d-4ed3-b6e6-d305dd73bacd', embedding=[-0.0030695877503603697, 0.00523564824834466, 0.014442693442106247, -0.03696560114622116, 0.008197018876671791, 0.014277791604399681, -0.006118562538176775, 0.022481681779026985, -0.020186791196465492, -0.03990635648369789, 0.0023155033122748137, 0.023264966905117035, -0.014181598089635372, 0.012257738038897514, 0.006008627824485302, 0.0039061233401298523, 0.01636655442416668, -0.010849197395145893, -0.01041632890701294, -0.007695441134274006, -0.008471855893731117, -0.008856628090143204, -0.01504733506590128, -0.007716053631156683, -0.014470177702605724, 0.007386249024420977, 0.03512419015169144, -0.026123274117708206, -0.035646382719278336, 0.0038236721884459257, 0.005520791746675968, 0.016490230336785316, -0.041308026760816574, -0.004974552895873785, -0.02488650567829609, -0.04114312678575516, 0.005029520485550165, -0.02696152776479721, 0.03388742357492447, -0.015006110072135925, 0.03001222014427185, 0.022770259529352188, 0.017603321000933647, -0.024336831644177437, 0.011027841828763485, 0.013274635188281536, 0.010423200204968452, -0.01959589123725891, -0.037625208497047424, 0.01104845479130745, 0.017878158017992973, 0.02201445773243904, -0.014222824014723301, -0.005252825561910868, -0.014717530459165573, -0.009406302124261856, 0.0013467021053656936, 0.032568205147981644, 0.010553747415542603, -0.005871209315955639, -0.011261452920734882, 0.016710100695490837, -0.02663172222673893, 0.04183021932840347, 0.002432309091091156, -0.0001330169034190476, -0.014827465638518333, 0.014373984187841415, 0.031139051541686058, -0.0025233488995581865, 0.006094514392316341, 0.004531377926468849, 0.0026727914810180664, -0.010457554832100868, 0.040373582392930984, -0.0030541280284523964, -0.025711018592119217, -0.024721603840589523, -0.01452514436095953, 0.013961728662252426, 0.008348179049789906, -0.003682818030938506, -0.008231373503804207, 0.02086014114320278, 0.008279469795525074, 0.004806214943528175, 0.007159508299082518, -0.028555583208799362, -0.012546316720545292, -0.013192184269428253, 0.002839411608874798, -0.00025851873215287924, 0.028473131358623505, 0.007929052226245403, 0.00017563813889864832, -0.0049711172468960285, -0.003509327070787549, 0.012615025974810123, -0.006740381941199303, -0.040675900876522064, 0.006651059724390507, -0.005163503345102072, -0.03674573078751564, -0.007255701348185539, -0.02373219095170498, -0.015528300777077675, 0.008506210520863533, 0.014703788794577122, 0.010443812236189842, 0.004287459887564182, -0.03592121973633766, 0.025230051949620247, 0.005809370893985033, -0.035536445677280426, -0.00994910579174757, -0.00468597374856472, 0.0072213467210531235, -0.009172691032290459, -0.013254023157060146, -0.021038785576820374, 0.030506925657391548, 0.009475011378526688, 0.017974350601434708, -0.012594413943588734, 0.03223840147256851, 0.011550032533705235, -0.004531377926468849, -0.018826346844434738, -0.03418974578380585, 0.007702311966568232, -0.011982901021838188, 0.017342226579785347, 0.011371388100087643, 0.010251427069306374, -0.027071461081504822, 0.019692083820700645, -0.023869609460234642, -0.022825228050351143, -0.0009035271941684186, -0.0024374620988965034, 0.0017314741853624582, 0.016503972932696342, 0.001695401850156486, -0.00877417717128992, -0.029709897935390472, 0.028995322063565254, 0.007406861986964941, 0.00752366753295064, 0.018606476485729218, 0.009502495639026165, -0.00031563331140205264, -0.03506922349333763, -0.0022948903497308493, 0.015349656343460083, 0.018386606127023697, 0.0008992328657768667, 0.0044798459857702255, 0.026576755568385124, -0.024501733481884003, -0.002538808388635516, -0.008870369754731655, 0.011694321408867836, 0.001415411476045847, 0.008210760541260242, -0.008458114229142666, 0.019032474607229233, 0.010512521490454674, -0.020475368946790695, 0.0039817034266889095, -0.04246234521269798, -0.014195339754223824, 0.03493180498480797, -0.04188518598675728, 0.024020768702030182, -0.00523564824834466, 0.01415411476045847, 0.022632841020822525, -0.013886148110032082, -0.009859783574938774, -0.01680629327893257, 0.023306192830204964, 0.03298046067357063, 0.00593991857022047, 0.008430629968643188, -0.02268780954182148, -0.012319575995206833, 0.007571764290332794, -0.006771300919353962, 0.017465902492403984, -0.01381743885576725, 0.01666887477040291, 0.04207757115364075, 0.019540922716259956, -0.011220227926969528, -0.633664608001709, -0.02294890396296978, 0.008485597558319569, 0.017768222838640213, -0.000501577858813107, 0.0014188468921929598, -0.011000357568264008, -0.008739822544157505, -0.01234706025570631, 0.049003466963768005, -0.03693811595439911, -0.006874364800751209, -0.006860623136162758, -0.02135484851896763, -0.00594335375353694, -0.007042702753096819, -0.010072782635688782, -0.026301918551325798, 0.014827465638518333, -0.008038987405598164, -0.013748729601502419, -0.001401669578626752, -0.007427474483847618, 0.008561178110539913, -0.01878512091934681, 0.0025405262131243944, 0.024749087169766426, 0.006194142624735832, 0.010388845577836037, 0.01669635809957981, -0.02927015908062458, 0.014360242523252964, 0.006630446761846542, -0.008320695720613003, 0.04798657074570656, -0.005111971404403448, -0.016600165516138077, 0.017452159896492958, 0.004610393662005663, 0.019142409786581993, -0.022179359570145607, -0.015816878527402878, 0.012216512113809586, 0.018276672810316086, -0.0025851870886981487, 0.013199055567383766, 0.009777332656085491, 0.013150959275662899, 8.883896953193471e-05, -0.01247760746628046, -0.007413732819259167, 0.016229135915637016, 0.004778731614351273, -0.012202770449221134, -0.005349018611013889, 0.010972874239087105, 0.0284181647002697, -0.020626530051231384, 0.003744656452909112, -0.014250307343900204, -6.967551598791033e-05, 0.008712338283658028, -0.013783084228634834, -0.012903605587780476, -0.017933126538991928, 0.012388285249471664, -0.005713177844882011, 0.008334437385201454, -0.002356728771701455, -0.012243996374309063, -0.011460710316896439, 0.02068149670958519, -0.00918643269687891, -0.015706945210695267, -0.009777332656085491, 0.0080183744430542, 0.00046035225386731327, -0.012450124137103558, 0.002267406787723303, 0.008932208642363548, 0.009234528988599777, -0.004150041379034519, 0.005452082492411137, -0.016449004411697388, 0.038889460265636444, -0.007736666593700647, 0.011989771388471127, 0.005984579678624868, -0.007729795761406422, 0.009688010439276695, 0.024075737223029137, 0.020873883739113808, -0.04095073789358139, -0.04020867869257927, -0.006860623136162758, 0.011144647374749184, -0.014373984187841415, -0.007235088851302862, 0.01000407338142395, -0.015610751695930958, -0.01409914717078209, -0.009791074320673943, 0.04012622684240341, 0.023938318714499474, 0.02388335019350052, 0.008966563269495964, -4.533203173195943e-05, 0.0073312814347445965, 0.038697075098752975, -0.021808329969644547, 0.007688569836318493, -0.0005174668622203171, 0.012951701879501343, -0.01376247126609087, 0.019760793074965477, -0.036800697445869446, 0.0034973029978573322, -0.0077847628854215145, 0.03638844192028046, -0.02591714635491371, 0.009193303063511848, -0.01584436371922493, 0.0299847349524498, 0.0022038505412638187, -0.011261452920734882, 0.027689846232533455, -0.012271479703485966, -0.011831740848720074, -0.0013836333528161049, 0.03168872743844986, 0.006396835204213858, -0.00889098271727562, 0.01521223783493042, -0.02488650567829609, 0.03671824559569359, 0.017314741387963295, 0.043094467371702194, 0.003851155983284116, 0.005682258401066065, -0.01141948439180851, -0.018510283902287483, 0.003768704831600189, 0.013267764821648598, -0.018730154260993004, -0.045732904225587845, -0.03325529769062996, -0.017314741387963295, 0.002597211394459009, -0.003225901396945119, -0.0004358745936769992, -0.006654494907706976, -0.010436941869556904, -0.010663682594895363, 0.01640777848660946, -0.012807412073016167, -0.015198496170341969, -0.006973993498831987, -0.01599552296102047, -0.006255981046706438, -0.02990228496491909, -0.010684295557439327, 0.011041583493351936, -0.00929636787623167, 0.020104339346289635, 0.006242239382117987, -0.017053646966814995, 0.0003055416455026716, 0.026576755568385124, -0.029435060918331146, -0.037322890013456345, 0.005256260745227337, -0.02968241460621357, -0.0028892257250845432, 0.020351693034172058, 0.0001407466916134581, 0.004177525173872709, -0.0041878316551446915, 8.255850843852386e-05, -0.008712338283658028, -0.01845531538128853, 0.00588495098054409, 0.030287057161331177, 0.0033083525486290455, 0.0012719808146357536, 0.021932005882263184, 0.020544078201055527, 0.016710100695490837, 0.006197578273713589, -0.018688928335905075, 0.020406659692525864, 0.014442693442106247, 0.019183635711669922, -0.018688928335905075, 0.013934244401752949, -0.008671113289892673, 0.026494303718209267, -0.004572603385895491, -0.0054245986975729465, 0.014016696251928806, 0.017053646966814995, 0.017713256180286407, 0.007894697599112988, 0.007688569836318493, -0.01029952336102724, 0.00016758625861257315, -0.015514558181166649, -0.0015296406345441937, -0.026508046314120293, 0.009749848395586014, -0.00395078444853425, 0.006008627824485302, -0.006235368549823761, -0.010457554832100868, -0.02351232059299946, -0.013185313902795315, 0.03880700841546059, -0.0008511363994330168, 0.010320136323571205, -0.02905028872191906, -0.0028892257250845432, -0.020173048600554466, 0.0022742776200175285, 0.015363398008048534, 0.0030060315039008856, -0.00970862340182066, 0.012621897272765636, -0.020447885617613792, 0.01677880994975567, 0.007255701348185539, -0.020805174484848976, 0.007880955934524536, 0.0036450279876589775, 0.019664600491523743, 0.023333676159381866, 0.018056802451610565, -0.0044798459857702255, 0.021932005882263184, -0.0026676382403820753, 0.016201650723814964, 0.002884072717279196, -0.021973231807351112, 0.003382215043529868, 0.0013166418066248298, -0.013254023157060146, 0.022495422512292862, -0.007035831455141306, 0.015981782227754593, 0.015088560990989208, -0.008808531798422337, 0.01474501471966505, -0.030149638652801514, 0.02863803319633007, -0.020544078201055527, 0.0014222824247553945, 0.020544078201055527, -0.03396987542510033, -0.0029029676225036383, 0.011735547333955765, 0.020214274525642395, 0.023292450234293938, 0.005723484326153994, 0.014978625811636448, 0.017232291400432587, -0.0015777371590957046, 0.008959691971540451, -0.01952718198299408, 0.004895537160336971, -0.017314741387963295, -0.021506009623408318, -0.009584946557879448, -0.02883042022585869, -0.025353729724884033, 0.029077773913741112, -0.03144137188792229, 0.013783084228634834, 0.01584436371922493, -0.013996083289384842, -0.0009421762079000473, 0.0220969095826149, 0.03234833478927612, -0.04768424853682518, -0.03179866075515747, 0.024817796424031258, 0.000292873359285295, -0.014332758262753487, -0.017355967313051224, -0.03718547150492668, 0.005211600102484226, -0.019925694912672043, -0.01978827640414238, -0.012443252839148045, 0.008341308683156967, -0.009433786384761333, 0.01023081410676241, -0.02689281851053238, 0.019252344965934753, 0.031331438571214676, 0.01247760746628046, -0.005819677375257015, 0.0054692598059773445, -0.003710301825776696, 0.0018585864454507828, -0.035783801227808, -0.021286139264702797, 0.023526061326265335, -0.024185670539736748, -0.034684453159570694, -0.0029837011825293303, 0.0077847628854215145, -0.0036587698850780725, -0.005757838953286409, 0.001393080921843648, 0.011550032533705235, 0.003088482655584812, 0.04295704886317253, 0.024226896464824677, 0.0004977129283361137, 0.012388285249471664, 0.045650456100702286, 0.004002316389232874, -0.011914191767573357, -0.01595429889857769, -0.0032499495428055525, 0.023347418755292892, 0.050899844616651535, 0.009564333595335484, -0.012079093605279922, 0.018826346844434738, -0.023704705759882927, -0.011900450102984905, -0.0213136225938797, -0.024336831644177437, 0.0024666637182235718, 0.01658642292022705, -0.030067186802625656, -0.013796825893223286, 0.021341105923056602, 0.0051978579722344875, 0.029517512768507004, 0.01247760746628046, 0.004531377926468849, -0.04224247485399246, -0.0134120536968112, -0.005957095883786678, 0.012298963963985443, 0.0014334475854411721, 0.026246950030326843, 0.013583827763795853, 0.011151518672704697, -0.00032916045165620744, 0.03177117928862572, 0.0036793826147913933, -0.02927015908062458, -0.027318814769387245, -0.00567195238545537, 0.0014102582354098558, 0.01123396959155798, 0.008519952185451984, -0.001584608107805252, 0.031633757054805756, 0.007434345781803131, -0.004057283978909254, 0.02863803319633007, -0.009969718754291534, 0.021258655935525894, 0.02529876120388508, 0.002406543120741844, -0.006262852344661951, 0.02064027264714241, -0.007077057380229235, 0.0004981423844583333, 0.021849555894732475, -0.0152672054246068, -0.04042854905128479, 0.023113805800676346, -0.0004805356147699058, -0.029297642409801483, -0.01819422096014023, 0.023745931684970856, 0.010395715944468975, 0.0024529218208044767, -0.001304617733694613, -0.012848637998104095, -0.026137014850974083, -0.015500816516578197, -0.0320734977722168, 0.013583827763795853, -0.01506107673048973, -0.0200081467628479, 0.012285221368074417, -0.01569320261478424, 0.008471855893731117, -0.011453839018940926, 0.017383450642228127, -0.016902485862374306, -0.023594770580530167, -0.036058638244867325, -0.0007751267403364182, 0.012752444483339787, 0.005252825561910868, 0.0331728458404541, -0.004565732553601265, -0.004129428416490555, 0.015116044320166111, 0.004661925602704287, -0.00479934411123395, 0.01181112788617611, -0.02874796837568283, 0.0018396913073956966, -0.026549270376563072, -0.023553546518087387, -0.030699312686920166, 7.450664270436391e-05, -0.0010289216879755259, 0.0004788178775925189, 0.003682818030938506, -0.006015498656779528, -0.003191546769812703, -0.0013741859002038836, 0.014731272123754025, 0.009323851205408573, 0.00831382442265749, 0.005228777416050434, -0.025683533400297165, 0.00016608324949629605, -0.027456233277916908, -0.0191973764449358, -0.027195138856768608, 0.0055345334112644196, 0.012889863923192024, 0.018276672810316086, 0.006764430087059736, -0.003349578008055687, -0.007626731414347887, 0.009172691032290459, -0.013116603717207909, 0.020447885617613792, -0.010052169673144817, 0.01095226127654314, -0.002129988046362996, 0.009811687283217907, 0.012175287120044231, 0.015830621123313904, -0.019059957936406136, 0.004029800184071064, -0.03276059031486511, 0.01504733506590128, 0.008355050347745419, -0.008231373503804207, 0.023155031725764275, 0.0035694479010999203, 0.0036278506740927696, -0.018139254301786423, 0.013357087038457394, 0.0013114886824041605, 0.018166737630963326, -0.000989413820207119, -0.014607596211135387, -0.029215192422270775, -0.022399229928851128, -0.01643526367843151, 0.0002195476699853316, -0.010594973340630531, 0.000454769644420594, 0.00340798101387918, 0.0030609990935772657, -0.005026084836572409, -0.018578993156552315, 0.01714983955025673, -0.027827264741063118, -0.009062755852937698, 0.02905028872191906, 0.019499696791172028, 0.01756209507584572, -0.0020733028650283813, 0.022564131766557693, -0.03559141233563423, -0.015803137794137, -0.008485597558319569, -0.016558939591050148, 0.014786239713430405, 0.00021611219563055784, 0.018400348722934723, 0.01506107673048973, 0.05315351113677025, -0.02135484851896763, 0.006778171751648188, 0.016723841428756714, -0.011742418631911278, 0.0027672667056322098, -0.0050879232585430145, 0.006517076399177313, -0.004160347860306501, -0.027469975873827934, 0.028060875833034515, -0.005675387568771839, 0.01506107673048973, -0.03166124224662781, -0.0032980460673570633, 0.016284102573990822, -0.008540565147995949, 0.005596371833235025, -0.016600165516138077, -0.009268883615732193, -0.006307512987405062, 0.010959132574498653, -0.0015184753574430943, 0.0067506879568099976, -0.029847316443920135, -0.017974350601434708, 0.028253260999917984, -0.00788782723248005, 0.011790514923632145, 0.002597211394459009, 0.016201650723814964, -0.011213356629014015, -0.0034560775384306908, 0.01474501471966505, 0.02591714635491371, -0.020846400409936905, -0.0043630399741232395, -0.04779418557882309, -0.001180941006168723, 0.012099706567823887, -0.006389964371919632, 0.01515727024525404, 0.01562449336051941, -0.030259573832154274, 0.01654519885778427, 0.01195541676133871, 0.015706945210695267, 0.012113448232412338, -0.014291533268988132, -0.030039703473448753, 0.0023086322471499443, -0.034052327275276184, 0.016572682186961174, -0.011591257527470589, -0.0005196140264160931, 0.009626172482967377, 0.0022553824819624424, 0.025202568620443344, -0.031303953379392624, -0.018084285780787468, 0.030067186802625656, 0.03182614594697952, 0.04295704886317253, -0.009365077130496502, 0.016820035874843597, 0.033640071749687195, -0.01024455577135086, -0.005730355158448219, 0.013150959275662899, 0.02301761321723461, -0.002068149857223034, 0.006499899085611105, 0.010265168733894825, -0.005902128294110298, -0.0022811484523117542, 0.023814640939235687, 0.023264966905117035, -0.023553546518087387, -0.035783801227808, 0.02264658361673355, 0.017644546926021576, 0.014140373095870018, -0.02789597399532795, -0.017204808071255684, -0.01469004712998867, -0.00847872719168663, -0.009454398415982723, 0.01521223783493042, -0.00564446859061718, -0.01952718198299408, 0.004696280229836702, 0.03298046067357063, 0.031001633033156395, -0.008602404035627842, -0.002782726427540183, 0.007915310561656952, 0.022742776200175285, 0.008224502205848694, -0.004239363595843315, 0.01310973335057497, -0.007509925868362188, 0.03589373454451561, -0.013879277743399143, 0.0062765940092504025, -0.007599248085170984, 0.014882433228194714, 0.00035363814095035195, 0.011350775137543678, -0.00043243911932222545, 0.020667755976319313, -0.017273517325520515, 0.007276314310729504, 0.005747532472014427, 0.0010589819867163897, 0.018029319122433662, -0.023374902084469795, 0.0016327046323567629, -0.025449922308325768, -0.006850316654890776, 0.01658642292022705, 0.011914191767573357, -0.0011345621896907687, -0.01933479495346546, 0.006602962967008352, -0.011536290869116783, -0.005005471874028444, -0.0027449363842606544, -0.018826346844434738, 0.0016052208375185728, -0.03619605675339699, -0.009049014188349247, 0.015858104452490807, -0.001144868554547429, 0.00594335375353694, -0.0010512522421777248, -0.028033392503857613, 0.00931697990745306, 0.006664801388978958, -0.02480405569076538, 0.017795706167817116, 0.016600165516138077, -0.012690606527030468, -0.006228497251868248, 0.007544280495494604, -0.010292652063071728, -0.006572043988853693, 0.030067186802625656, -0.02425437979400158, -0.01706738770008087, -0.017836932092905045, 0.008176405914127827, 0.005108536221086979, -0.0011130905477330089, -0.0036450279876589775, 0.024570442736148834, -0.009694881737232208, 0.0017641111044213176, -0.019499696791172028, 0.01804305985569954, 0.008574919775128365, -0.014195339754223824, 0.0035350932739675045, 0.018084285780787468, -0.011460710316896439, 0.019321054220199585, 0.001801901264116168, 0.012030997313559055, -0.020406659692525864, -0.03517915681004524, -0.0001443968794774264, -0.0005689988611266017, -0.0004427455132827163, 0.0012195899616926908, -0.004493587650358677, -0.01904621534049511, -0.021602202206850052, -0.007771021220833063, 0.014717530459165573, -0.023897092789411545, 0.011735547333955765, 0.0299847349524498, 0.020736465230584145, 0.02272903360426426, 0.016242876648902893, -0.017933126538991928, 0.00755115132778883, 0.010347619652748108, -0.000561269058380276, -0.03641592711210251, -0.005452082492411137, -0.00807334203273058, 0.030342023819684982, -0.009770461358129978, -0.025546114891767502, -0.024652894586324692, -0.01830415613949299, -0.06574105471372604, 0.0152672054246068, -0.016710100695490837, 0.019018732011318207, 0.0011508807074278593, 0.025078892707824707, 0.015143528580665588, 0.009619301185011864, -0.00022480821644421667, 0.017891900613904, -0.025394955649971962, -0.011041583493351936, -0.002612670883536339, -0.03333774954080582, 0.0021196817979216576, 0.004095073789358139, -0.008300082758069038, -0.010292652063071728, 0.008148922584950924, -0.012786799110472202, -0.005816241726279259, 0.018798863515257835, 0.00297167687676847, -0.01963711529970169, 0.017026163637638092, 0.008616145700216293, -0.008822273463010788, -0.01504733506590128, 0.005479566287249327, -0.017287258058786392, -0.010966002941131592, 0.024982700124382973, -0.02179458737373352, -0.025820951908826828, -0.0032516673672944307, 0.026714174076914787, -0.006754123605787754, 0.007290055975317955, -0.01023081410676241, -0.02599959634244442, 0.013288377784192562, -0.006468980107456446, 0.037955012172460556, 0.005345582962036133, 0.002738065319135785, 0.027621136978268623, 0.008320695720613003, -0.005620420444756746, -0.013082249090075493, -0.0030678699258714914, 0.01076674647629261, 0.013473892584443092, 0.02885790355503559, -0.02380090020596981, -0.014483919367194176, -0.019884468987584114, -0.01294483058154583, -0.005637597758322954, -0.01247760746628046, -0.015858104452490807, -0.0009885549079626799, -0.013556343503296375, 0.03638844192028046, 0.033310264348983765, -0.026466820389032364, 0.004177525173872709, -0.006201013922691345, 0.00048096507089212537, -0.003768704831600189, -0.02473534643650055, 0.0011817998019978404, -0.024075737223029137, 0.00036845359136350453, 0.0050432621501386166, -0.010203329846262932, -0.0004534813342615962, 0.003864897880703211, 0.017493385821580887, -0.004871489014476538, 0.003964526113122702, 0.20986565947532654, -0.03965900465846062, -0.0006325549329631031, -0.0011371388100087643, -0.0021025044843554497, -0.01163935475051403, 0.01558326743543148, 0.020956333726644516, -0.01688874512910843, 0.005373066756874323, 0.0018706105183809996, 0.004943633917719126, -0.029242675751447678, -0.0017950303154066205, -0.008616145700216293, -0.016242876648902893, -0.035014256834983826, -0.0447160080075264, 0.006290335673838854, 0.02681036666035652, -0.004040106665343046, -0.00937194749712944, -0.008485597558319569, -0.018098028376698494, 0.016682617366313934, 0.00430463720113039, 0.0009301520767621696, 0.011357646435499191, 0.011034712195396423, 0.005586065351963043, -0.027621136978268623, -0.008506210520863533, 0.009330722503364086, 0.005005471874028444, -0.023264966905117035, 0.002772419946268201, 0.016792550683021545, -0.013645665720105171, 0.026054564863443375, 0.01558326743543148, 0.00323105463758111, 0.007935923524200916, 0.00705644441768527, -0.0200081467628479, 0.015445848926901817, 0.036168571561574936, -0.012766187079250813, -0.01065681129693985, -0.005070745944976807, -0.0001034396918839775, -0.01411288883537054, -0.0010435223812237382, 0.014428951777517796, 0.03190859779715538, -0.0002941616694442928, 0.003213877324014902, -0.020296724513173103, 0.0018877878319472075, 0.006963687017560005, -0.008251986466348171, -0.030919183045625687, -0.0013157830107957125, 0.0202692411839962, 0.023443611338734627, -0.006067030597478151, 0.007825988344848156, 0.010911036282777786, -0.01856525056064129, 0.0026281303726136684, -0.03245827183127403, -0.01216154545545578, -0.021670911461114883, -0.007393119856715202, 0.0010899011977016926, -0.024185670539736748, -0.0526588037610054, 0.022632841020822525, 0.02439180016517639, 0.01023081410676241, 0.03781759366393089, 0.005462388973683119, -0.029435060918331146, -0.013013539835810661, -0.01908744126558304, -0.020654013380408287, -0.01400295365601778, 0.0020509723108261824, -0.012443252839148045, 0.004201573319733143, -0.03146885707974434, -0.007509925868362188, -0.007104541175067425, -0.0168475192040205, 0.00878104753792286, 0.018798863515257835, 0.0035557060036808252, 0.02299012988805771, -0.007324410602450371, -0.00953685026615858, -0.014676305465400219, -0.02068149670958519, 0.04971804469823837, 0.040263645350933075, 0.01778196543455124, 0.010141491889953613, 0.00471345754340291, -0.01258754264563322, 0.006108256056904793, -0.02179458737373352, -0.0038099302910268307, 0.009014659561216831, -0.032155949622392654, 0.022715292870998383, -0.009722365066409111, -0.02395205944776535, 0.010450683534145355, 0.004754683002829552, 0.003545399522408843, 0.04336930438876152, 0.0013106297701597214, -0.010114007629454136, -0.025092633441090584, -0.007241959683597088, 0.009440656751394272, -0.00043866588384844363, -0.019994404166936874, -0.02722262218594551, 0.0024529218208044767, -0.03592121973633766, 0.010107137262821198, 0.006905284244567156, -0.043424274772405624, 0.03515167534351349, -0.00954372063279152, 0.006060159765183926, -0.007860342971980572, -0.004943633917719126, 0.0015141810290515423, -0.024034511297941208, -0.004338991828262806, -0.0006394258816726506, -0.005190987139940262, 0.007661086041480303, 0.004813086241483688, 0.0005780169158242643, -0.021258655935525894, -0.006582350470125675, 0.018922539427876472, -0.007035831455141306, -0.030259573832154274, -0.03201853111386299, -0.00812830962240696, 0.0030060315039008856, -0.009749848395586014, 0.027799779549241066, 0.022110650315880775, -0.02090136706829071, -0.005270002875477076, -0.00027226057136431336, 0.02577972784638405, -0.0320734977722168, 0.005537969060242176, 0.017191065475344658, -0.006359044928103685, -0.0016301280120387673, -0.012037868611514568, -0.17611566185951233, -0.006891542114317417, 0.017177322879433632, -0.04587032273411751, 0.02521631121635437, 0.004871489014476538, 0.030149638652801514, 0.0010048734256997705, -0.021066268905997276, -0.005345582962036133, -0.006146046333014965, 0.011522548273205757, -0.013308989815413952, -0.003425158327445388, -0.007722924463450909, -0.006018934305757284, -0.02301761321723461, -0.011680579744279385, 0.026274433359503746, 0.007441216614097357, 0.019760793074965477, -0.030259573832154274, 0.007097669877111912, 0.0011783643858507276, 0.00219354429282248, 0.009907879866659641, -0.0005054427310824394, 0.01963711529970169, -0.01258754264563322, -0.04518323019146919, -0.00978420302271843, 0.002600646810606122, 0.012937960214912891, -0.004981423728168011, 0.016833776608109474, 0.026082048192620277, 0.011213356629014015, 0.00825885683298111, -0.014882433228194714, 0.005273438524454832, 0.013810568489134312, 0.03833978623151779, -0.0018362558912485838, -0.024075737223029137, -0.009454398415982723, 0.020915109664201736, 0.03061686083674431, -0.02443302422761917, 0.026205724105238914, 0.003145167836919427, 0.011357646435499191, -0.02358102984726429, 0.008300082758069038, -0.006630446761846542, -0.008952820673584938, 0.010237684473395348, 0.00011100845586042851, 0.01796060986816883, 0.0034869967494159937, 0.00509479409083724, 0.007475571241229773, -0.0008837733184918761, 0.02112123742699623, 0.01071177888661623, 0.01856525056064129, -0.037955012172460556, -0.013123475015163422, 0.018098028376698494, -0.03597618639469147, -0.0019582149107009172, -0.006678543519228697, -0.0060498532839119434, -0.010546877048909664, -0.01299979817122221, 0.030809247866272926, 0.020063113421201706, -0.012333318591117859, 0.012388285249471664, 0.0379275307059288, 0.0012127190129831433, -0.02678288333117962, 0.006692285183817148, -0.005726919509470463, -0.004074461292475462, -0.010272039100527763, -0.006695720832794905, -0.0025147602427750826, 0.01176990196108818, -0.01262876857072115, -0.013858664780855179, 0.027841005474328995, -0.01767203025519848, -0.007695441134274006, -0.01087668165564537, 0.0013286659959703684, 0.00594335375353694, 0.007908439263701439, -0.02617824077606201, -0.0027363477274775505, -0.008437501266598701, 0.012786799110472202, 0.00879478920251131, -0.011515677906572819, -0.023333676159381866, 0.03399735689163208, -0.00019829072698485106, -0.021739620715379715, 0.006424318999052048, 0.03600367158651352, -0.03707553446292877, -0.004909278824925423, 0.00031327144824899733, 0.001916989334858954, 0.008485597558319569, 0.0031348615884780884, 0.02715391293168068, 0.0013922220095992088, -0.016077974811196327, 0.008636758662760258, -0.0024786877911537886, 0.05749593675136566, -0.016751326620578766, -0.005063875112682581, 0.017534611746668816, -0.01993943750858307, -0.012862379662692547, -0.10933022946119308, -0.013357087038457394, -0.004101944621652365, 0.02242671325802803, -0.026590496301651, 0.020915109664201736, 0.0037824467290192842, 0.03281555697321892, -0.020915109664201736, 0.039439134299755096, -0.020970076322555542, -0.009213916026055813, 0.005641032941639423, -0.0034234405029565096, 0.022921420633792877, 0.00397826824337244, 0.035536445677280426, -0.010031556710600853, -0.03314536437392235, 0.03611360490322113, 0.0020441014785319567, -0.004411136731505394, 0.016091717407107353, -0.01844157464802265, -0.003256820607930422, 0.010127750225365162, -0.02072272263467312, 0.026384368538856506, 0.017273517325520515, 0.00676099443808198, 0.02146478369832039, -0.02072272263467312, 0.007413732819259167, -0.011817998252809048, 0.01911492645740509, -0.01937602087855339, 0.01071177888661623, -0.010065911337733269, 0.037432823330163956, 0.0079015688970685, 0.0016833776608109474, 0.0025096070021390915, -0.0067575592547655106, -0.016682617366313934, -0.007042702753096819, -0.017617063596844673, -0.0076336027123034, 0.02375967428088188, -0.00013151387975085527, -0.03199104592204094, -0.02009059675037861, -0.028170811012387276, -0.045622970908880234, 0.030589377507567406, 0.024652894586324692, 0.010045298375189304, 0.010478166863322258, 0.016943711787462234, -0.01963711529970169, -0.012518833391368389, -0.017878158017992973, 0.0014102582354098558, -0.034272193908691406, -0.0009198456536978483, 0.007303798105567694, 0.001628410303965211, -0.005699435714632273, -0.03831230103969574, 0.009846041910350323, -0.0019341666484251618, -0.006468980107456446, 0.023897092789411545, -0.004270282573997974, 0.015239721164107323, -0.04834385961294174, 0.015830621123313904, -0.016449004411697388, -0.030451958999037743, 0.003933607134968042, 0.0026573319919407368, -0.017919383943080902, -0.022344261407852173, 0.0007892980356700718, -0.010402587242424488, 0.010643069632351398, 0.006877800449728966, -0.013123475015163422, -0.01692996919155121, -0.012278351001441479, -0.02726384811103344, -0.01807054504752159, 0.024817796424031258, 0.009248270653188229, -0.03094666637480259, 0.006551431026309729, 0.0021317058708518744, -0.014676305465400219, 0.0011603281600400805, 0.02454295940697193, 0.013061637058854103, -0.0263294018805027, 0.006036111619323492, -0.05733103305101395, 0.0110621964558959, 0.01822170428931713, -0.020173048600554466, 0.0036931245122104883, -0.034052327275276184, 0.0007347600185312331, -0.014222824014723301, 0.004356169141829014, 0.014387725852429867, -0.02863803319633007, 0.01680629327893257, -0.018029319122433662, -0.007880955934524536, -0.016339069232344627, -0.010436941869556904, 0.02064027264714241, 0.013480763882398605, 0.008568048477172852, 0.03718547150492668, 0.007729795761406422, -0.011446968652307987, 0.00784660130739212, 0.025037666782736778, 0.002227898919954896, 0.006242239382117987, -0.02484527975320816, 0.026027079671621323, 0.0055345334112644196, -0.011625612154603004, -0.00820388924330473, -0.01562449336051941, -0.010608715005218983, 0.015720685943961143, -0.017891900613904, -0.019980663433670998, 0.014662562869489193, 0.019540922716259956, 0.02327870950102806, 0.04919585585594177, -0.02517508529126644, -0.027057720348238945, 0.025394955649971962, -0.008684854954481125, -0.010869810357689857, 0.006396835204213858, -0.007427474483847618, -0.011385129764676094, 0.02532624639570713, 0.001259956625290215, 0.03833978623151779, 0.007764150388538837, 0.01340518333017826, -0.03223840147256851, 0.0036931245122104883, 0.0053146639838814735, 0.02514760196208954, 5.0082635425496846e-05, 0.014951142482459545, 0.022509165108203888, 0.02488650567829609, -0.0026435900945216417, 0.01595429889857769, -0.011515677906572819, 0.0012487914646044374, -0.010045298375189304, -0.021341105923056602, -0.0029476287309080362, -0.0013029000256210566, -0.010505651123821735, 0.0006243957323022187, 0.016421521082520485, 0.0067060268484056, 0.02321000024676323, 0.010251427069306374, 0.0019324489403516054, 0.0020252063404768705, 0.004016058053821325, -0.007152637466788292, 0.02591714635491371, 0.005026084836572409, -0.0020887625869363546, -0.004284024238586426, 0.0189637653529644, 0.016902485862374306, -0.0025216310750693083, -0.012374543584883213, -0.006664801388978958, -0.03287052735686302, 4.981423626304604e-05, 0.008842886425554752, 0.012862379662692547, -0.0055345334112644196, 0.019059957936406136, -0.011817998252809048, 0.017988093197345734, 0.013254023157060146, -0.007372507359832525, 0.029627447947859764, 0.007090799044817686, 0.023457352072000504, -0.015129786916077137, 0.002329244976863265, -0.034354645758867264, -0.018977506086230278, 0.010643069632351398, -0.037212952971458435, -0.015638235956430435, 0.019843244925141335, 0.01182486955076456, 0.006874364800751209, -0.009866654872894287, 0.006146046333014965, 0.0058505963534116745, -0.02015930600464344, 0.01754835434257984, -0.007379378192126751, -0.02373219095170498, -0.0320734977722168, 0.026315659284591675, 0.027538685128092766, 0.02591714635491371, 0.03251323848962784, 0.00608077272772789, 0.01774073950946331, 0.01807054504752159, 0.0299847349524498, -0.014346500858664513, 0.0252850204706192, 0.009701752103865147, 0.005836854688823223, 0.016503972932696342, -0.018345382064580917, -0.019815759733319283, -0.011295807547867298, 0.006915590260177851, 0.009584946557879448, 0.019953178241848946, -0.00039078411646187305, 0.08717834949493408, 0.02305883914232254, -0.005665081087499857, 0.02968241460621357, 0.02127239666879177, 0.011962288059294224, 0.0024597926530987024, 0.014909916557371616, -0.011412614025175571, -0.027098946273326874, -0.021973231807351112, -0.005630726460367441, -0.00234298687428236, -0.026686688885092735, -0.0018740459345281124, -0.008348179049789906, -0.009742978028953075, 0.025037666782736778, -0.019403504207730293, -0.01763080433011055, 0.027882231399416924, 0.002227898919954896, 0.007104541175067425, -0.003141732420772314, -0.01599552296102047, 0.013302119448781013, 0.007159508299082518, 0.017342226579785347, -0.007537409663200378, 0.0019771098159253597, 0.03072679601609707, 0.019430987536907196, -0.044688522815704346, -0.009145206771790981, -0.0036622053012251854, -0.006853751838207245, 0.005854032002389431, -0.01677880994975567, 0.007345023564994335, -0.005572323687374592, 0.018235446885228157, 0.009282625280320644, -0.005228777416050434, -0.01844157464802265, 0.0026607674080878496, 8.655760211695451e-06, -0.01474501471966505, 0.006424318999052048, -0.037652693688869476], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='77c16c6d-c48e-4e0f-8a4e-c5312c309092', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '1', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_type': 'application/pdf', 'file_size': 1719588, 'creation_date': '2024-02-25', 'last_modified_date': '2024-01-15', 'last_accessed_date': None}, hash='4c1e0bb3a13f4c656b05edcf75196711b7a56cd8e5b0ce1e76f1c2caf19a570e')}, text='LLaMA Beyond English: An Empirical Study on Language Capability Transfer\\nJun Zhao*, Zhihao Zhang*, Luhui Gao, Qi Zhang†, Tao Gui, Xuanjing Huang\\n1School of Computer Science, Fudan University\\n{zhaoj19,zhangzhihao19,qz,tgui }@fudan.edu.cn\\nAbstract\\nIn recent times, substantial advancements have been wit-\\nnessed in large language models (LLMs), exemplified by\\nChatGPT, showcasing remarkable proficiency across a range\\nof complex tasks. However, many mainstream LLMs (e.g.\\nLLaMA) are pretrained on English-dominant corpus, which\\nlimits their performance in other non-English languages.\\nIn this paper, we focus on how to effectively transfer the\\ncapabilities of language generation and following instruc-\\ntions to a non-English language. To answer this question,\\nwe conduct an extensive empirical investigation based on\\nLLaMA, accumulating over 1440 GPU hours. We analyze\\nthe impact of key factors such as vocabulary extension,\\nfurther pretraining, and instruction tuning on transfer. To\\naccurately assess the model’s level of knowledge, we employ\\nfour widely used standardized testing benchmarks: C-Eval,\\nMMLU, AGI-Eval, and GAOKAO-Bench. Furthermore, a\\ncomprehensive evaluation of the model’s response quality is\\nconducted, considering aspects such as accuracy, fluency, in-\\nformativeness, logical coherence, and harmlessness, based on\\nLLM-Eval, a benchmarks consisting instruction tasks from\\n17 diverse categories. Our evaluation results demonstrate that\\ncomparable performance to state-of-the-art transfer models\\ncan be achieved with less than 1%of the pretraining data,\\nboth in terms of knowledge alignment and response quality.\\nFurthermore, the experimental outcomes across the thirteen\\nlow-resource languages also exhibit similar trends. We antic-\\nipate that the conclusions revealed by the experiments will\\naid the community in developing non-English LLMs.\\nIntroduction\\nFor decades, researchers in Natural Language Processing\\n(NLP) have been exploring the fundamental principles of\\nintelligence (Bubeck et al. 2023). The recent advances in\\nlarge language models (LLMs) seem to have revealed a\\nglimmer of hope. Benefitting from the unprecedented scales\\nof model size and training data, many LLMs like ChatGPT\\n(OpenAI 2022), PaLM (Anil et al. 2023), LLaMA (Touvron\\net al. ', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='f00740a1-457e-4544-b73f-bb6b170d0f3c', embedding=[-0.005520978011190891, -0.0033245147205889225, 0.022642824798822403, -0.02130688540637493, -0.00783160887658596, 0.022056646645069122, -0.008819932118058205, 0.017844345420598984, -0.026718806475400925, -0.022274760529398918, 0.01674015074968338, 0.02585998736321926, -0.02147047035396099, 0.0009985471842810512, -0.0014458487275987864, 7.593474583700299e-05, 0.02675970271229744, -0.003336442867293954, 0.010067264549434185, -0.016290292143821716, 0.0011135676177218556, -0.009065309539437294, -0.02485121600329876, -0.01873042806982994, -0.0035443315282464027, 0.00660813320428133, 0.02155226096510887, -0.021238723769783974, -0.02204301580786705, 0.010503489524126053, 0.007129558827728033, 0.009862784296274185, -0.03361662104725838, -0.011525893583893776, -0.01597675494849682, -0.03288048878312111, -0.003106402000412345, -0.03776076063513756, 0.025082960724830627, -0.005524385720491409, 0.010496674105525017, 0.026705173775553703, 0.011369124986231327, -0.02352890744805336, -0.0009985471842810512, 0.015308785252273083, 0.01193485502153635, -0.010837474837899208, -0.018921276554465294, 0.008669979870319366, 0.02434683032333851, 0.028709085658192635, -0.023965133354067802, 0.005463041830807924, -0.005599362310022116, -0.0031830822117626667, -0.00319841830059886, 0.04255924001336098, 0.003926028497517109, -0.004607630893588066, -0.0015600170008838177, 0.0004818075685761869, -0.022670090198516846, 0.03846962749958038, 0.0035136593505740166, -0.01639934815466404, -0.011539525352418423, 0.016372084617614746, 0.02162042260169983, -0.008554107509553432, 0.006529748905450106, -0.004362253937870264, 0.010121792554855347, -0.021606789901852608, 0.02046169899404049, -0.010830659419298172, -0.028272859752178192, -0.021116036921739578, -0.015008880756795406, 0.0029428175184875727, 0.00361589970998466, -0.003973740618675947, -0.02238381654024124, 0.02096608467400074, 0.024755792692303658, -0.0067410459741950035, 0.012200679630041122, -0.019030334427952766, -0.00596401933580637, 0.00664562126621604, -0.003091065911576152, 0.011750821955502033, 0.01956198364496231, 0.0150361442938447, 0.0022987034171819687, -0.009222078137099743, -0.012596008367836475, 0.010264929383993149, -0.014722608029842377, -0.033016812056303024, -0.004113469272851944, 0.003442091168835759, -0.04400423914194107, -0.009965023957192898, -0.028518235310912132, -0.01098061166703701, 0.014368174597620964, 0.022847305983304977, 0.005159728694707155, 0.007749816868454218, -0.023842444643378258, 0.023079050704836845, 1.8464497770764865e-05, -0.04430414363741875, -0.006713781505823135, -0.016971895471215248, -0.001185135799460113, -0.010503489524126053, -0.00203117448836565, -0.007006870582699776, 0.03345303609967232, 0.015077040530741215, 0.014259117655456066, -0.006516117136925459, 0.02063891477882862, 0.011437284760177135, -0.002956449519842863, -0.012916361913084984, -0.031708136200904846, 0.007340855896472931, -0.018784957006573677, 0.012609641067683697, 0.010305825620889664, 0.022751880809664726, -0.015267889015376568, 0.03827878087759018, -0.022656457498669624, -0.0021180787589401007, -0.003557963529601693, -0.010012736544013023, 0.0032324984204024076, 0.016535669565200806, -0.0069727906957268715, -0.004478126298636198, -0.013891052454710007, 0.0312991738319397, 0.010162688791751862, 0.00650589307770133, 0.005957203451544046, -0.004737135488539934, -0.008186042308807373, -0.03089021146297455, -0.003510251408442855, 0.013284427113831043, 0.021756742149591446, -0.0056845624931156635, 0.018212411552667618, 0.03656114265322685, -0.02517838589847088, 0.002261215355247259, -0.0025679362006485462, -0.004795071668922901, 0.015676850453019142, 0.01177127007395029, 0.0042088935151696205, 0.01783071458339691, 0.006696741562336683, -0.012234759517014027, 0.0008639307925477624, -0.018430523574352264, -0.015486001968383789, 0.03555237129330635, -0.028109274804592133, 0.02087065950036049, -0.006809206213802099, 0.02791842631995678, 0.035825010389089584, -0.010830659419298172, -0.014109165407717228, -0.036970105022192, 0.017217271029949188, 0.02013452909886837, 0.0026446166448295116, 0.010149057023227215, -0.02385607734322548, -0.002717888681218028, 0.012289287522435188, 0.0005751018761657178, 0.006216212175786495, -0.006829653866589069, 0.009617406874895096, 0.03015408106148243, 0.019207550212740898, -0.006407060660421848, -0.6530294418334961, -0.02974512055516243, 0.01689010299742222, -0.005306273233145475, -0.0012490360531955957, 0.0028610252775251865, -0.015772275626659393, -0.02155226096510887, -0.023174474015831947, 0.042041223496198654, -0.018594108521938324, -0.02072070725262165, -0.004924575798213482, -0.022751880809664726, 0.001767053734511137, -0.009910495951771736, -0.005316497292369604, -0.014572654850780964, 0.011369124986231327, 0.013693388551473618, -0.006880774162709713, -0.006021955516189337, -0.012596008367836475, 0.006199172232300043, -0.019262079149484634, -0.004334989935159683, 0.017462648451328278, 0.005251744762063026, 0.0025866804644465446, 0.011907590553164482, -0.01674015074968338, 0.021156933158636093, 0.003079137997701764, -0.00602877140045166, 0.04506753757596016, 0.0011868398869410157, -0.028681820258498192, 0.03099926747381687, 0.013250347226858139, 0.01904396526515484, -0.01404100563377142, 0.003130258060991764, -0.004011229146271944, 0.010428513400256634, -0.005255152937024832, 0.02816380374133587, 0.015145201236009598, -0.006045811343938112, 0.000687992200255394, -0.017939770594239235, -0.0020771827548742294, 0.014790767803788185, 0.007115927059203386, -0.021116036921739578, -0.0005188696668483317, 0.01052393764257431, 0.01855321228504181, -0.018907645717263222, 0.00044346743379719555, -0.022683721035718918, -0.007102294825017452, 0.0031933062709867954, -0.02029811404645443, -0.007177271414548159, -0.019834624603390694, 0.02318810671567917, -0.021484101191163063, 0.0025065920781344175, -0.0016247692983597517, -0.013311690650880337, -0.012568744830787182, 0.02204301580786705, 0.011505445465445518, -0.01923481374979019, -0.006236660294234753, 0.007783897221088409, 0.013045866042375565, -0.003738588187843561, -0.006584277376532555, 0.022315656766295433, 0.0025866804644465446, -0.022888202220201492, 0.0022424713242799044, -0.016971895471215248, 0.03448907285928726, -0.01946655847132206, 0.01562232244759798, 0.004604222718626261, -0.007347671780735254, 0.014177326112985611, 0.016276661306619644, 0.010435329750180244, -0.015635954216122627, -0.04182311147451401, 0.01018995326012373, 0.014300013892352581, -0.023092683404684067, -0.008049721829593182, 0.008928989060223103, -0.010701154358685017, -0.006700149737298489, -0.006580869201570749, 0.023583436384797096, 0.026555221527814865, 0.020488962531089783, 0.012827753089368343, 0.026459798216819763, 0.004890495911240578, 0.03072662651538849, -0.01631755754351616, -0.002823537215590477, 0.023597069084644318, 0.007252247538417578, -0.009119837544858456, 0.023229002952575684, -0.026228053495287895, 0.008588187396526337, -0.009726463817059994, 0.013897868804633617, -0.01359114795923233, 0.013407114893198013, -0.005214256700128317, 0.027659418061375618, -0.011818982660770416, -0.018198778852820396, 0.014518126845359802, 0.0012439240235835314, 0.003353482810780406, 0.021524997428059578, 0.021579526364803314, -0.007006870582699776, -0.016944630071520805, 0.024837585166096687, -0.013482091948390007, 0.04174131900072098, 0.02843644469976425, 0.02138867788016796, 0.007143191061913967, -0.005353985354304314, 0.0018556619761511683, -0.026214420795440674, -0.006618357263505459, -0.00019489563419483602, -0.019848255440592766, -0.052319783717393875, -0.029799647629261017, -0.014736239798367023, 0.009331134147942066, -0.01698552630841732, -0.007054582703858614, 0.0075521524995565414, -0.009467454627156258, -0.027795737609267235, 0.0009474270627833903, -0.012684617191553116, -0.004529246594756842, -0.00952198263257742, -0.018675900995731354, -0.002286775503307581, -0.028600027784705162, -0.0016656654188409448, 0.01466807909309864, -7.247348548844457e-05, 0.005660706199705601, -0.007797528989613056, -0.0036295317113399506, 0.019302973523736, 0.029608799144625664, -0.019207550212740898, -0.041223302483558655, 0.004781439434736967, -0.03369841352105141, 0.019780095666646957, 0.01814424991607666, -0.010128608904778957, 0.006502484902739525, -0.011744005605578423, 0.0187985897064209, -0.004304317757487297, -0.018539579585194588, -0.010224033147096634, 0.02385607734322548, -0.00294111343100667, -0.0072658793069422245, 0.013945581391453743, 0.01988915167748928, 0.006587685085833073, -0.012916361913084984, 0.0027110727969557047, 0.0036465718876570463, 0.014000109396874905, 0.013345771469175816, -0.013032234273850918, 0.01280048955231905, -0.01765349693596363, 0.023051787167787552, -0.008315546438097954, 0.001444996683858335, -0.0029445216059684753, 0.025832723826169968, 0.005766354501247406, 0.009556062519550323, 0.004075981210917234, -0.011812166310846806, 0.011069219559431076, -0.013284427113831043, -0.009651486761868, -0.026050835847854614, 0.004583774600178003, -0.012275655753910542, 0.00214193481951952, -0.013638860546052456, -0.01221431139856577, -0.02228839136660099, -0.009719647467136383, 0.03593406826257706, 0.0014373286394402385, 0.003939660731703043, -0.015254257246851921, -0.0015225289389491081, -0.0002779659116640687, -0.0030194977298378944, 0.017844345420598984, -0.005940163042396307, -0.012227943167090416, 0.00783160887658596, -0.0260099396109581, 0.0312991738319397, -0.008151962421834469, -0.006413876544684172, -0.0032887307461351156, 0.017626233398914337, 0.03039945848286152, 0.02344711497426033, 0.009406110271811485, -0.0007591344765387475, 0.03702463209629059, -0.010953347198665142, 0.023256266489624977, 0.01155997347086668, -0.013618412427604198, 0.018825853243470192, 0.0054391855373978615, -0.007967929355800152, 0.038306042551994324, -0.020352641120553017, 0.014599919319152832, 0.019330238923430443, -0.008833564817905426, 0.023065418004989624, -0.01979372836649418, 0.0023072233889251947, -0.015854068100452423, 0.0011041956022381783, -0.0010471113491803408, -0.02393786981701851, 0.011839429847896099, -0.0016758893616497517, 0.03926028683781624, 0.025628242641687393, 0.002022654516622424, 0.016685621812939644, 0.023597069084644318, -0.006921670399606228, 0.01213251892477274, -0.01639934815466404, -0.0007259063422679901, -0.007688472978770733, -0.006843286100775003, -0.0006845841999165714, -0.03435274958610535, -0.024006029590964317, 0.017694393172860146, -0.022233864292502403, 0.02088429220020771, 0.01616760343313217, -0.027659418061375618, 0.00629459647461772, 0.01491345651447773, 0.027114136144518852, -0.03568869084119797, -0.035007089376449585, 0.015049776993691921, 0.007620312739163637, -0.0068569183349609375, -0.008179226890206337, -0.040623489767313004, 0.006819430273026228, -0.003210346447303891, -0.013918316923081875, -0.024128718301653862, 0.021116036921739578, -0.01864863559603691, 0.006952342577278614, -0.01424548588693142, 0.010598914697766304, 0.03255332261323929, 0.0063354927115142345, -0.018853116780519485, -0.015077040530741215, -0.0037624442484229803, 0.012691432610154152, -0.027032343670725822, -0.0171627439558506, 0.036506615579128265, -0.016208499670028687, -0.03637029230594635, 0.0007178123341873288, -0.006580869201570749, 0.002014134544879198, 0.004737135488539934, 0.004887087736278772, 0.005275601055473089, 0.027400407940149307, 0.029363423585891724, 0.022806409746408463, 0.02012089639902115, 0.010074080899357796, 0.023215370252728462, 0.001433920580893755, -0.006025363691151142, -0.02577819488942623, -0.003864684607833624, 0.020570755004882812, 0.06390701979398727, 0.019098494201898575, -0.02287456952035427, 0.017339959740638733, -0.006533157080411911, -0.008117882534861565, -0.03031766600906849, -0.01648114062845707, 0.023215370252728462, 0.0035954515915364027, -0.021116036921739578, -0.027632152661681175, 0.014477230608463287, -0.010742050595581532, 0.023910604417324066, 0.00807698629796505, 0.000974691123701632, -0.026950551196932793, -0.00791340135037899, -0.0010581874521449208, -0.004069165326654911, 0.0030501699075102806, 0.04016000032424927, 0.03274416923522949, 0.009794623591005802, -0.0030075698159635067, 0.033016812056303024, 0.020584385842084885, -0.020311744883656502, -0.014804399572312832, -0.003021201817318797, 0.00385105237364769, 0.008349627256393433, 0.01699915900826454, -0.004082797095179558, 0.013686572201550007, 0.013918316923081875, -0.006260516121983528, 0.02378791756927967, -0.008151962421834469, 0.02212480828166008, 0.027441304177045822, 0.0031745622400194407, -0.001404100563377142, 0.0116349495947361, -0.012752776965498924, -0.01814424991607666, 0.022015750408172607, -0.015526898205280304, -0.018021563068032265, 0.024987537413835526, -0.0008289986872114241, -0.02494664117693901, -0.008901724591851234, 0.014272750355303288, 0.010571650229394436, -0.00267017656005919, 0.002145342994481325, -0.0037760762497782707, -0.03767896816134453, -0.02545102685689926, -0.024319566786289215, -0.002774121006950736, -0.010987427085638046, -0.022274760529398918, 0.012098439037799835, -0.022820042446255684, 0.006407060660421848, -0.01789887435734272, 0.015063408762216568, -0.009562878869473934, -0.02452404797077179, -0.035497844219207764, -0.0034591311123222113, 0.009194813668727875, 0.018185146152973175, 0.027713945135474205, 0.0004125823325011879, -0.0026531366165727377, 0.023065418004989624, 0.004007820971310139, -0.02136141248047352, 0.01416369341313839, -0.01205754280090332, 0.008908540941774845, -0.00515632051974535, -0.024728527292609215, -0.03138096630573273, -0.007845241576433182, -0.0005031076143495739, 0.00021172268316149712, 0.0006701001548208296, -0.014981616288423538, -0.0015915411058813334, -0.008295099250972271, 0.01300496980547905, 0.03279869630932808, 0.025955412536859512, -0.002107854699715972, -0.03896038234233856, 0.0025866804644465446, -0.018362363800406456, -0.025219282135367393, -0.018021563068032265, 0.010135424323379993, 0.00621280400082469, 0.009065309539437294, 0.01258919294923544, -0.00828146655112505, -0.017708025872707367, 0.023474380373954773, -0.009167549200356007, 0.033752940595149994, 0.0035477394703775644, 0.007490808144211769, 0.00038808726822026074, -0.0011928038438782096, 0.011532709002494812, 0.024960272014141083, -0.03836057335138321, -0.0023907197173684835, -0.03647935017943382, 0.025055697187781334, 0.009310686029493809, -0.02230202406644821, 0.027359511703252792, 0.014804399572312832, 0.007477176375687122, -0.02395150065422058, 0.018853116780519485, -0.006775125861167908, 0.019275709986686707, -0.007940665818750858, -0.014395438134670258, -0.025082960724830627, -0.018757693469524384, -0.0018744060071185231, -0.0013538324274122715, -0.03808793053030968, 0.002286775503307581, 0.019534718245267868, 0.015867698937654495, 0.004427006468176842, -0.013829709030687809, 0.0242786705493927, -0.02095245197415352, -0.010755682364106178, 0.01316855475306511, 0.010823843069374561, 0.022479239851236343, -0.006471812725067139, 0.02003910392522812, -0.03238973766565323, -0.00873814057558775, -0.004559918772429228, -0.025614609941840172, 0.006086707580834627, 9.19231115403818e-06, 0.026568854227662086, 0.003230794332921505, 0.04324084520339966, -0.035497844219207764, 0.013952396810054779, 0.020761603489518166, 0.0021930551156401634, -0.0032410183921456337, -0.008799483999609947, 0.002915553515776992, -0.008056538179516792, -0.015063408762216568, -0.003287026658654213, -6.603021029150113e-05, 0.016181236132979393, -0.017857978120446205, 0.023583436384797096, 0.04040537774562836, -0.022983625531196594, 0.0026224644389003515, -0.00611056387424469, -0.004086205270141363, -0.012664169073104858, -0.002733224770054221, -0.00314729823730886, -0.0017551257042214274, -0.017203640192747116, -0.007558968383818865, 0.024646734818816185, 0.00039064325392246246, 0.0060321795754134655, -0.0020465105772018433, 0.00016763154417276382, 0.0009993992280215025, 0.01288228202611208, 0.009590143337845802, 0.022179335355758667, -0.012077990919351578, -0.003881724551320076, -0.03751538693904877, 0.0028388730715960264, 0.01466807909309864, -0.012705065310001373, -0.0032427224796265364, 0.011130563914775848, -0.016971895471215248, 0.009903679601848125, -0.00621280400082469, 0.0024588799569755793, -0.010885187424719334, -0.015008880756795406, -0.018744060769677162, 0.01155997347086668, -0.03705189749598503, -0.002187943086028099, -0.010387617163360119, -0.004563326947391033, 0.002990529639646411, -0.009324317798018456, 0.03298954665660858, -0.029363423585891724, -0.001185135799460113, 0.022983625531196594, 0.013700203970074654, 0.04035085067152977, -0.015022512525320053, 0.033098604530096054, 0.017339959740638733, 0.0019442703342065215, -0.005933347158133984, -0.005970835220068693, 0.021756742149591446, -0.012868649326264858, 0.01048304233700037, 0.01780344918370247, -0.024469519034028053, -0.011519077233970165, 0.02219296805560589, 0.020529858767986298, -0.024892112240195274, -0.03950566425919533, 0.01533604972064495, 0.005330129060894251, 0.03258058428764343, -0.009685567580163479, -0.012623272836208344, -0.010387617163360119, 0.0018965580966323614, -0.012152967043220997, 0.003149002091959119, -0.012998154386878014, -0.018048826605081558, -0.001041147392243147, 0.0175717044621706, 0.010196768678724766, -0.0061480519361793995, -0.003966924734413624, 0.0036636118311434984, 0.019521087408065796, 0.00770892109721899, -0.005694786552339792, 0.0019970943685621023, -0.00385105237364769, 0.035007089376449585, 0.0026326884981244802, 0.016631092876195908, -0.012786857783794403, -0.00223735929466784, 0.0011663917684927583, 0.014940720051527023, -0.0012831161729991436, 0.02626894973218441, -0.024796688929200172, 0.021988486871123314, 0.009794623591005802, 0.00857455562800169, -0.001511452835984528, -0.003510251408442855, -0.0006918262224644423, -0.021061507984995842, -0.0017909097950905561, 0.00664562126621604, 0.017012791708111763, 0.003269986482337117, -0.012337000109255314, -0.0035443315282464027, -0.005691378377377987, -0.019493823871016502, -0.011880326084792614, -0.015758642926812172, 0.006332084536552429, -0.02892719767987728, -0.0003410140925552696, 0.01649477332830429, 0.008813116699457169, 0.022888202220201492, -0.02037990652024746, -0.021075140684843063, -0.006390020716935396, 0.00836325902491808, -0.025341970846056938, 0.0035409233532845974, -0.0030501699075102806, -0.005152912810444832, -0.018444156274199486, -0.006655845325440168, -0.006679701618850231, -0.0001018675829982385, 0.020693443715572357, -0.022820042446255684, -0.018375994637608528, 0.0038033402524888515, 0.009576510637998581, 0.0050779362209141254, 0.0034625392872840166, -0.009631039574742317, 0.013161738403141499, -0.004812111612409353, 0.002733224770054221, -0.02014816179871559, -0.002535560168325901, -0.0027690089773386717, -0.004130509216338396, -0.006863734219223261, 0.022356553003191948, -0.017530808225274086, 0.016930999234318733, -0.0022561033256351948, -0.0015140088507905602, -0.028545500710606575, -0.0359613336622715, -0.007115927059203386, 0.007368119899183512, -0.003327922662720084, 0.009044861420989037, -0.02336532436311245, -0.015172464773058891, -0.013897868804633617, -0.007620312739163637, 0.023719755932688713, -0.0219475906342268, 0.006120787933468819, 0.02742767333984375, 0.024414990097284317, 0.025232912972569466, 0.011164643801748753, -0.006965974345803261, -0.00886082835495472, 0.003149002091959119, -0.00786568969488144, -0.034025583416223526, 0.0015123048797249794, -0.02519201673567295, 0.042286600917577744, -0.007797528989613056, -0.008520027622580528, 0.001007067272439599, -0.024074189364910126, -0.05387383699417114, 0.004808703437447548, -0.005998099222779274, 0.029881440103054047, 0.006274148356169462, 0.019698303192853928, 0.015295153483748436, 0.012064359150826931, -0.0006620061467401683, 0.010857922956347466, -0.007824793457984924, -0.015676850453019142, -0.006533157080411911, -0.023801548406481743, 0.009876416064798832, 0.008826748467981815, -0.013768364675343037, -0.001973238307982683, 0.018212411552667618, -0.016208499670028687, -0.0009431670769117773, 0.01214615162461996, -0.018362363800406456, -0.02594177983701229, 0.019521087408065796, 0.008349627256393433, -0.004771215375512838, -0.008390523493289948, 0.006103747524321079, -0.012909545563161373, 0.001015587244182825, 0.017708025872707367, -0.03623397275805473, -0.01814424991607666, -0.00429068598896265, 0.01301178615540266, 0.010864739306271076, 0.01607218012213707, 0.010776130482554436, -0.02046169899404049, 0.023965133354067802, -0.02385607734322548, 0.040541697293519974, -0.018689531832933426, 0.011812166310846806, 0.013836524449288845, 0.026473429054021835, -0.0014628887875005603, -0.022983625531196594, -0.001548088970594108, 0.014654447324573994, 0.003864684607833624, 0.028381915763020515, -0.02635074034333229, 0.010926083661615849, -0.03497982397675514, -0.011178276501595974, -0.008376890793442726, -0.014654447324573994, -0.014218222349882126, -0.005878819152712822, -0.028709085658192635, 0.03503435477614403, 0.0216340534389019, -0.03887858986854553, -0.006100339815020561, -0.0038203804288059473, -0.00815877877175808, 0.0010419993195682764, -0.015008880756795406, 0.005183584988117218, -0.012861833907663822, -0.011723557487130165, -0.0007080142968334258, -0.012452872470021248, -0.008063354529440403, -0.006488853134214878, 0.02982691302895546, 0.010660258121788502, 0.0016435133293271065, 0.2027357667684555, -0.04566734656691551, -0.0007979006040841341, 0.018280571326613426, 0.001433920580893755, 0.011171460151672363, 0.03290775418281555, 0.016699254512786865, -0.025042064487934113, 0.0044951667077839375, -0.006979606579989195, -0.011178276501595974, -0.03217162564396858, 0.0009542430634610355, 0.007558968383818865, -0.004593998659402132, -0.0316808708012104, -0.03887858986854553, -0.008601820096373558, 0.011887142434716225, -0.0014032485196366906, 0.0002679548633750528, -0.010748866945505142, -0.013938765041530132, 0.004536062479019165, -0.0045701428316533566, 0.02287456952035427, 0.0079202177003026, 0.0052653769962489605, -0.0076134963892400265, -0.009903679601848125, -0.000751466432120651, 0.0018761100945994258, -0.0062059881165623665, -0.015785906463861465, 0.000949131092056632, 0.0070341345854103565, -0.014150061644613743, 0.003121738089248538, -0.0002939409459941089, -0.0079202177003026, -0.0031762663275003433, 0.02485121600329876, -0.031435493379831314, 0.008615451864898205, 0.040977925062179565, -0.009549247100949287, -0.013925133273005486, -0.01806245930492878, 0.005677746143192053, -0.010196768678724766, 0.02517838589847088, 0.0282455962151289, 0.03080841898918152, 0.012657352723181248, -0.0027621928602457047, -0.011280516162514687, 0.00544940959662199, -0.005664114374667406, 0.004406558349728584, -0.027195928618311882, -0.008513211272656918, -0.0013103802921250463, 0.017912505194544792, 0.009126653894782066, 0.008431418798863888, 0.007620312739163637, -0.007327223662286997, -0.0024077598936855793, -0.018512316048145294, -0.01316855475306511, -0.017121847718954086, -0.015758642926812172, 0.003493211232125759, -0.024510415270924568, -0.04506753757596016, 0.0430772602558136, 0.028899934142827988, 0.015690483152866364, 0.04662159085273743, -0.00057211983948946, -0.032362472265958786, -0.006062851753085852, -0.02949974313378334, -0.007954297587275505, -0.005353985354304314, 0.002295295475050807, -0.013543435372412205, -0.001335088280029595, -0.017094584181904793, -0.009447006508708, -0.010155872441828251, -0.016590198501944542, 0.012200679630041122, 0.014150061644613743, 0.002527040196582675, 0.029063517227768898, -0.0034318671096116304, 0.0041509573347866535, -0.023419851437211037, -0.0219475906342268, 0.057963453233242035, 0.03465265780687332, 0.004225933458656073, 0.002608832437545061, -0.001983462367206812, -0.01540420949459076, -0.003179674269631505, 0.002368567744269967, -0.003206938272342086, 0.01573137938976288, -0.04332263767719269, 0.009849151596426964, -0.007661208976060152, -0.008554107509553432, 0.010046816430985928, -0.0008963068830780685, 0.00196642242372036, 0.038387835025787354, 0.0076134963892400265, -0.00894262082874775, -0.018416890874505043, 0.009038045071065426, 0.010360353626310825, -0.010932899080216885, -0.028600027784705162, -0.03296228125691414, 0.00573568232357502, -0.034843504428863525, -3.889925210387446e-05, -0.0016043211799114943, -0.031271908432245255, 0.027713945135474205, 0.003949884790927172, 0.024674000218510628, -0.01061254646629095, -0.005289233289659023, -0.003063801908865571, -0.00849957950413227, -0.0178852416574955, 0.013175370171666145, -0.03686104714870453, 0.007299959659576416, -0.0005431517492979765, 0.009337950497865677, -0.009303869679570198, -0.00687395827844739, 0.00982188805937767, -0.0058038425631821156, -0.009876416064798832, -0.007211351301521063, -0.006021955516189337, -0.00111867964733392, 0.0007459284388460219, 0.02130688540637493, 0.020080000162124634, -0.01235063187777996, -0.006904630456119776, -0.0018232859438285232, 0.025219282135367393, -0.04215028136968613, -0.00011800238280557096, 0.01098061166703701, -0.008417787030339241, -0.006352532655000687, -0.005933347158133984, -0.17492638528347015, -0.011737190186977386, 0.012575560249388218, -0.0402417927980423, 0.019275709986686707, -0.0030024577863514423, 0.027863897383213043, -0.010585281997919083, -0.018853116780519485, -0.013345771469175816, 0.008983517065644264, -0.006021955516189337, -0.026323476806282997, -0.027863897383213043, -0.015758642926812172, 0.0014901527902111411, -0.011389573104679585, 0.0028133131563663483, 0.009099389426410198, -0.0012848201440647244, 0.02485121600329876, -0.04051443561911583, -0.009215261787176132, -0.007538520265370607, 0.0004247233737260103, -0.0165629331022501, -0.008247386664152145, 0.014981616288423538, -0.002544080140069127, -0.038605947047472, -0.004028269089758396, -0.006764901801943779, 0.012889097444713116, -0.011300964280962944, 0.0007842685445211828, 0.01649477332830429, 0.01081702671945095, -0.001477372832596302, -0.02933615818619728, 0.005895859096199274, 0.01541784219443798, 0.036751989275217056, 0.007538520265370607, -0.013154922984540462, -0.026800598949193954, 0.022315656766295433, 0.04002368077635765, -0.016453877091407776, 0.013413931243121624, -0.014204589650034904, 0.001631585299037397, -0.015390577726066113, 0.03557963669300079, 4.797840665560216e-05, -0.001983462367206812, 0.007620312739163637, 0.017026422545313835, 0.01003318466246128, -0.018948541954159737, 0.005895859096199274, 0.0020362865179777145, -0.009971840307116508, 0.02269735373556614, 0.015867698937654495, 0.017626233398914337, -0.025069329887628555, -0.00903122965246439, 0.014899823814630508, -0.027468569576740265, 0.010155872441828251, 0.004137325566262007, 0.005071120336651802, -0.00916073378175497, -0.02162042260169983, 0.016126709058880806, 0.018839484080672264, 0.0033807470463216305, 0.015172464773058891, 0.0101081607863307, 0.014368174597620964, -0.0229563619941473, 0.023637965321540833, -0.0070886630564928055, -0.0009712831233628094, -0.01863500475883484, -0.00961059145629406, -0.006103747524321079, 0.003500027349218726, -0.004219117574393749, -0.012405159883201122, 0.02303815446794033, -0.017367223277688026, -0.01292317733168602, -0.020897923037409782, 0.002136823022738099, 0.012193863280117512, 0.006267332471907139, -0.019098494201898575, -0.001915302244015038, -0.024646734818816185, 0.018525948747992516, -7.694649684708565e-05, -0.003888540668413043, -0.020747970789670944, 0.03661566972732544, -0.0023413035087287426, -0.0232698991894722, -0.004662158899009228, 0.03953292965888977, -0.027577625587582588, 0.006993238814175129, -0.014995248056948185, 0.01337985135614872, 0.00837007537484169, 0.0008583927992731333, 0.01781708188354969, -0.012534664943814278, -0.003106402000412345, 0.019439294934272766, 0.000462637486634776, 0.04258650541305542, -0.015881331637501717, -0.006226436235010624, 0.013488907366991043, -0.003500027349218726, -0.014681711792945862, -0.11876236647367477, -0.009910495951771736, -0.0011391276493668556, 0.024564944207668304, -0.021688582375645638, 0.009862784296274185, -0.008731324225664139, 0.034434542059898376, -0.027904793620109558, 0.04457678273320198, 0.0007523184176534414, -0.013448011130094528, 0.009862784296274185, 0.012705065310001373, 0.0007455024169757962, 0.0023992396891117096, 0.030099553987383842, -0.00042621439206413925, -0.008022458292543888, 0.04013273864984512, -0.0007391123799607158, 0.007756633218377829, 0.005998099222779274, -0.026814229786396027, -0.007313591428101063, 0.012255207635462284, -0.017762552946805954, 0.019752832129597664, 0.006287780124694109, 0.010448961518704891, 0.004307725932449102, -0.018607739359140396, 0.021906694397330284, -0.0037045080680400133, 0.02130688540637493, -0.00044431944843381643, 0.005377841182053089, -0.016535669565200806, 0.034434542059898376, -0.0148316640406847, -0.003561371471732855, 0.012814121320843697, -0.004781439434736967, -0.014081901870667934, -0.010121792554855347, -0.023065418004989624, -0.008710876107215881, 0.018185146152973175, 0.02072070725262165, -0.0343254879117012, -0.02791842631995678, -0.015813171863555908, -0.03893311694264412, 0.007981562055647373, 0.024142349138855934, -0.004559918772429228, 0.0018744060071185231, 0.011825798079371452, -0.009126653894782066, 0.002801385009661317, -0.002913849428296089, -0.0031387782655656338, -0.043131787329912186, 0.027945689857006073, 0.019834624603390694, 0.0012780041433870792, 0.0018590700346976519, -0.05144733563065529, 0.0174762811511755, -0.00770892109721899, 0.004781439434736967, 0.025478290393948555, -0.0039771487936377525, 0.0158404354006052, -0.03789708390831947, 0.019766464829444885, -0.006908038165420294, -0.03571595624089241, 0.005350577179342508, -0.0030689139384776354, -0.00741583202034235, -0.016685621812939644, -2.116694304277189e-05, -0.014081901870667934, -0.0033330346923321486, 0.00786568969488144, -0.011832614429295063, -0.018430523574352264, -0.0015088968211784959, -0.00994457583874464, -0.0069727906957268715, 0.011628133244812489, 0.0009849151829257607, -0.02625531703233719, 0.012337000109255314, 0.017040055245161057, -0.020025473088026047, -0.01010134443640709, 0.03195350989699364, 0.029472479596734047, -0.010339905507862568, 0.006267332471907139, -0.048257436603307724, 0.03497982397675514, 0.0011391276493668556, -0.019780095666646957, 1.886387326521799e-05, -0.026650646701455116, 0.012780041433870792, -0.022479239851236343, 0.0014015445485711098, 0.03031766600906849, -0.03214436024427414, 0.012411976233124733, -0.022356553003191948, -0.018512316048145294, -0.032935019582509995, 0.003677243832498789, 0.01708095148205757, -0.008901724591851234, 0.007102294825017452, 0.026378005743026733, 0.01590859517455101, -0.009337950497865677, 0.015881331637501717, 0.015186097472906113, 0.004133917391300201, -0.005664114374667406, -0.01641298085451126, 0.025205649435520172, 0.0014748168177902699, 0.005674338433891535, 0.011416836641728878, -0.016753781586885452, -0.014436334371566772, 0.010067264549434185, -0.025573715567588806, -0.02047532983124256, 0.034189168363809586, 0.02395150065422058, 0.010299009270966053, 0.05992646515369415, -0.015295153483748436, -0.034925296902656555, 0.008042906410992146, -0.012112070806324482, -0.01321626640856266, 0.008192858658730984, -0.02103424444794655, -0.006311636418104172, 0.025669138878583908, -0.00799519382417202, 0.019984576851129532, 0.019861888140439987, -0.0053948815912008286, -0.042123015969991684, -0.0067274137400090694, -0.0025287442840635777, 0.014640815556049347, 0.00555164972320199, 0.037788026034832, 0.012643720954656601, 0.013066314160823822, 0.004808703437447548, -0.0049177599139511585, 0.0011331636924296618, -0.010292192921042442, -0.0049177599139511585, -0.014272750355303288, 0.00886082835495472, -0.01972556859254837, -0.01706731878221035, -0.00267017656005919, 0.018934909254312515, 0.006345716305077076, 0.025205649435520172, 0.012418792583048344, -0.009187997318804264, 0.012248391285538673, 0.03217162564396858, -0.00770892109721899, 0.01731269620358944, -0.00952198263257742, -0.00223735929466784, -0.0014219925506040454, 0.019343869760632515, 0.020311744883656502, -0.012241575866937637, -0.01648114062845707, 0.010885187424719334, -0.02006636932492256, -0.002194759203121066, 0.02046169899404049, 0.012262023985385895, 0.0009269790025427938, 0.0085813719779253, -0.00012993041309528053, 0.015226992778480053, -0.0013103802921250463, -0.0006138680037111044, 0.02328353188931942, 0.010305825620889664, 0.029390687122941017, -0.015758642926812172, -0.01511793676763773, -0.032853227108716965, -0.004883679561316967, -0.0016648133751004934, -0.0266097504645586, -0.002337895566597581, 0.013032234273850918, 0.030644835904240608, 0.0029581536073237658, -0.011219172738492489, 0.00573568232357502, 0.00635934853926301, -0.008547292090952396, 0.009917312301695347, -0.01904396526515484, -0.0038101563695818186, -0.033180397003889084, 0.02220659889280796, 0.021238723769783974, 0.013448011130094528, 0.050656676292419434, 0.0028030890971422195, -0.00161028525326401, 0.014231854118406773, 0.027618521824479103, -0.022492872551083565, 0.024551311507821083, 0.008935804478824139, 0.00799519382417202, 0.014640815556049347, -0.02843644469976425, -0.02684149518609047, -0.02410145476460457, 0.0009465750772505999, 0.011703110300004482, 0.022929098457098007, -0.0035409233532845974, 0.06652437150478363, 0.0202163215726614, -0.019153021275997162, 0.02320173941552639, -0.003994188737124205, 0.021933959797024727, 0.007177271414548159, 0.016344821080565453, 0.004072573035955429, -0.022738249972462654, -0.008908540941774845, -0.01713547855615616, 0.00043175238533876836, -0.03203530237078667, -0.0273322481662035, -0.010067264549434185, 0.00010937585466308519, 0.021893063560128212, -0.013202634640038013, -0.012575560249388218, 0.029608799144625664, -0.0013478683540597558, 0.012439239770174026, -0.00011757638276321813, -0.019998209550976753, -0.003097882028669119, 0.01193485502153635, 0.01798066683113575, -0.004716687370091677, -0.014395438134670258, 0.027550360187888145, 0.025996308773756027, -0.03669746220111847, -0.011362308636307716, -0.01446359883993864, -0.007845241576433182, -0.001990278484299779, -0.02485121600329876, 0.006093523930758238, 0.004103245213627815, 0.006233252119272947, 0.00894262082874775, -0.01047622598707676, -0.02602357231080532, 0.006352532655000687, 0.007477176375687122, -0.01631755754351616, 0.003024609759449959, -0.025164753198623657], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='77c16c6d-c48e-4e0f-8a4e-c5312c309092', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '1', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_type': 'application/pdf', 'file_size': 1719588, 'creation_date': '2024-02-25', 'last_modified_date': '2024-01-15', 'last_accessed_date': None}, hash='4c1e0bb3a13f4c656b05edcf75196711b7a56cd8e5b0ce1e76f1c2caf19a570e')}, text='2023a), and others have emerged strong capabilities\\nin reasoning (Cobbe et al. 2021), planning (Huang et al.\\n2022), and learning from experience (Dong et al. 2023)\\nat or surpassing human levels. These general capabilities\\nalso provide a foundation for LLMs to address intricate\\n*These authors contributed equally.\\n†Corresponding Author\\nVocabulary  \\nExtensionFurther  \\nPretrainingInstruction\\nTuning\\nVocabulary  \\nExtensionFurther  \\nPretrainingInstruction\\nTuning\\nVocabulary  \\nExtensionFurther  \\nPretrainingInstruction\\nTuningLLaMA\\nEnglishLLaMA\\nChineseLLaMA\\nHindi\\nLLaMA\\nArabicFigure 1: Pretrained LLaMA models, which are primarily\\ntrained on English-dominated corpus (as depicted on the\\nleft), are not inherently proficient in handling non-English\\nlanguages. We aim to investigate the necessity of vocabulary\\nextension, further pretraining, and instruction tuning, as\\nwell as to what extent they influence the capability\\ntransfer. This exploration enables us to efficiently transfer\\nLLaMA’s language capabilities to non-English languages\\n(as illustrated on the right), minimizing costs in the process.\\nreal-world tasks, such as successfully completing the entire\\nUniform Bar Examination (UBE) (Katz et al. 2023) or\\ncoding based on natural language instructions (StabilityAI\\n2023).\\nMany well-known LLMs are capable of comprehending\\ninput and generating responses across different languages,\\nthanks to their pretraining on a diverse mix of corpus\\nfrom multiple languages. However, due to the imbalanced\\ndistribution of language resources, collecting extensive\\ntraining data for all languages is nearly impossible (Ranta\\nand Goutte 2021). Taking the representative LLM BLOOM\\n(Scao et al. 2023) as an example, it has been pretrained on\\n46 natural languages. Yet, this number accounts for only\\n0.66% of the roughly 7,000 languages currently in use.\\nMoreover, within the corpus of these 46 languages, there\\nexists extreme imbalance, with the high-resource English\\ntexts being 2.8 million times more than that of the low-\\nresource Chitumbuka language. This is not an isolated case.\\n', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='36633fb0-5c90-44f7-a556-33b646c34387', embedding=[-0.007932406850159168, 0.0179782435297966, 0.009524524211883545, -0.018922243267297745, 0.002976413816213608, 0.011010969989001751, -0.0319550596177578, 0.021331554278731346, -0.009179331362247467, -0.028559483587741852, 0.02048618160188198, 0.015188517048954964, -0.006946139968931675, 0.009461121633648872, -0.010785537771880627, -0.015540755353868008, 0.017597826197743416, -0.014392457902431488, 0.003899278352037072, -0.008700286969542503, 0.011292761191725731, 0.0006410737405531108, -0.019795794039964676, -0.006903871428221464, 0.0028725035954266787, 0.018668631091713905, 0.009461121633648872, -0.029813451692461967, -0.007460407912731171, -0.012694669887423515, 0.010574194602668285, -0.01572391949594021, -0.02513572759926319, -0.005015873815864325, -0.025220263749361038, -0.015540755353868008, 0.009778136387467384, -0.01716105081140995, 0.024431250989437103, -0.02159925363957882, 0.019189944490790367, 0.024332623928785324, 0.022289641201496124, -0.013420280069112778, -0.0026048023719340563, 0.0020905344281345606, 0.02089477702975273, -0.02762957476079464, -0.01365980226546526, 0.01710469275712967, 0.04438202828168869, 0.044043879956007004, -0.020105764269828796, -0.0100106131285429, -0.00641073752194643, -0.010066971182823181, -0.0037055471912026405, 0.016836991533637047, 0.0027809215243905783, -0.00103117770049721, 0.01220858097076416, -0.015428039245307446, -0.012913057580590248, 0.025558413937687874, -0.004924291744828224, 0.006932050455361605, -0.03632281720638275, 0.039450693875551224, 0.014110667631030083, -0.00829873513430357, 0.009897897019982338, -0.008580525405704975, 0.0018016990507021546, -0.022050119936466217, 0.03192688152194023, 0.00834804866462946, -0.01741466298699379, -0.014920815825462341, -0.003318085102364421, 0.008805958554148674, 0.005966917145997286, 0.008650973439216614, 0.014765830710530281, 0.021881045773625374, 0.01644248515367508, -0.00827055610716343, 0.011792939156293869, 0.005850678775459528, -0.014441771432757378, -0.011659088544547558, 0.018119139596819878, 0.0036033981014043093, 0.036773681640625, 0.022388268262147903, -0.035364728420972824, 0.01486445777118206, -0.00020451837917789817, 0.01685108244419098, -0.0005622604512609541, -0.0253752488642931, -0.009003211744129658, 0.014103623107075691, -0.03274407610297203, -0.008862316608428955, -0.019133586436510086, -0.00413880031555891, 0.009256822988390923, 0.02896808087825775, -0.003652711398899555, 0.01696379855275154, -0.03716818988323212, 0.03147601708769798, 0.009545658715069294, -0.05632995441555977, 0.005850678775459528, -0.032603178173303604, 0.016724275425076485, -0.021289285272359848, -0.0005133873783051968, -0.016991976648569107, 0.03468843176960945, 0.025558413937687874, 0.008693242445588112, 0.0067594535648822784, 0.012250849045813084, 0.02124701626598835, -0.01376547385007143, -0.022712327539920807, -0.025347070768475533, 0.002051788382232189, 0.02027483843266964, 0.024910295382142067, 0.003164861351251602, -0.007932406850159168, -0.014850367791950703, 0.039873380213975906, -0.02058480866253376, -0.0014248040970414877, 0.006502319592982531, -0.00029147721943445504, 0.002789727644994855, 0.03387123718857765, -0.01996486820280552, 0.003196562873199582, -0.01920403353869915, 0.015103979967534542, 0.008115570992231369, 0.010989835485816002, -0.0033110403455793858, 0.004565008915960789, 0.014322010800242424, -0.04536829888820648, 0.01032058335840702, 0.009644285775721073, 0.01113073155283928, 0.024853937327861786, 0.010806672275066376, 0.024811668321490288, -0.024853937327861786, -0.009644285775721073, -0.02850312553346157, 0.014300876297056675, 0.018865885213017464, 0.012666490860283375, 0.001662564929574728, 0.01899269036948681, 0.03280043229460716, -0.0034713088534772396, -0.00372315919958055, -0.01461084559559822, -0.021275194361805916, 0.026009278371930122, -0.006548110395669937, 0.002821428934112191, -0.0031789508648216724, 0.02891172282397747, 0.03418120741844177, -0.015949351713061333, -0.024811668321490288, -0.017301946878433228, 0.003076801775023341, 0.005216649733483791, 0.006696050520986319, 0.0027051903307437897, -0.023332267999649048, 0.007883094251155853, 0.0021063853055238724, -0.029700735583901405, 0.030010705813765526, 0.0012786251027137041, 0.03502658009529114, 0.038999829441308975, 0.0025572502054274082, -0.0006674916367046535, -0.6303093433380127, -0.0376754105091095, -0.016527023166418076, -0.005558320786803961, 0.008573480881750584, 0.009869717992842197, -0.004952470771968365, -0.006562199909240007, -0.013857056386768818, 0.024783488363027573, -0.031081510707736015, -0.008319869637489319, 0.001863340730778873, -0.02605154737830162, -0.015456218272447586, -0.016259321942925453, -0.0022120566572993994, -0.01883770525455475, -0.002581906970590353, 0.020415734499692917, -0.007995810359716415, 0.010123329237103462, -0.02104976214468479, -0.0006974319112487137, -0.01401908602565527, 0.0016502365469932556, 0.02813679724931717, -0.01287078857421875, 0.005417425651103258, -0.003740770975127816, -0.027756379917263985, 0.0159775298088789, -0.003913367632776499, -0.0035787413362413645, 0.04071875289082527, -0.023628147318959236, -0.020711613819003105, 0.013223026879131794, 0.024191727861762047, 0.023783132433891296, -0.04350847750902176, -0.01680881343781948, -0.007883094251155853, 0.03156055510044098, -0.006960229482501745, 0.009721778333187103, 0.0207961518317461, 0.010052882134914398, -0.017738722264766693, -0.02850312553346157, -0.004434680566191673, 0.01899269036948681, 0.02605154737830162, -0.009059569798409939, 0.0064248270355165005, 0.0062487078830599785, 0.02768593281507492, -0.029644377529621124, -0.0055266194976866245, 0.00011018455552402884, -0.012567863799631596, 0.0019549226853996515, -0.014934904873371124, -0.012990549206733704, -0.011306850239634514, 0.01032058335840702, 0.00916524138301611, 0.019316749647259712, 0.009306136518716812, 0.002159220864996314, -0.019316749647259712, 0.018415020778775215, -0.004931336734443903, -0.00463545648381114, -0.0022490418050438166, 0.021824687719345093, -0.01039807591587305, -0.0011447746073827147, -0.006981363520026207, -0.0018651019781827927, 0.01363866776227951, -0.019626719877123833, 0.0009545658831484616, -0.0025590115692466497, 0.0522158108651638, -0.0006899468135088682, 0.002580145839601755, 0.004610799718648195, -0.0070306770503520966, -0.0013614011695608497, 0.016217052936553955, 0.02420581877231598, -0.019936690106987953, -0.014512219466269016, 0.004089487250894308, 0.013117355294525623, 0.0072067962028086185, 0.007876048795878887, 0.017301946878433228, -0.015484397299587727, 0.001814027433283627, -0.004455815069377422, 0.049566976726055145, 0.0049031577073037624, 0.008700286969542503, 0.0015797888627275825, -0.006245185621082783, 0.01039807591587305, 0.009235689416527748, -0.02262778952717781, -0.005184948444366455, 0.007932406850159168, -0.01920403353869915, -0.016076156869530678, 0.003621010109782219, -0.03389941528439522, 0.023769043385982513, -0.011778850108385086, 0.002539638429880142, -0.014695383608341217, 0.022036030888557434, 0.006470618303865194, -0.0005358425551094115, 0.00936954002827406, 0.011039149016141891, 0.021726060658693314, -0.014420636929571629, -0.01980988308787346, -0.009024346247315407, 0.004561486188322306, 0.019781704992055893, -0.004413546063005924, 0.025051189586520195, -0.02200785093009472, 0.022853223606944084, -0.009806315414607525, 0.024755310267210007, -0.010701000690460205, 0.018217766657471657, -0.009151151403784752, -0.017301946878433228, 0.0033797267824411392, 0.010588284581899643, -0.011497058905661106, -0.04815802350640297, -0.03147601708769798, -0.027080083265900612, -0.004945426248013973, 0.002934145275503397, 0.016470665112137794, 0.004082442261278629, -0.01980988308787346, -0.025826115161180496, 0.0163861270993948, -0.015583023428916931, -0.018203677609562874, -0.008608704432845116, -0.015230785124003887, -0.011391387321054935, -0.019626719877123833, 0.008967988193035126, 0.027643663808703423, -0.011250492185354233, 0.012074730359017849, 0.00294295116327703, 0.0007982600945979357, 0.00906661432236433, 0.045734625309705734, -0.02303638681769371, -0.028277693316340446, -0.004385367035865784, -0.01710469275712967, -0.003670323407277465, 0.010461478494107723, 0.006484707817435265, 0.005903514567762613, -0.0014741173945367336, 0.0017198036657646298, -0.004533307161182165, -0.013124399818480015, 0.00750972144305706, 0.03451935574412346, -0.001806982676498592, -0.004247994162142277, 0.01005992665886879, 0.009749957360327244, 0.03285679221153259, 0.010257179848849773, 0.013300519436597824, 0.0012028939090669155, 0.0136879812926054, 0.02436080388724804, -0.02344498410820961, 0.015273054130375385, 0.001438013045117259, 0.024910295382142067, -0.015850724652409554, -0.007685840595513582, 0.004385367035865784, 0.014977173879742622, -0.0020887732971459627, 0.019936690106987953, 0.017611917108297348, -0.015385770238935947, -0.0022243850398808718, -0.030348854139447212, 0.013504818081855774, -0.023360446095466614, 0.01396977249532938, -0.0037478157319128513, 0.012469236738979816, -0.01480809971690178, -0.031842343509197235, -0.02692509815096855, 0.01010924018919468, 0.04009881243109703, -0.005149724427610636, 0.011574551463127136, -0.004068352747708559, 0.00832691416144371, -0.015822546556591988, 0.004808053374290466, 0.019429465755820274, -0.007192706689238548, -0.011398432776331902, -0.014082488603889942, -0.012116998434066772, 0.02348725125193596, 0.021528806537389755, -0.008939809165894985, -0.006710140034556389, 0.005431515164673328, 0.01710469275712967, 0.01589299365878105, 0.002678772434592247, -0.0032317866571247578, 0.008186019025743008, -0.011490014381706715, 0.015244875103235245, 0.007153960410505533, -0.0026664442848414183, 0.0017972961068153381, -0.014568577520549297, -0.00653754360973835, 0.0277845598757267, -0.000755110930185765, 0.01935901865363121, 0.025572502985596657, -0.013370967470109463, -0.010708045214414597, -0.030095243826508522, 0.025163905695080757, -0.00646005105227232, 0.007918317802250385, 0.01210290938615799, -0.007925362326204777, 0.005248351022601128, 0.011623864993453026, 0.01470947265625, 0.014568577520549297, -0.0014054309576749802, 0.021289285272359848, 0.004853844176977873, -0.012758072465658188, 0.009341361001133919, -0.015921171754598618, -0.01904904842376709, -0.02124701626598835, -0.02665739692747593, -0.0018756691133603454, -0.028742648661136627, -0.024839846417307854, 0.006939094979315996, -0.04187409207224846, 0.013589355163276196, 0.01568165048956871, -0.011666133999824524, 0.002934145275503397, 0.03192688152194023, 0.0020500270184129477, -0.027446411550045013, -0.0597396194934845, 0.015583023428916931, -0.008834137581288815, -0.008178974501788616, -0.007481541950255632, -0.02161334455013275, 0.014138846658170223, -0.0038499650545418262, 0.0026752501726150513, 0.012680579908192158, 0.02130337432026863, 0.008397362194955349, 0.004811575636267662, -0.026488322764635086, 0.014794009737670422, 0.026178352534770966, -0.01966898888349533, -0.01957036182284355, 0.0008933644858188927, 0.003860532073304057, 0.00587181281298399, -0.020697524771094322, -0.03570287674665451, 0.04934154450893402, -0.0344066396355629, -0.00604088744148612, -0.009573837742209435, 0.002548444317653775, -0.023120924830436707, 0.009545658715069294, -0.00853121280670166, -0.004892590455710888, -0.0093977190554142, 0.0416768379509449, 0.006375513970851898, 0.00832691416144371, 0.0037619054783135653, 0.051004111766815186, -0.005435037426650524, -0.007460407912731171, -0.013525951653718948, 0.007798556704074144, -0.00015454457025043666, 0.04407206177711487, 0.01118708960711956, -0.012039505876600742, 0.013110310770571232, -0.03494204208254814, -0.015132158994674683, -0.017640095204114914, -0.01578027755022049, 0.009122972376644611, -0.002701668068766594, -0.018260035663843155, -0.00908774882555008, 0.0031525329686701298, 0.002967607928439975, 0.03953523188829422, 0.02348725125193596, 0.0008083869470283389, -0.020500270649790764, -0.012279028072953224, -0.022444626316428185, 0.009545658715069294, -0.003959158901125193, 0.017640095204114914, 0.00559354480355978, 0.023261819034814835, -0.024290354922413826, 0.026572858914732933, -0.007256109733134508, -0.0014644308248534799, -0.03891529142856598, 0.007354736328125, 0.006044409703463316, 0.019598539918661118, 0.02109203115105629, -0.010672821663320065, 0.03533655032515526, 0.008383272215723991, 0.01100392546504736, 0.004882023204118013, -0.0021081464365124702, 0.02624879963696003, 0.019640808925032616, 0.0034765922464430332, 0.018260035663843155, -0.010257179848849773, -0.014512219466269016, -0.0008788346312940121, 0.028939900919795036, -0.006949662230908871, -0.041451405733823776, 0.015949351713061333, -0.006646737456321716, -0.02445942908525467, -0.008932763710618019, 0.008495988324284554, 0.021218836307525635, -0.012088819406926632, 0.009306136518716812, -0.0058612460270524025, -0.031645093113183975, 0.0012442818842828274, -0.024811668321490288, -0.01655520126223564, -0.006516409106552601, 0.002064116531983018, 0.008397362194955349, -0.014152935706079006, 0.0018897586269304156, -0.02881309576332569, -0.0007057975744828582, -0.009468166157603264, -0.03048975020647049, -0.035167474299669266, 0.01787961833178997, 0.027911365032196045, 0.01573800854384899, 0.024079011753201485, -0.009764046408236027, -0.011165955103933811, 0.027488678693771362, -0.03747816011309624, 0.00596339488402009, 0.006689005997031927, -0.027545036748051643, 0.032659538090229034, -0.010017658583819866, 0.0011888043954968452, -0.014441771432757378, 2.82341043202905e-05, 0.001030297135002911, 0.020922956988215446, 0.006202917080372572, -0.014209294691681862, -0.005199037957936525, -0.01394159346818924, 0.024403071030974388, 0.01079962681978941, 0.027601394802331924, -0.014850367791950703, -0.020753882825374603, 0.0064283497631549835, -0.011567506939172745, -0.03288497030735016, -0.009700643830001354, -0.003279338823631406, -0.0020799674093723297, 0.01573800854384899, 0.011778850108385086, -0.01982397399842739, 0.0036421443801373243, 0.01935901865363121, -0.010870074853301048, 0.02298002876341343, -0.0093977190554142, 0.017597826197743416, 0.008390316739678383, 0.01694970764219761, -0.00035047714482061565, 0.006371991243213415, -0.0281508881598711, 0.001654639607295394, -0.024600325152277946, 0.0055442312732338905, 0.006562199909240007, 0.001910892897285521, 0.02823542430996895, -0.004889068193733692, 0.010658731684088707, -0.013166668824851513, 0.019471734762191772, -0.0024498174898326397, 0.02731960453093052, 0.008700286969542503, -0.01011628471314907, -0.03003888577222824, -0.001942594419233501, -0.010637597180902958, -0.001965489936992526, -0.028277693316340446, -0.02021848037838936, 0.02064116671681404, -0.0016731320647522807, -0.023628147318959236, -0.005674559623003006, 0.004452292341738939, -0.024529878050088882, -0.012152221985161304, -0.006150081288069487, 0.019640808925032616, 0.03170144930481911, -0.01583663560450077, 0.02231782115995884, -0.013779563829302788, -0.01613251492381096, 0.00631915545091033, -0.019894421100616455, -0.008946853689849377, 0.01807687059044838, 0.023022297769784927, 0.007643571589142084, 0.045424655079841614, -0.027404142543673515, -0.0015401621349155903, 0.01971125788986683, 0.0010126852430403233, -0.002990503329783678, 0.0069355727173388, -0.0027316082268953323, -0.002798533532768488, -0.005301186814904213, 0.021951492875814438, 0.00017931131878867745, 0.016893349587917328, -0.015174427069723606, 0.00829873513430357, 0.007876048795878887, 0.01024309080094099, -0.0044487700797617435, -0.005202560219913721, -0.023924026638269424, -0.01501944288611412, -0.009496345184743404, 0.00743222888559103, -0.004360710736364126, -0.03060246631503105, -0.013652757741510868, 0.010602373629808426, 0.0014265652280300856, 0.007728109136223793, 0.006664349231868982, 0.02390993759036064, -0.021331554278731346, 0.019274480640888214, 0.009883807972073555, 0.03973248228430748, -0.031588733196258545, 0.002213818021118641, -0.014012040570378304, 0.014484040439128876, 0.038999829441308975, 0.0023547131568193436, 0.03449117764830589, 0.026882829144597054, -0.0034184730611741543, -0.0007361781317740679, 0.0032634881790727377, 0.004402979277074337, -0.0038640545681118965, -0.01179998368024826, -0.025868382304906845, -0.007199751678854227, -0.04325486719608307, -0.019852152094244957, -0.009327271021902561, 0.005322321318089962, -0.008763689547777176, -0.0016070874407887459, 0.021317463368177414, -0.033279478549957275, -0.0376754105091095, 0.02379722148180008, 0.02636151760816574, 0.04209952428936958, -0.0031666227150708437, 0.02200785093009472, 0.013913414441049099, 0.003726681461557746, -0.0014265652280300856, 0.02824951335787773, 0.01455448754131794, -0.015709830448031425, 0.007932406850159168, 0.0033445029985159636, -0.010299448855221272, -0.006868647411465645, 0.013018729165196419, 0.02564295008778572, -0.016512932255864143, -0.02936258725821972, 0.022092388942837715, 0.010560105554759502, 0.02338862605392933, -0.020556628704071045, -0.008369183167815208, -0.009869717992842197, 0.0003432122175581753, -0.015456218272447586, 0.012173356488347054, -0.0004746411577798426, -0.00639664800837636, -0.0017603110754862428, 0.021486537531018257, 0.02661512792110443, 0.004931336734443903, 0.0019355496624484658, -0.013159624300897121, 0.03406849130988121, -0.007608348038047552, -0.0069743189960718155, -0.008848226629197598, -0.00903843529522419, 0.04412841796875, -0.0076999301090836525, 0.013096220791339874, 0.012307207100093365, 0.01900678128004074, 0.0026664442848414183, 0.00542447017505765, -0.009285002015531063, 0.02338862605392933, -0.014850367791950703, -0.004540352150797844, -0.004483994096517563, 0.005435037426650524, 0.010250135324895382, -0.005459694191813469, 0.0031208316795527935, 0.0026329816319048405, -0.02426217682659626, -0.00556536577641964, 0.023684505373239517, 0.017865527421236038, -0.011511148884892464, 0.008876405656337738, -0.001969012198969722, -0.019584450870752335, -0.0062487078830599785, -0.02104976214468479, -0.0025132205337285995, -0.03795720264315605, -0.004582620691508055, -0.005981006659567356, -0.024586236104369164, 0.017020156607031822, 0.006960229482501745, -0.021571075543761253, -0.0018193109426647425, 0.0057027386501431465, -0.021176569163799286, 0.039197079837322235, 0.017950065433979034, -0.026178352534770966, -0.012229714542627335, 0.017034245654940605, 0.013258250430226326, -0.012863744050264359, 0.02486802637577057, -0.009559748694300652, -0.015385770238935947, -0.020866598933935165, 0.0038323530461639166, 0.011412521824240685, 0.004114143550395966, 0.013631623238325119, 0.02513572759926319, 0.00019626280118245631, -0.009651330299675465, -0.006541065871715546, -0.013525951653718948, 0.024121280759572983, -0.012349476106464863, 0.006386080756783485, 0.003885188838467002, -0.001502296538092196, 0.009256822988390923, -0.02839040942490101, 0.0022842655889689922, -0.022599611431360245, -0.03694275766611099, 0.009566793218255043, 0.020922956988215446, -0.001070804544724524, 0.0020746837835758924, -0.01992259919643402, -0.017752811312675476, 0.00942589808255434, -0.01721740886569023, 0.012680579908192158, -0.019429465755820274, -0.0020359375048428774, 0.019880332052707672, 0.027545036748051643, 0.01568165048956871, -0.00455796392634511, -0.017611917108297348, 0.0008554988307878375, 0.01720331981778145, 0.005075754132121801, -0.023332267999649048, -0.01992259919643402, -0.021134300157427788, 0.04100054129958153, 0.011666133999824524, -0.034913863986730576, -0.0179782435297966, -0.006762975826859474, -0.024698952212929726, -5.528490510187112e-05, -0.006925005465745926, 0.005410380661487579, 0.021528806537389755, 0.02986980974674225, 0.0310533307492733, 0.02231782115995884, -0.014850367791950703, 0.0017796842148527503, -0.017710544168949127, 0.017428752034902573, 0.005484350956976414, -0.028277693316340446, -0.012328341603279114, 0.005752052180469036, -0.015399860218167305, -0.01555484440177679, 0.0204298235476017, 0.0018245945684611797, -0.0013622817350551486, 0.011602730490267277, -0.015921171754598618, -0.028489036485552788, 0.0013420280301943421, 0.008510078303515911, -0.011856342665851116, -0.010447388514876366, -0.0015436845133081079, -0.014751741662621498, -0.010609418153762817, 0.019978957250714302, -0.02262778952717781, -0.03206777945160866, -0.005037008319050074, 0.007960585877299309, 0.017583737149834633, 0.0145263085141778, 0.0017770424019545317, -0.02134564332664013, 0.016202963888645172, -0.02529071271419525, 0.022839132696390152, -0.012434013187885284, 0.010679866187274456, 0.03043339215219021, -0.006023275665938854, -0.009764046408236027, 0.008242377080023289, -0.008686196990311146, -0.008996167220175266, 0.0027139964513480663, 0.02992616780102253, -0.004434680566191673, 0.006442439276725054, -0.023571789264678955, -0.014822188764810562, -0.020852509886026382, -0.0237408634275198, -0.019246302545070648, -0.015244875103235245, -0.01945764571428299, 0.0187954381108284, 0.014033175073564053, -0.02293775975704193, 0.0011254014680162072, -0.0035664131864905357, 0.01818958669900894, 0.004177546594291925, -0.0008088272879831493, -0.008510078303515911, -0.006139514036476612, 0.004797486122697592, 0.007932406850159168, -0.005188470706343651, 0.0038182635325938463, 0.014300876297056675, -0.010052882134914398, -0.009390673600137234, -0.0025554890744388103, 0.2068343460559845, -0.030207959935069084, 0.02037346549332142, 0.021063853055238724, 0.0021222359500825405, -0.01376547385007143, 0.012624221853911877, 0.003413189435377717, -0.03381488099694252, 0.023360446095466614, 4.757969509228133e-05, -0.0036174876149743795, -0.024093102663755417, 0.0017858482897281647, 0.019542181864380836, -0.007615392562001944, -0.025192085653543472, -0.046044595539569855, -0.027390053495764732, 0.0020324152428656816, 0.0005164694739505649, 0.014455861411988735, 0.009637240320444107, -0.03389941528439522, 0.016639739274978638, -0.033533088862895966, -0.01399795152246952, -0.00449456088244915, -0.00853121280670166, 0.007157482672482729, -0.02727733552455902, 0.007182139437645674, 0.003846442559733987, 0.011560462415218353, -0.04872160777449608, -0.02309274487197399, 0.01751329004764557, 0.0006947900983504951, 0.03167327120900154, 0.024248085916042328, -0.007946496829390526, -0.023726774379611015, 0.010313537903130054, -0.029024438932538033, -0.007094080094248056, 0.016639739274978638, -0.004540352150797844, -0.004015516955405474, -0.004579098429530859, 0.01008810568600893, -0.010066971182823181, 0.021331554278731346, 0.03494204208254814, 0.025121638551354408, 0.012877833098173141, -0.01941537670791149, -0.006431872025132179, 0.024600325152277946, -0.002213818021118641, -0.0011764760129153728, -0.014040219597518444, 0.002175071742385626, 0.0010567150311544538, 0.02298002876341343, 0.0011729536345228553, 0.008834137581288815, -0.014167025685310364, 0.005230739247053862, -0.006329722702503204, -0.05432923883199692, 0.00919342041015625, -0.01461084559559822, 0.0037513382267206907, -0.014068398624658585, -0.03420938551425934, -0.03136330097913742, 0.02799590304493904, 0.030207959935069084, -0.008693242445588112, 0.046608176082372665, -0.017048334702849388, -0.018344571813941002, 0.007890138775110245, -0.010482612997293472, 0.0006393125513568521, -0.02186695486307144, -0.007650616578757763, -0.001150938798673451, -0.014723562635481358, -0.013124399818480015, -0.003621010109782219, -0.023670416325330734, -0.015470307320356369, 0.0006635289755649865, 0.009757001884281635, -0.00183868408203125, -0.00853121280670166, 0.007544944994151592, -0.012356520630419254, 0.0008396481280215085, -0.010919388383626938, 0.05765436962246895, 0.0407751090824604, 0.002726324601098895, 0.009524524211883545, 0.000903491338249296, -0.004582620691508055, -0.005674559623003006, 0.005498440470546484, -0.010278314352035522, 0.0006538424058817327, -0.028221335262060165, -0.00025163026293739676, -0.006477662827819586, -0.02068343572318554, -0.001087535871192813, 0.001591236679814756, -0.01486445777118206, 0.03110968880355358, -0.009411808103322983, -0.001430968171916902, -0.021486537531018257, -0.0037302039563655853, 0.016527023166418076, -0.011701357550919056, -0.03218049556016922, -0.03702729195356369, -0.015639381483197212, -0.022951848804950714, 0.0015322366962209344, 0.014920815825462341, -0.015963440760970116, 0.03181416541337967, -0.005991573911160231, 0.005086321383714676, 0.0014538636896759272, 0.022106477990746498, -0.017273766919970512, -0.0016361470334231853, -0.01741466298699379, -0.009172285906970501, -0.0009633718291297555, -0.012856699526309967, -0.02130337432026863, 0.0012398789403960109, -0.017640095204114914, 0.001174714881926775, 0.010229000821709633, -0.003187756985425949, -0.006770020816475153, -0.012497415766119957, -0.025093458592891693, -0.012335386127233505, 0.00023401834187097847, 0.028573572635650635, 0.007041244301944971, -0.02104976214468479, -0.017301946878433228, 0.013990906067192554, 0.02850312553346157, -0.033983953297138214, 0.004026084206998348, 0.01889406330883503, -0.00919342041015625, -0.006333245430141687, -0.0024322057142853737, -0.18316392600536346, -0.003941547125577927, -0.004441725555807352, -0.03539290651679039, 0.00937658455222845, 0.0183868408203125, 0.029334409162402153, 0.0029218168929219246, -0.02104976214468479, -0.00646005105227232, -0.0025572502054274082, -0.0012398789403960109, -0.006875692401081324, 0.013821831904351711, -0.010024703107774258, -0.006692528259009123, -0.014251562766730785, -0.007242020219564438, 0.007650616578757763, 0.006206439342349768, 0.018161408603191376, -0.05190584063529968, -0.0044487700797617435, -0.0064072152599692345, -0.0046425010077655315, 0.022345999255776405, 0.0026048023719340563, 0.04314215108752251, -0.024698952212929726, -0.03626645728945732, -0.013948637992143631, -0.0016854604473337531, 0.03637917339801788, 0.001558654592372477, 0.01899269036948681, 0.021359732374548912, -0.00018690645811147988, 0.0036104428581893444, -0.016315679997205734, 0.01859818398952484, 0.015695739537477493, 0.024684863165020943, -0.006171215791255236, -0.002455101115629077, -0.028164977207779884, 0.019753525033593178, 0.025008922442793846, -0.014977173879742622, 0.0036808906588703394, -0.02961619943380356, -0.003550562309101224, -0.03590013086795807, 0.01628750003874302, -0.015287143178284168, 0.005216649733483791, 0.014420636929571629, 0.00463545648381114, 0.019697166979312897, 0.008284645155072212, -0.017682364210486412, -0.012349476106464863, -0.009672464802861214, 0.021571075543761253, 0.0007493870216421783, 0.010426254943013191, -0.015301233157515526, -0.014138846658170223, 0.020345285534858704, -0.033983953297138214, 0.00996129959821701, -0.01966898888349533, 0.003333935746923089, -0.015160338021814823, -0.01976761594414711, 0.013363922014832497, 0.005484350956976414, -0.008911630138754845, 0.023402715101838112, 0.04009881243109703, -0.015244875103235245, -0.02548796497285366, 0.017076514661312103, -0.006280409637838602, -0.002078206045553088, 0.005952827632427216, -0.009468166157603264, -0.011497058905661106, -0.006002141162753105, 2.639035665197298e-05, -0.026826471090316772, 0.024121280759572983, -0.01365980226546526, 0.0034889206290245056, -0.02840449847280979, 0.001976056955754757, -0.004663635510951281, 0.0053328885696828365, -0.022923670709133148, 0.003031010739505291, -0.0007159244269132614, 0.004455815069377422, -0.0044663818553090096, -0.007270199246704578, -0.018555914983153343, 0.03079972043633461, 0.00149437109939754, -0.03254682198166847, -0.0011077895760536194, 0.04796076938509941, -0.020908867940306664, -0.015160338021814823, -0.005931693594902754, 0.002791488775983453, -0.0007374989800155163, -0.01700606755912304, 0.017442842945456505, -0.020035317167639732, -0.035421088337898254, -0.007629482075572014, 0.00611837999895215, 0.05680899694561958, 0.0020183257292956114, -0.00699897576123476, 0.00924273394048214, 0.0013129684375599027, -0.03508293628692627, -0.07952132821083069, -0.009263868443667889, 0.004339576233178377, 0.007118736859411001, -0.030377034097909927, 0.037055473774671555, -0.013504818081855774, 0.027108261361718178, -0.035618338733911514, 0.02947530336678028, -0.004068352747708559, -0.005533664021641016, -0.01294828113168478, 0.0036949801724404097, 0.02640378475189209, 0.014977173879742622, 0.024036744609475136, -0.019626719877123833, -0.021627433598041534, 0.036773681640625, 0.012476281262934208, -0.00016390089876949787, -0.0019936689641326666, -0.015864813700318336, -0.016611559316515923, -0.011018015444278717, -0.02671375498175621, 0.03201141953468323, 0.0122367599979043, 0.0022525640670210123, 0.010912343859672546, -0.018203677609562874, -0.011461835354566574, -0.012546729296445847, 0.000527476891875267, -0.02350134216248989, 0.008016944862902164, -0.013568220660090446, 0.020725702866911888, -0.02089477702975273, 0.011018015444278717, -0.007706974633038044, 0.004142322577536106, -0.0040577854961156845, -0.016780633479356766, -0.013547086156904697, -0.010200821794569492, 0.016639739274978638, 0.029024438932538033, -0.03992973640561104, -0.03449117764830589, -0.019316749647259712, -0.02854539453983307, 0.0018580572213977575, 0.030968794599175453, -0.007861959747970104, -0.002087012166157365, 0.029390767216682434, -0.0033885326702147722, -0.00822124257683754, -0.01401908602565527, -0.0015463263262063265, -0.01304690819233656, 0.009334315545856953, 0.009186375886201859, -0.01115891057997942, 0.011320940218865871, -0.04204316809773445, 0.02048618160188198, 0.0036016369704157114, -0.009806315414607525, 0.02702372521162033, -0.013011683709919453, 0.014441771432757378, -0.01976761594414711, 0.008756645023822784, -0.010736224241554737, -0.032659538090229034, -0.004015516955405474, -0.005234261509031057, -0.01486445777118206, -0.021134300157427788, -0.01289896760135889, -0.0006683722604066133, 0.00730542279779911, 0.010383985936641693, -0.009883807972073555, 0.01613251492381096, -0.005100410897284746, -0.01716105081140995, 0.007763332687318325, 0.03395577520132065, 0.010785537771880627, -0.03226502984762192, 0.0028108619153499603, 0.014145891182124615, -0.00363157712854445, -0.014751741662621498, -0.014850367791950703, 0.01039807591587305, -0.048439815640449524, 0.008150794543325901, -0.0670098215341568, 0.030574286356568336, 0.018245944753289223, -0.03401213511824608, -0.007904227823019028, -0.03733726218342781, 0.014427682384848595, -0.017048334702849388, -0.008235332556068897, 0.018358662724494934, -0.031645093113183975, 0.003990860190242529, -0.023839490488171577, 0.004103576764464378, -0.00932022649794817, -0.020472092553973198, 0.01720331981778145, -0.01747102104127407, 0.0376754105091095, 0.031025152653455734, 0.023557700216770172, 0.006386080756783485, 0.015075800940394402, 0.029193513095378876, 0.003670323407277465, -0.004963038023561239, -0.010602373629808426, 0.00509688863530755, -0.011151865124702454, 0.009996524080634117, -0.007967631332576275, -0.023656325414776802, 0.0011526999296620488, 0.03747816011309624, -0.02181059680879116, -0.02472713030874729, -0.0010487895924597979, 0.015273054130375385, 0.011588641442358494, 0.0450301468372345, 0.004244471900165081, -0.028179066255688667, 0.014484040439128876, -0.007108169607818127, 0.015273054130375385, 0.0019408331718295813, 0.005811932496726513, -0.005484350956976414, 0.03110968880355358, 0.004748172592371702, 0.03821081295609474, 0.01361048873513937, 0.004353665746748447, -0.05106046795845032, 0.006995453033596277, -0.007897183299064636, 0.023219550028443336, -0.007361781317740679, 0.012166311964392662, 0.032518643885850906, 0.03451935574412346, 0.0058964695781469345, 0.014265652745962143, -0.0010267747566103935, -0.00372315919958055, -0.0030028317123651505, -0.01174362562596798, -0.012419923208653927, -0.011025059968233109, -0.017541468143463135, -0.005970439873635769, 0.015301233157515526, 0.013504818081855774, 0.024656683206558228, 0.002446295227855444, 0.001023252378217876, 0.00031811525695957243, 0.021317463368177414, -0.012335386127233505, 0.003076801775023341, 0.021881045773625374, -0.02692509815096855, 0.012483326718211174, 0.006618558429181576, 0.03167327120900154, 0.0024022653233259916, -0.018260035663843155, -0.005836589261889458, -0.016273410990834236, -0.009883807972073555, 0.0031296375673264265, 0.008848226629197598, -0.00015245315444190055, 0.014012040570378304, -0.00743222888559103, -0.0012011326616629958, -0.002157459734007716, -0.012546729296445847, 0.012736937962472439, 0.0033039955887943506, 0.02875673770904541, -0.002935906406491995, -0.006727752275764942, -0.02702372521162033, -0.028207246214151382, 0.007819690741598606, -0.032518643885850906, -0.014455861411988735, 0.010200821794569492, 0.007636527065187693, 0.01572391949594021, -0.002518504159525037, 0.007974675856530666, 0.021106120198965073, -0.007009543012827635, 0.023163191974163055, -0.009996524080634117, -0.004205725621432066, -0.021289285272359848, 0.032913148403167725, 0.01654111221432686, 0.01787961833178997, 0.039957914501428604, 0.0024005041923373938, 0.01468129362910986, 0.016456574201583862, 0.0281508881598711, -0.010003568604588509, 0.03778812661767006, 0.0016898633912205696, 0.00025889516109600663, 0.01287078857421875, -0.01869681105017662, -0.010517836548388004, -0.025192085653543472, 0.021359732374548912, 0.0010523119708523154, 0.028728557750582695, 0.002060594270005822, 0.09682327508926392, 0.016569290310144424, -0.03992973640561104, 0.00848189927637577, -0.0004984172410331666, 0.008263511583209038, 0.011595685966312885, 0.029644377529621124, 0.0042339046485722065, -0.02288140170276165, -0.03556198254227638, 0.010588284581899643, -0.007763332687318325, -0.043339405208826065, -0.014096577651798725, -0.0051743811927735806, -0.012138132937252522, 0.02823542430996895, -0.017865527421236038, -0.01920403353869915, 0.030320676043629646, 0.024219907820224762, -0.0007242900901474059, 0.0013420280301943421, -0.016414307057857513, 0.004297307692468166, 0.010729179717600346, 0.005773186217993498, -0.004339576233178377, -0.03387123718857765, 0.02293775975704193, 0.01900678128004074, -0.025572502985596657, -0.03029249608516693, 0.008418495766818523, -0.00042774941539391875, 0.005889425054192543, -0.02048618160188198, 0.02251507341861725, -0.011630909517407417, -0.013730250298976898, 0.006273364648222923, -0.01552666537463665, -0.008362137712538242, -0.0005332008004188538, -0.005748529452830553, -0.0038393978029489517, 0.007946496829390526, -0.03426574543118477], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='77c16c6d-c48e-4e0f-8a4e-c5312c309092', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '1', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_type': 'application/pdf', 'file_size': 1719588, 'creation_date': '2024-02-25', 'last_modified_date': '2024-01-15', 'last_accessed_date': None}, hash='4c1e0bb3a13f4c656b05edcf75196711b7a56cd8e5b0ce1e76f1c2caf19a570e')}, text='Another widely discussed language model, LLaMA, hasarXiv:2401.01055v2  [cs.CL]  12 Jan 2024', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='cd815684-f311-4241-bafa-4146f3a59d60', embedding=[-0.0005700108595192432, 0.005136493127793074, 0.016548648476600647, -0.03514370694756508, -0.004590783268213272, 0.019127126783132553, -0.025416431948542595, 0.014720520004630089, -0.018472274765372276, -0.03424328565597534, 0.0050614578649401665, 0.028868045657873154, -0.010463984683156013, -0.00143589882645756, -0.0016072856960818172, 0.00824703834950924, 0.019168054684996605, 0.0015569780953228474, 0.0019969565328210592, -0.010661804117262363, -0.00648371409624815, -0.00262111215852201, -0.024788865819573402, -0.012667287141084671, -0.011862365528941154, -0.006647426635026932, 0.018322205170989037, -0.02686256170272827, -0.016425862908363342, 0.0016422452172264457, -0.0011843607062473893, 0.009283887222409248, -0.035307422280311584, 0.0016857314622029662, -0.021323608234524727, -0.025511929765343666, 0.00676680076867342, -0.022756095975637436, 0.029359184205532074, -0.021078038960695267, 0.015293515287339687, 0.03528013452887535, 0.026303209364414215, -0.018540488556027412, 0.002718316623941064, -0.002218651119619608, 0.011889651417732239, -0.010232057422399521, -0.017776494845747948, 0.01102333702147007, 0.028322335332632065, 0.02480250783264637, -0.01800842210650444, -0.009045138955116272, -0.008042396977543831, -0.0028598601929843426, 0.001979903085157275, 0.02829504944384098, 0.0022476420272141695, -0.006978263147175312, 0.0027473075315356255, 0.007298867683857679, -0.0165895763784647, 0.029850322753190994, 0.011923758313059807, -0.015034303069114685, -0.006562159862369299, 0.026630636304616928, 0.02957746759057045, -0.003057679859921336, 0.004969369154423475, -0.006722461897879839, -0.0011656018905341625, 0.006671301554888487, 0.041010089218616486, 0.005392294377088547, -0.013785992749035358, -0.021623749285936356, -0.014447665773332119, 0.0060744318179786205, 0.01791292242705822, -0.009215673431754112, -0.002469336614012718, 0.017285356298089027, 0.008840497583150864, 0.006060788873583078, 0.019945690408349037, -0.013710957020521164, -0.015907438471913338, -0.006337054539471865, 0.018049350008368492, 0.007619472220540047, 0.03552570566534996, 0.0034550249110907316, -0.0049454947002232075, -0.0024284084793180227, 0.000709422689396888, 0.010388948954641819, -0.03154202178120613, -0.0243522971868515, -0.014829662628471851, -0.006418910808861256, -0.03645341098308563, -0.002595531987026334, -0.016671432182192802, 0.0012397842947393656, 0.009877346456050873, 0.008772283792495728, 0.0084926076233387, 0.00824703834950924, -0.028622476384043694, 0.02751741372048855, 0.011876008473336697, -0.03489813953638077, -0.004068948328495026, -0.014829662628471851, 0.019700121134519577, -0.019222626462578773, -0.005395705346018076, 0.005075100809335709, 0.028076766058802605, 0.004573729820549488, 0.020736970007419586, -0.002165785524994135, 0.030450602993369102, 0.009454421699047089, 0.012203434482216835, -0.01953640952706337, -0.04158308357000351, 0.000995067646726966, -0.013724599964916706, 0.01604386605322361, 0.016998859122395515, 0.008315252140164375, -0.012715036980807781, 0.017640067264437675, -0.020982539281249046, -0.01107108686119318, 0.001190329436212778, -0.006514410022646189, -0.006592855788767338, 0.010982408188283443, -0.0012193202273920178, -0.01747635379433632, -0.017585497349500656, 0.029168186709284782, 0.008021933026611805, -0.0085130725055933, -0.004403195343911648, -0.0037005941849201918, -0.002060054335743189, -0.0348435677587986, 0.000595164718106389, 0.008506250567734241, 0.015375372022390366, -0.011282549239695072, 0.009686348028481007, 0.027244558557868004, -0.01316524762660265, -0.008581285364925861, -0.0040007345378398895, 0.0073056891560554504, 0.006981674116104841, -0.004730621352791786, 0.004611247219145298, 0.016207579523324966, 0.022906167432665825, -0.020927969366312027, 0.0066917659714818, -0.018908843398094177, -0.012940142303705215, 0.03271529823541641, -0.018376775085926056, 0.004590783268213272, -0.011623617261648178, 0.01860870234668255, 0.01845863275229931, -0.016603218391537666, -0.012073827907443047, -0.034079574048519135, 0.020600542426109314, 0.009727275930345058, 0.005480972118675709, -0.008970104157924652, -0.031814876943826675, 0.005682202521711588, 0.012742322869598866, 0.0001429290568921715, 0.031514737755060196, -0.008997389115393162, 0.008363001979887486, 0.028895331546664238, 0.011569046415388584, -0.009365743957459927, -0.6565979719161987, -0.0271627027541399, -0.004809067118912935, 0.0005563681479543447, -0.00045788459829054773, 0.007019191514700651, -0.005893665365874767, -0.01834949105978012, -0.012831000611186028, 0.038063254207372665, -0.021460035815835, -0.019509123638272285, -0.016221221536397934, -0.02047775872051716, -0.006872531957924366, -0.013936062343418598, -0.0010001836344599724, -0.011951043270528316, 0.016903359442949295, -0.004396374337375164, -0.01585286855697632, 0.007039655931293964, -0.007353438995778561, 0.0020498221274465322, -0.02873161807656288, -0.006862299982458353, 0.02161010541021824, -0.009195209480822086, 0.012517217546701431, 0.005501436535269022, -0.0202321894466877, 0.025020791217684746, -0.0034925423096865416, -0.013172068633139133, 0.045048341155052185, 0.0023073290940374136, -0.020286759361624718, 0.02274245396256447, 0.011303013190627098, 0.006869121454656124, -0.01795385032892227, -0.012558145448565483, 0.0026330496184527874, 0.02504807710647583, -0.013690493069589138, 0.015716440975666046, 0.00771497143432498, 0.009972845204174519, -0.007353438995778561, -0.012333040125668049, -0.009161102585494518, 0.004120108671486378, 0.0050409939140081406, -0.0239566583186388, 0.00036430387990549207, 0.006715640425682068, 0.013097033835947514, -0.02712177485227585, -0.012367147020995617, -0.01134394109249115, 0.0003506611392367631, 0.009502170607447624, -0.011603153310716152, -0.019427267834544182, -0.017871994525194168, 0.005170600023120642, -0.009236137382686138, -0.00113490573130548, -0.009427135810256004, -0.01530715823173523, -0.013097033835947514, 0.02076425589621067, 0.013124319724738598, -0.010191129520535469, -0.020191259682178497, 0.012012436054646969, 0.004334982018917799, 0.006715640425682068, -0.016453148797154427, 0.004829531069844961, 0.01993204839527607, -0.008997389115393162, 0.012237541377544403, -0.0025733625516295433, 0.040382519364356995, -0.008499429561197758, 0.005617399699985981, -0.004068948328495026, -0.007667222060263157, 0.02017761766910553, 0.0107300179079175, 0.02208760194480419, -0.015689155086874962, -0.03263344243168831, 0.002155553549528122, 0.011869186535477638, -0.013513137586414814, 0.002303918357938528, 0.03770854324102402, -0.021678319200873375, 0.00474767480045557, -0.010095629841089249, 0.03582584485411644, -0.003530059941112995, 0.007026012986898422, 0.002505148760974407, 0.015634583309292793, 0.01360863633453846, 0.021050753071904182, -0.02298802323639393, -0.0009413493098691106, 0.018663274124264717, 0.01412023976445198, -0.005620810203254223, 0.0062006269581615925, -0.03582584485411644, 0.0025921212509274483, -0.004948905203491449, 0.022019388154149055, -0.03222415968775749, 0.006568980868905783, -0.008724534884095192, 0.03538927808403969, -0.004352035000920296, -0.015498156659305096, 0.007865041494369507, -0.004904566332697868, 0.010163843631744385, 0.013861027546226978, 0.009229316376149654, -0.012592252343893051, -0.022114887833595276, 0.024816149845719337, -0.017108000814914703, 0.047313034534454346, 0.02021854557096958, 0.04000052437186241, 0.016071151942014694, -0.00907924585044384, -0.0003182596410624683, -0.020259473472833633, -0.010648161172866821, -0.00011692257976392284, -0.013492673635482788, -0.041119229048490524, -0.04095551744103432, -0.006592855788767338, 0.006950977724045515, -0.004843174014240503, 0.02302895113825798, 0.0021367946173995733, -0.010457162745296955, -0.029795752838253975, 0.0002472747291903943, -0.01506158895790577, -0.012899214401841164, -0.01212839875370264, -0.012892392463982105, -0.006787265185266733, -0.02298802323639393, 0.005480972118675709, 0.009795489721000195, -0.0007674043299630284, 0.020627828314900398, 0.006197216454893351, -0.007264760788530111, 0.013417638838291168, 0.037626687437295914, -0.015348087064921856, -0.04169222339987755, 0.001678910106420517, -0.037626687437295914, 0.00441683828830719, 0.024420510977506638, -0.002356783952564001, 0.01663050428032875, -0.02110532484948635, 0.004809067118912935, -0.009474885649979115, -0.01672600395977497, 0.0036153271794319153, 0.028868045657873154, 0.008472143672406673, -0.00231244508177042, 0.01390195544809103, 0.0037108261603862047, 0.0151843735948205, -0.011841901578009129, -0.016153007745742798, 0.01188282947987318, 0.013806456699967384, -0.008090146817266941, -0.022674240171909332, 0.00792643427848816, 0.00021252836450003088, 0.002278338186442852, 0.007878684438765049, 0.012496753595769405, 0.01242853980511427, 0.004341803025454283, -0.005143314134329557, 0.012653645128011703, 0.004150804597884417, -0.008110610768198967, 0.0011800973443314433, -0.012489931657910347, 0.007776363752782345, -0.026112211868166924, -0.001266217092052102, -0.011971507221460342, 0.015825582668185234, -0.011412154883146286, -0.025225432589650154, -0.010000131092965603, 0.004328160546720028, 0.03918195888400078, 0.011794151738286018, -0.009966024197638035, -0.00045831091119907796, 0.00647348165512085, -0.014979732222855091, 0.0030423318967223167, 0.0226878821849823, -0.009147459641098976, -0.017012501135468483, 0.00023086080909706652, -0.007237475365400314, 0.01860870234668255, 0.016030224040150642, -0.022073959931731224, -0.003200928680598736, -0.00040629797149449587, 0.01712164282798767, 0.02111896686255932, 0.0063336435705423355, -0.006742925848811865, 0.01776285283267498, -0.005631042644381523, 0.011446261778473854, 0.006364339962601662, -0.004474820103496313, 0.01949547976255417, 0.00017863466928247362, -0.005726541858166456, 0.039400242269039154, -0.014897876419126987, 0.024938935413956642, 0.02332909218966961, -0.023752016946673393, 0.02259238436818123, -0.030341461300849915, 0.017258070409297943, -0.008499429561197758, 0.0027063791640102863, -0.00027157587464898825, -0.029904894530773163, 0.012032900005578995, 0.007674043532460928, 0.04491191357374191, 0.02174653299152851, 0.005446865223348141, 0.015634583309292793, 0.012680930085480213, 0.008397108875215054, 0.023015309125185013, -0.028022196143865585, 0.012558145448565483, -0.0022476420272141695, -0.010232057422399521, -0.0015970537206158042, -0.03298815339803696, -0.030150463804602623, 0.032360587269067764, -0.04166493937373161, 0.007551258429884911, 0.020627828314900398, -0.023301806300878525, -0.010095629841089249, 0.016030224040150642, 0.025007149204611778, -0.031378310173749924, -0.03339743614196777, 0.029850322753190994, 0.015620941296219826, 0.001787199405953288, -0.012769607827067375, -0.03672626614570618, 0.009584027342498302, -0.018581416457891464, -0.01092783734202385, -0.01362910121679306, 0.010586769320070744, 0.0036323803942650557, 0.01929084025323391, -0.014870590530335903, 0.02859519049525261, 0.03189673647284508, 0.018117563799023628, -0.005586703307926655, 0.00854035746306181, -0.012790071777999401, 0.006500767543911934, -0.029468325898051262, -0.021582821384072304, 0.051105719059705734, -0.007783185224980116, -0.021241752430796623, 0.005545775406062603, 0.0020839290227741003, 0.006439375225454569, -0.007107869256287813, 0.005955057684332132, 0.008826855570077896, 0.03470714017748833, 0.03920924663543701, 0.01672600395977497, 0.011848722584545612, 0.018881557509303093, 0.030286891385912895, 0.024420510977506638, -0.0062551978044211864, -0.027640199288725853, 0.004645354114472866, 0.02357466146349907, 0.03503456711769104, 0.011896472424268723, -0.011671367101371288, 0.008629035204648972, -0.012633180245757103, -0.008185646496713161, -0.02293345145881176, -0.024679724127054214, 0.01048444863408804, 0.013567708432674408, -0.02834962122142315, -0.018444988876581192, 0.024365941062569618, 0.008062861859798431, 0.043520353734493256, 0.014665949158370495, -0.003574398811906576, -0.03547113388776779, -0.020600542426109314, 0.007946898229420185, 0.015593656338751316, -0.012319397181272507, 0.0226878821849823, 0.017094356939196587, 0.018826985731720924, -0.005382062401622534, 0.04281092807650566, 0.002656924305483699, -0.004658997058868408, -0.017844708636403084, -0.003477194346487522, 0.0018468864727765322, 0.006326822564005852, 0.01060723327100277, -0.0021163306664675474, 0.02927732840180397, 0.016275793313980103, 0.004887512885034084, 0.024788865819573402, -0.0051774210296571255, 0.03503456711769104, 0.030095892027020454, 0.00019238400273025036, 0.0049966550432145596, 0.004706746432930231, -0.022210387513041496, -0.010286628268659115, 0.025157218798995018, 0.014393094927072525, -0.036235127598047256, 0.006613320205360651, -0.002358489204198122, -0.013690493069589138, -0.021037111058831215, 0.015661869198083878, 0.003477194346487522, 0.003322008065879345, 0.009256601333618164, -0.01657593436539173, -0.022851595655083656, -0.007837756536900997, -0.025020791217684746, 0.007892327383160591, -0.017189856618642807, -0.027039917185902596, 0.014174810610711575, -0.02859519049525261, 0.010641340166330338, -0.026043998077511787, 0.009624955244362354, -0.018581416457891464, -0.023506447672843933, -0.02612585388123989, 0.028622476384043694, 0.020941611379384995, 0.0174217838793993, 0.0389636754989624, -0.013083390891551971, -0.007830934599041939, 0.015539084561169147, 0.008669964037835598, -0.006517820991575718, 0.005446865223348141, -0.02746284380555153, -0.0032759637106209993, -0.0016857314622029662, -0.0388818196952343, -0.019713765010237694, -0.01358135137706995, 0.004594193771481514, -0.00834253802895546, -0.0016627094009891152, -0.006722461897879839, -0.012851464562118053, 0.005221760366111994, 0.006759979296475649, 0.030641602352261543, 0.007319332100450993, -0.001759913982823491, -0.029904894530773163, 0.0013992339372634888, -0.015443585813045502, -0.029468325898051262, -0.0032384463120251894, 0.014297595247626305, 0.007476223632693291, 0.004914798308163881, 0.022810667753219604, 0.002803583862259984, 0.0010743660386651754, 0.014052025973796844, -0.010996051132678986, 0.0037108261603862047, 0.014706877991557121, 0.013847384601831436, -0.015129802748560905, -0.006088074296712875, 0.015962010249495506, 0.027626555413007736, -0.028267765417695045, -0.00993873830884695, -0.026698850095272064, 0.01542994286864996, 0.026835277676582336, -0.015457228757441044, 0.024734294041991234, 0.008792748674750328, 0.012599073350429535, -0.03369757533073425, 0.009802311658859253, -0.024584224447607994, 0.025607429444789886, -0.006442785728722811, -0.00466240756213665, -0.03828153759241104, -0.008526714518666267, -0.0049898335710167885, -0.0028086998499929905, -0.012237541377544403, 0.003802914870902896, 0.02873161807656288, 0.01648043468594551, -0.016248507425189018, -0.03424328565597534, 0.007148797623813152, -0.02047775872051716, -0.02278338186442852, 0.006446196231991053, -0.0028069945983588696, 0.012210255488753319, -0.014979732222855091, 0.021378180012106895, -0.033533863723278046, -0.00986370351165533, 0.002148732077330351, -0.01712164282798767, 0.016507720574736595, 0.005027350969612598, 0.02982303686439991, 0.011534939520061016, 0.059373218566179276, -0.02957746759057045, 0.011746401898562908, 0.014229381456971169, -0.0036937729455530643, 0.004396374337375164, -0.01010927278548479, -0.002673977753147483, -0.008485786616802216, -0.022606026381254196, 0.011446261778473854, -0.0030559746082872152, 0.010150201618671417, -0.022606026381254196, 0.0037108261603862047, 0.0060232714749872684, -0.024979863315820694, -0.002716611372306943, 0.003847253741696477, -0.01176004484295845, -0.0028956723399460316, 0.0014751217095181346, 0.0015322506660595536, 0.006088074296712875, -0.015811940655112267, -0.02342459000647068, 0.017053429037332535, -0.013049283996224403, 0.00998648814857006, -0.018540488556027412, 0.015375372022390366, -5.126687392476015e-05, -0.00920203048735857, 5.872774636372924e-05, 0.023779302835464478, -0.020382259041070938, -0.0012474583927541971, -0.03912738710641861, 0.005685613490641117, 0.009597670286893845, -0.005037582945078611, 0.006592855788767338, 0.01855413056910038, -0.024420510977506638, 0.01770828105509281, 0.008096968755126, 0.016671432182192802, -0.007073762360960245, -0.024516010656952858, -0.021173538640141487, 0.006548516917973757, -0.032169587910175323, -0.007728614378720522, 0.0011800973443314433, 0.007087405305355787, -0.0013779171276837587, 0.0001283270539715886, 0.029795752838253975, -0.024052156135439873, -0.016412220895290375, 0.01904527097940445, 0.025007149204611778, 0.04297464340925217, -0.0174217838793993, 0.005982343107461929, 0.009836418554186821, 0.005562828853726387, -0.021078038960695267, 0.0093248151242733, 0.02327452041208744, -0.026316853240132332, 0.013799634762108326, 0.0052729202434420586, -0.02110532484948635, -0.0019594391342252493, 0.019550051540136337, 0.023042593151330948, -0.015047946013510227, -0.03699912130832672, 0.014474950730800629, 0.0037892721593379974, 0.037763115018606186, -0.019263554364442825, -0.018049350008368492, -0.013185711577534676, 0.004730621352791786, -0.01766735315322876, 0.025116290897130966, -0.012162505649030209, -0.012537681497633457, -0.020041190087795258, 0.03675355017185211, 0.015334444120526314, 0.010327557101845741, -0.004802245646715164, -0.008649499155580997, 0.019468195736408234, -0.004457766655832529, -0.006463249679654837, 0.001340399612672627, 0.01648043468594551, 0.036535266786813736, -0.001990135293453932, -0.0073056891560554504, -0.012449003756046295, 0.017339928075671196, -0.005324080586433411, 0.02085975557565689, -0.020586900413036346, 0.02327452041208744, -0.025184504687786102, 0.004727210849523544, 0.008015112020075321, 0.00030546955531463027, 0.008178824558854103, 0.0036221484187990427, -0.0062551978044211864, -0.0034499086905270815, -0.020586900413036346, 0.011575868353247643, 0.013158426620066166, -0.004580551292747259, -0.0035607561003416777, 0.004372499417513609, -0.020750613883137703, -0.008131075650453568, -0.0014870590530335903, -0.01978197880089283, 0.007599008269608021, -0.02514357678592205, -0.00776272127404809, 0.008478965610265732, 0.005944825708866119, 0.02072332799434662, -0.004253125283867121, -0.018472274765372276, 0.00771497143432498, -0.010252522304654121, -0.023451875895261765, 0.02544371783733368, 0.005770880728960037, -0.018731487914919853, -0.015880154445767403, 0.010307093150913715, -0.01387467049062252, -0.0074284737929701805, 0.02317902073264122, -0.013745063915848732, -0.01929084025323391, -0.008506250567734241, 0.0037551652640104294, -0.0015134918503463268, 0.0008407340501435101, -0.015361729077994823, 0.012599073350429535, -0.012708215974271297, 0.0007465138914994895, -0.024024872109293938, -0.005767469760030508, 0.01399745512753725, -0.019263554364442825, 0.010784588754177094, 0.014884233474731445, -0.01321299746632576, 0.016848787665367126, -0.008240217342972755, -0.0025648358277976513, -0.019127126783132553, -0.04532119259238243, -0.004792013671249151, -0.006053967401385307, 0.0008415867341682315, -0.007442116737365723, -0.010982408188283443, -0.03648069500923157, 0.0031224829144775867, -0.01333578210324049, 0.026958061382174492, -0.0032930171582847834, 0.012346683070063591, 0.03735383227467537, 0.01683514565229416, 0.0259348563849926, 0.0035505241248756647, -0.028622476384043694, 0.0011553697986528277, 0.009699990972876549, -7.567459397250786e-05, -0.02544371783733368, -0.008744998835027218, -0.017094356939196587, 0.03705369308590889, 0.006715640425682068, -0.01574372686445713, -0.015675513073801994, -0.008192467503249645, -0.05358869582414627, 0.007994648069143295, -0.006374571938067675, 0.019522765651345253, 0.015689155086874962, 0.02317902073264122, 0.018867913633584976, 0.018717844039201736, -0.005515079014003277, 0.013820099644362926, -0.0074898661114275455, -0.01555272750556469, -0.0023704266641288996, -0.02873161807656288, -0.004925030283629894, -0.00685206800699234, -0.025566501542925835, -0.022674240171909332, 0.013363067060709, -0.011364405043423176, 0.004921619780361652, 0.021323608234524727, -0.0034055698197335005, -0.029059043154120445, -0.008431215770542622, 0.029741181060671806, 0.0025375504046678543, -0.025511929765343666, 0.0003785861481446773, -0.013785992749035358, -0.01772192493081093, 0.021678319200873375, -0.023533733561635017, -0.02087339758872986, 0.004774960223585367, 0.010245700366795063, 0.0051399036310613155, 0.023492803797125816, -0.0071965474635362625, -0.018444988876581192, 0.009918274357914925, -0.030887171626091003, 0.03025960549712181, -0.013717778958380222, -0.014856947585940361, 0.03126916661858559, 0.010307093150913715, -0.013820099644362926, -0.012790071777999401, -0.007830934599041939, 0.0073943668976426125, 0.006268840748816729, 0.02927732840180397, -0.019263554364442825, -0.008315252140164375, -0.02401122823357582, 0.0036767194978892803, -0.005221760366111994, 0.005627631675451994, -0.011289370246231556, -0.0072784037329256535, -0.021378180012106895, 0.03765397146344185, 0.018417704850435257, -0.019809264689683914, 0.01085280254483223, -0.010709553956985474, 0.0085130725055933, -0.009468063712120056, -0.019222626462578773, -0.012012436054646969, -0.015675513073801994, 0.004362267442047596, 0.001117852283641696, -0.011453083716332912, -0.012912856414914131, 0.0014469835441559553, 0.02057325653731823, -0.00998648814857006, 0.0038677179254591465, 0.20857027173042297, -0.02903175912797451, 0.005859558470547199, 0.021091680973768234, -0.007217011414468288, -0.0037585757672786713, 0.025812070816755295, 0.011664546094834805, -0.029468325898051262, 0.006507588550448418, 0.005293384660035372, -0.003093492239713669, -0.01412023976445198, 0.0001276875555049628, 0.024625152349472046, 0.004491873551160097, -0.024829793721437454, -0.033588435500860214, -0.017626425251364708, 0.012960606254637241, -0.007141976151615381, -0.000630976865068078, -0.009222494438290596, -0.016616862267255783, 0.0035607561003416777, -0.001397528569214046, 0.01090055238455534, 0.0006241555092856288, 0.014570450410246849, 0.003881360637024045, -0.019768334925174713, -0.00834253802895546, 0.0009277065400965512, 0.003200928680598736, -0.02287888154387474, -0.00262111215852201, 0.007141976151615381, 0.004737442824989557, 0.010641340166330338, 0.013219818472862244, 0.000929411908145994, -0.018199419602751732, 0.019181696698069572, -0.024625152349472046, -0.002242526039481163, 0.04955044388771057, -0.008076503872871399, -0.0062006269581615925, -0.011691831052303314, 0.005671970546245575, -0.0034584354143589735, 0.010047880932688713, 0.03386129066348076, 0.01574372686445713, 0.0020020725205540657, -0.0027899411506950855, -0.0151843735948205, 0.018240347504615784, -0.0036562553141266108, 0.0016823208425194025, -0.013199354521930218, 0.00330324936658144, 0.020150331780314445, 0.02386115863919258, -0.011971507221460342, 0.008901890367269516, 0.0018383597489446402, -0.008929175324738026, 0.002675683004781604, -0.01834949105978012, -0.014011098071932793, -0.022674240171909332, -0.006609909236431122, -0.006231323350220919, -0.027640199288725853, -0.05039629340171814, 0.032060448080301285, 0.03915467485785484, 0.005791344679892063, 0.038172397762537, 0.009515813551843166, -0.039973240345716476, 0.010136558674275875, -0.010286628268659115, -0.005583292804658413, -0.007448938209563494, -0.021910246461629868, -0.01193057931959629, 0.0061187706887722015, -0.023260878399014473, -0.002356783952564001, -0.016889717429876328, -0.02126903645694256, 0.019263554364442825, 0.013397173956036568, -0.0062756622210145, 0.008949640206992626, -0.0052285813726484776, 0.0032145713921636343, -0.027967624366283417, -0.029195470735430717, 0.04832259938120842, 0.03347929194569588, 0.020996183156967163, 0.012578609399497509, -0.003021867712959647, -0.03440700098872185, -0.0015595360891893506, 0.0034055698197335005, 0.0018809932516887784, 0.02140546403825283, -0.041555795818567276, 0.00797418411821127, -0.00895646121352911, -0.0158392246812582, 0.014775091782212257, 0.017530925571918488, -0.003980270586907864, 0.0340522900223732, 0.006016450002789497, -0.010368485003709793, -0.02371108904480934, 0.003707415657117963, 0.010573126375675201, -0.003761986503377557, -0.021828390657901764, -0.031378310173749924, 0.005753827281296253, -0.02302895113825798, -0.0003365920565556735, 0.022960737347602844, -0.042483504861593246, 0.04166493937373161, 0.013137961737811565, 0.009379385970532894, -0.0028086998499929905, -0.01151447556912899, -0.005347955506294966, -0.012333040125668049, -0.008485786616802216, 0.006357518490403891, -0.018867913633584976, 0.009406671859323978, -0.02382023073732853, 0.013076569885015488, -0.004075769800692797, -0.0060846637934446335, 0.021787460893392563, 0.002164080273360014, -0.008629035204648972, -0.010955123230814934, -0.01094830222427845, -0.0015186079544946551, 0.008888247422873974, 0.02731277234852314, 0.0062756622210145, -0.02017761766910553, 0.0009959202725440264, -0.0009515813435427845, 0.018240347504615784, -0.031132740899920464, -0.00458737276494503, 0.008199288509786129, -0.014106596820056438, -0.005187653470784426, -0.018963413313031197, -0.17528197169303894, 0.0011152942897751927, 0.012708215974271297, -0.04207422211766243, 0.01225118339061737, 0.01424302440136671, 0.030941743403673172, 0.0014196980046108365, -0.023779302835464478, -0.020450472831726074, 0.006343876011669636, -0.0010675446828827262, -0.028458762913942337, -0.0038165575824677944, -0.00903149601072073, -0.003004814265295863, -0.013820099644362926, -0.015252587385475636, 0.021078038960695267, 0.010395770892500877, 0.01657593436539173, -0.027094488963484764, -0.010266164317727089, -0.013192533515393734, 0.010047880932688713, 0.011016515083611012, 0.0030099302530288696, 0.023301806300878525, -0.017694639042019844, -0.03593498840928078, -0.0002850054297596216, 0.006088074296712875, 0.01766735315322876, -0.009188387542963028, 0.0037278796080499887, 0.03203316032886505, 0.019017985090613365, 0.010068344883620739, -0.022660596296191216, 0.0022919808980077505, 0.006835014559328556, 0.037817686796188354, -0.0015663575613871217, -0.023929372429847717, -0.014270310290157795, 0.026657920330762863, 0.03863624855875969, -0.017776494845747948, 0.020641470327973366, 0.011002873070538044, -0.006337054539471865, -0.024393225088715553, 0.03350657969713211, -0.0037278796080499887, -0.006343876011669636, 0.012810536660254002, 0.011534939520061016, 0.016262151300907135, -0.0059959860518574715, 0.002363605424761772, 0.0025989427231252193, 0.004126930143684149, 0.029495611786842346, 0.013820099644362926, 0.01663050428032875, -0.02042318694293499, -0.0071897259913384914, 0.00900421105325222, -0.01043669879436493, 0.015252587385475636, -0.011903293430805206, 0.0005239666206762195, -0.011459904722869396, -0.01613936573266983, 0.01555272750556469, 0.014297595247626305, 0.003252089023590088, 0.022360457107424736, 0.02076425589621067, 0.010709553956985474, -0.022797023877501488, 0.012926499359309673, -0.00846532266587019, -0.006968031171709299, -0.007005549035966396, 0.0037722187116742134, 0.00718290451914072, 0.0024676313623785973, -0.010586769320070744, -0.01055948343127966, 0.02780391089618206, -0.01944090984761715, -0.01205336395651102, -0.011494011618196964, 0.00561057822778821, 0.015593656338751316, -0.0033441775012761354, -0.00680431816726923, 0.005075100809335709, -0.015047946013510227, 0.00396321713924408, -0.0012611011043190956, -0.007442116737365723, -0.01634400710463524, 0.025157218798995018, -0.00574359530583024, -0.023451875895261765, -0.003530059941112995, 0.031869448721408844, -0.029686609283089638, -0.00792643427848816, -0.0030917867552489042, 0.001560388831421733, 0.0036050949711352587, -0.0040177879855036736, 0.026398709043860435, -0.002053232863545418, -0.014324881136417389, 0.0016541826771572232, -0.0051228501833975315, 0.04496648162603378, -0.018526846542954445, 0.007803649175912142, 0.018226705491542816, -0.008799569681286812, -0.017203500494360924, -0.11787330359220505, -0.00701237004250288, 0.004184911493211985, 0.010614054277539253, -0.0316784493625164, 0.0279949102550745, -0.0008782516233623028, 0.027080846950411797, -0.0349254235625267, 0.028649762272834778, -0.005665149074047804, -0.016207579523324966, 0.005235402844846249, 0.000764419964980334, 0.024134013801813126, 0.02120082452893257, 0.025511929765343666, -0.014297595247626305, -0.015088874846696854, 0.019208982586860657, 0.007217011414468288, -0.005627631675451994, 0.006030092481523752, -0.02848604880273342, -0.011841901578009129, 0.005675381515175104, -0.02480250783264637, 0.015389014966785908, 0.016153007745742798, -0.0018963413313031197, 0.014256667345762253, -0.01109837181866169, 0.007905970327556133, 0.0073739029467105865, 0.024870721623301506, -0.0061017172411084175, -0.025266360491514206, -0.0036289698909968138, 0.023683803156018257, -0.012032900005578995, 0.0024045335594564676, 0.004665818531066179, -0.008131075650453568, -0.010709553956985474, 0.0061187706887722015, -0.014052025973796844, -0.008438036777079105, 0.01585286855697632, 0.016275793313980103, -0.03751754388213158, -0.036780837923288345, -0.025020791217684746, -0.04016423597931862, 0.002193070948123932, 0.02259238436818123, 0.005842505022883415, 0.004843174014240503, 0.024979863315820694, -0.007674043532460928, -0.005665149074047804, -0.003779039951041341, -0.01899069920182228, -0.03263344243168831, 0.012633180245757103, 0.026807991787791252, -0.0040280199609696865, -0.0019867245573550463, -0.047313034534454346, 0.007633115164935589, -0.013178890570998192, -0.013908777385950089, 0.029959464445710182, -0.004768138751387596, 0.005716309417039156, -0.024229513481259346, 0.01712164282798767, -0.024938935413956642, -0.02085975557565689, 0.0029928768053650856, -0.008888247422873974, -0.010218415409326553, -0.0190861988812685, -0.011985150165855885, -0.009686348028481007, -0.013083390891551971, 0.016207579523324966, -0.007435295265167952, -0.019604623317718506, -0.010968766175210476, -0.027176344767212868, -0.01481601968407631, 0.02367016114294529, 0.005460508167743683, -0.030696174129843712, 0.012503574602305889, 0.014652307145297527, -0.012803714722394943, -0.0005128819029778242, 0.017203500494360924, 0.004215607885271311, -0.021582821384072304, 0.00829478818923235, -0.04728575050830841, 0.012387610971927643, 0.010614054277539253, -0.028131337836384773, 0.008499429561197758, -0.028895331546664238, 0.02121446654200554, -0.014747805893421173, -0.0018826986197382212, 0.0071897259913384914, -0.03598955646157265, 0.011862365528941154, -0.016521362587809563, -0.01542994286864996, -0.028513334691524506, -0.007871863432228565, 0.022660596296191216, 0.005579882301390171, 0.020505044609308243, 0.025511929765343666, 0.016957931220531464, -0.009017853997647762, 0.012646823190152645, 0.023056237027049065, 0.0074216523207724094, -0.014106596820056438, -0.01972740702331066, 0.01613936573266983, 0.002745602047070861, -0.0004902860964648426, 0.005917540285736322, -0.021637391299009323, -0.016193937510252, 0.009959203191101551, -0.006981674116104841, -0.025852998718619347, 0.008301609195768833, 0.02731277234852314, 0.026644278317689896, 0.04965958744287491, -0.024420510977506638, -0.02278338186442852, 0.014393094927072525, -0.005736773833632469, -0.013253925368189812, -0.0010018890025094151, -0.009734097868204117, -0.007551258429884911, 0.011951043270528316, -0.020505044609308243, 0.028404192999005318, 0.016153007745742798, -0.004150804597884417, -0.03146016597747803, 0.005784523207694292, 0.0016737941186875105, 0.014570450410246849, 0.010648161172866821, 0.01212839875370264, 0.011664546094834805, 0.012912856414914131, 0.0018196009332314134, -0.004529390949755907, -0.005538953933864832, 0.004505516029894352, -0.02253781259059906, -0.007790006697177887, -0.017162570729851723, -0.019181696698069572, -0.00824703834950924, -0.0119783291593194, 0.026903489604592323, 0.006415500305593014, 0.014447665773332119, 0.011064264923334122, 0.009761382825672626, 0.016371292993426323, 0.01040941383689642, -0.006340465042740107, 0.020996183156967163, -0.011528118513524532, -0.010743660852313042, -0.0031241883989423513, 0.013601815328001976, 0.009440778754651546, -0.00295194867067039, -0.010982408188283443, 0.004601015243679285, -0.017871994525194168, 0.0027302540838718414, 0.0033851058688014746, 0.007626293692737818, 0.002936600474640727, 0.016453148797154427, -0.02248324081301689, 0.016453148797154427, 0.008683606050908566, 0.0040825908072292805, 0.033724863082170486, 0.008451679721474648, 0.04079180210828781, -0.020777897909283638, -0.010934659279882908, -0.03869082033634186, -0.013697315007448196, 0.016166651621460915, -0.026357781141996384, -0.00660649873316288, 0.005869790446013212, 0.026848919689655304, 0.013137961737811565, -0.015443585813045502, 0.0005226876237429678, 0.003796093398705125, -0.0008641825406812131, 0.008594928309321404, 0.0074284737929701805, -0.012892392463982105, -0.014556807465851307, 0.005208117421716452, 0.03549841791391373, 0.020041190087795258, 0.04837716743350029, 0.012360326014459133, -0.0012807125458493829, 0.02223767153918743, 0.02598942629992962, -0.037817686796188354, 0.024679724127054214, 0.008096968755126, 0.0066917659714818, 0.012333040125668049, -0.02538914605975151, -0.022251315414905548, -0.016753289848566055, 0.01874512992799282, 0.0062074484303593636, 0.027299130335450172, 0.0036153271794319153, 0.07154254615306854, 0.010286628268659115, -0.016453148797154427, 0.0169852152466774, 0.007694507483392954, 0.014502236619591713, -0.004519158974289894, 0.012442181818187237, -0.016998859122395515, -0.013683672063052654, -0.010129736736416817, -0.01210111379623413, -0.0022561687510460615, -0.029604753479361534, -0.020245831459760666, -0.012510395608842373, -0.01230575516819954, 0.03282444179058075, -0.021037111058831215, -0.0186496302485466, 0.03568941727280617, 0.009959203191101551, 0.00466240756213665, -0.0031941074412316084, -0.01515708863735199, 0.0020191259682178497, 0.0007384134805761278, 0.01448859367519617, 0.00954309944063425, -0.017339928075671196, 0.02963203936815262, 0.015034303069114685, -0.029932180419564247, -0.015361729077994823, -0.005774291232228279, -0.014652307145297527, 0.009536277502775192, -0.015443585813045502, 0.007414831314235926, 0.007176083046942949, -0.0063779824413359165, 0.00986370351165533, -0.008451679721474648, -0.032251447439193726, 0.004645354114472866, 0.002540960907936096, 0.003410685807466507, -0.005300206132233143, -0.022019388154149055], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='337f3e70-1044-4c26-b98b-3fe8505a71b3', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '2', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_type': 'application/pdf', 'file_size': 1719588, 'creation_date': '2024-02-25', 'last_modified_date': '2024-01-15', 'last_accessed_date': None}, hash='7ef086c22d20757226b9a957dbd2a70c9559f5360de5856e647208344563671f')}, text='been pretrained primarily on English-dominated corpus,\\nsupplemented with limited data from 20 related languages\\nthat utilize the Latin and Cyrillic scripts. As a result,\\nLLaMA exhibits inferior performance in contexts involving\\nnon-English languages where it has not undergone suffi-\\ncient training. Some researchers collect large-scale data for\\nspecific languages of interest and retrain an LLM (Team\\n2023a). However, this inevitably leads to high computational\\nand data collection costs, which is not suitable for low-\\nresource languages. While Cui, Yang, and Yao (2023b)\\nextend original vocabulary and further pretrain LLaMA with\\n30B Chinese tokens by LoRA (Hu et al. 2021), reporting\\npromising results. ', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='2d50103a-fa4f-4e69-a9aa-d37f51aebfd4', embedding=[-0.00498691201210022, 0.008688852190971375, 0.01737770438194275, -0.03122003935277462, -0.013631572015583515, 0.018737463280558586, 0.00014776743773836643, 0.009334737434983253, -0.017894413322210312, -0.04095590487122536, 0.012550564482808113, 0.033939555287361145, -0.011204404756426811, 0.00919876154512167, 0.006101913284510374, -0.015202092006802559, 0.028011010959744453, -0.0034639830701053143, 0.0023795762099325657, -0.019852465018630028, -0.010823672637343407, -0.006768194492906332, -0.030322600156068802, -0.011829893104732037, -0.0043138316832482815, -0.0026430292055010796, 0.02663765475153923, -0.024054115638136864, -0.03497296944260597, 0.01152394711971283, -0.0013937517069280148, 0.014345444738864899, -0.029588330537080765, 0.0002944725565612316, -0.012931296601891518, -0.02874528057873249, 0.00017326288798358291, -0.024502836167812347, 0.035326506942510605, -0.022830333560705185, 0.017024168744683266, 0.02627052180469036, 0.00827412586659193, -0.023727774620056152, 0.015718800947070122, 0.018016790971159935, 0.005034503526985645, -0.01282251626253128, -0.014236664399504662, 0.006516639143228531, 0.018587889149785042, 0.024584421887993813, -0.027834242209792137, -0.004378420300781727, -0.01652105711400509, -0.0019750483334064484, 0.008722846396267414, 0.03714858368039131, 0.01803038828074932, -0.007866199128329754, -0.013658767566084862, 0.0270999725908041, -0.028962841257452965, 0.03978651389479637, 0.0018526699859648943, -0.005292857531458139, -0.003725736401975155, 0.014522213488817215, 0.02043716050684452, -0.008464492857456207, 0.007057142909616232, 0.0015348265878856182, 0.002012441633269191, -0.010245774872601032, 0.035979192703962326, -0.004575585015118122, -0.012931296601891518, -0.024679604917764664, -0.007437875494360924, 0.009368731640279293, 0.015174897387623787, -0.0075942473486065865, -0.022232040762901306, 0.03415711596608162, 0.007655436638742685, 0.0018458712147548795, 0.008165345527231693, -0.019213378429412842, -0.003093448933213949, 0.003256619907915592, 0.01374715194106102, 0.0009985720971599221, 0.025767410174012184, 0.012421387247741222, 0.004738755989819765, -0.008600467815995216, -0.01030016504228115, 0.014399834908545017, -0.010347756557166576, -0.022177649661898613, -0.006710404995828867, 2.3583299480378628e-05, -0.04166297987103462, -0.008117754012346268, -0.03622394800186157, -0.010510927997529507, 0.018315937370061874, 0.010660501196980476, 0.004929122049361467, -0.008695650845766068, -0.03059455007314682, 0.027739059180021286, -0.009470713324844837, -0.04035761207342148, -0.009667878039181232, -0.011421965435147285, 0.012033856473863125, -0.02351021207869053, -0.017513681203126907, -0.032525405287742615, 0.037366144359111786, 0.006152904126793146, 0.0077574183233082294, -0.010572116822004318, 0.02742631547152996, 0.007927387952804565, 0.01165312435477972, -0.007737021893262863, -0.03973212465643883, 0.006625419948250055, -0.01645306870341301, 0.01997484266757965, 0.015338067896664143, 0.01257776003330946, -0.02686881460249424, 0.03059455007314682, -0.026719240471720695, -0.007519460748881102, -0.007961382158100605, -0.019662098959088326, 0.01599075272679329, 0.003967093303799629, 0.0069279661402106285, -0.015895569697022438, -0.024258079007267952, 0.026746436953544617, 0.002931977855041623, 0.017268924042582512, -0.00047506537521257997, -0.010191384702920914, 0.006030526012182236, -0.04073834419250488, -0.004544990602880716, 0.013148858211934566, 0.025495458394289017, 0.00880443211644888, 0.0014430430019274354, 0.027671070769429207, -0.01531087327748537, 9.194300218950957e-05, -0.004072474781423807, 0.00047081615775823593, 0.004381819628179073, 0.019757281988859177, -0.0034605837427079678, 0.026977594941854477, 0.007376686204224825, -0.019172584637999535, 0.002365978667512536, -0.0259441789239645, -0.008253729902207851, 0.0328245535492897, -0.04196212813258171, 0.02578100748360157, -0.005153482314199209, 0.017160143703222275, 0.033150896430015564, -0.01312166266143322, -0.017717644572257996, -0.03505455702543259, 0.014372640289366245, 0.025835398584604263, 0.005133085884153843, 0.008464492857456207, -0.027779852971434593, -0.022000880911946297, -0.0006743549020029604, 5.075189983472228e-05, 0.012285412289202213, -0.001615562243387103, 0.005925144534558058, 0.035190533846616745, 0.0028639899101108313, -0.01475337240844965, -0.6374544501304626, -0.021416185423731804, 0.015338067896664143, -0.0002717390889301896, -0.004055477678775787, 0.0003677720087580383, -0.01622191071510315, -0.008097358047962189, -0.018547097221016884, 0.03649590164422989, -0.0204099640250206, -0.014698982238769531, 0.0065438346937298775, -0.021388990804553032, 0.005530815105885267, -0.017418498173356056, -0.009028792381286621, -0.029561134055256844, 0.006186897866427898, -0.0003414266975596547, -0.02244960144162178, 0.003059455193579197, -0.00203113816678524, 0.022191246971488, -0.011211203411221504, -0.006968759000301361, 0.018207157030701637, 0.0032787160016596317, 0.00392290111631155, 0.00481354258954525, -0.018479108810424805, 0.00880443211644888, 0.010266171768307686, -0.009803853929042816, 0.049332015216350555, 0.006486044730991125, -0.030322600156068802, 0.01615392230451107, 0.016194716095924377, 0.011041233316063881, -0.0169425830245018, -0.007872997783124447, 0.014930141158401966, 0.011591935530304909, 0.004592582117766142, 0.0022249037865549326, 0.005126286763697863, 0.004884929861873388, 0.006401060149073601, -0.012836113572120667, -0.004844137001782656, 0.019634902477264404, -0.00035013764863833785, -0.009797055274248123, -0.0021042253356426954, 0.005265661980956793, 0.01819355972111225, -0.012808918952941895, 0.010748885571956635, -0.011102422140538692, 0.0025818401481956244, 0.010993641801178455, 0.008994798175990582, -0.00923275575041771, -0.031111259013414383, 0.011428764089941978, -0.016670631244778633, -0.00022945912496652454, -0.004833939019590616, -0.024434847757220268, -0.005853757262229919, 0.025821801275014877, 0.006774993147701025, -0.01435904297977686, -0.014304651878774166, 0.008110955357551575, 0.005880952347069979, -0.010714891366660595, 0.015501239337027073, 0.01223102118819952, 0.0046843658201396465, 0.004167657811194658, -0.0011770403943955898, -0.009280347265303135, 0.033314067870378494, -0.0034214905463159084, 0.009137572720646858, 0.007213515229523182, -0.01624910533428192, 0.014549409039318562, 0.01224461942911148, 0.009878640994429588, -0.020627526566386223, -0.046014204621315, -0.012020259164273739, 0.017649656161665916, -0.012652546167373657, -7.632702909177169e-05, 0.014481420628726482, -0.015936361625790596, -0.004215249326080084, 0.004018084146082401, 0.020070025697350502, 0.012774924747645855, 0.023251859471201897, 0.01367916353046894, 0.007383484859019518, 0.004249243065714836, 0.03788285329937935, -0.017214534804224968, 0.009069584310054779, 0.012258216738700867, 0.0033637008164077997, 0.0012875206302851439, 0.016072336584329605, -0.028527719900012016, 0.0001520166697446257, 0.0025121525395661592, 0.031791139394044876, -0.014399834908545017, 0.00527586042881012, -0.011544344015419483, 0.024937957525253296, 0.014834958128631115, -0.012054253369569778, 0.01869666948914528, -0.004266240168362856, -0.004429411143064499, 0.016833802685141563, 0.031029673293232918, -0.016888191923499107, -0.01899581588804722, 0.02455722540616989, -0.026596862822771072, 0.03932419791817665, 0.023020699620246887, 0.02844613417983055, 0.01129278913140297, -0.007369887549430132, -0.017894413322210312, -0.029724305495619774, 0.005938742309808731, 0.0032872145529836416, -0.033640407025814056, -0.035924799740314484, -0.028527719900012016, -0.009654280729591846, 0.002644728869199753, -0.008464492857456207, -0.00037095893640071154, 0.005303055513650179, -0.01661624014377594, -0.02258557826280594, 0.00997382402420044, -0.0228167362511158, 0.0021127236541360617, -0.0002704643411561847, -0.02871808595955372, -0.010007817298173904, -0.031192844733595848, -0.006455450318753719, 0.015202092006802559, -0.010130195878446102, 0.014100688509643078, -0.012210625223815441, -0.022232040762901306, 0.00981065258383751, 0.02323826029896736, -0.02205527201294899, -0.04272359237074852, 0.019594110548496246, -0.03478260338306427, 0.00203113816678524, 0.018587889149785042, -0.0021110239904373884, 0.005602202378213406, -0.007505862973630428, 0.0035591660998761654, -0.009851445443928242, -0.02495155669748783, -0.006169901229441166, 0.01974368281662464, 0.002304789610207081, 0.004997109994292259, 0.01304007787257433, 0.005442430730909109, 0.01958051323890686, -0.015650812536478043, -0.02436685934662819, 0.02011081762611866, 0.007669033948332071, 0.00944351777434349, -0.008688852190971375, 0.0020600331481546164, -0.00553761376067996, 0.026420094072818756, 0.0026413295418024063, -0.00625488581135869, 0.007648637518286705, 0.020165208727121353, 0.010952848941087723, 0.004422612488269806, 0.00031380660948343575, -0.0038923067040741444, 0.005133085884153843, -0.010381750762462616, -0.0019461533520370722, -0.03108406439423561, -0.0014710880350321531, -0.001628309953957796, 0.011197606101632118, -0.014182274229824543, -0.015392458066344261, -0.03385797142982483, -0.009994219988584518, 0.033477239310741425, -0.001959750894457102, 0.006900771055370569, -0.016004350036382675, 0.0016232108464464545, -0.022966310381889343, 0.00699595408514142, 0.030404184013605118, -0.0025767411570996046, -0.004850936122238636, 0.0016444571083411574, -0.021321002393960953, 0.003084950614720583, 0.0004971614689566195, -0.02066831849515438, 0.004888329189270735, -0.0022402009926736355, 0.017051363363862038, 0.027643876150250435, 0.010354556143283844, -0.006574429105967283, 0.03274296969175339, 0.006455450318753719, 0.037828464061021805, 0.010476933792233467, -0.0022486995439976454, 0.011823094449937344, 0.0007699628476984799, -0.024666007608175278, 0.02890845201909542, -0.014644592069089413, 0.024149298667907715, 0.022830333560705185, -0.0167522169649601, 0.007519460748881102, -0.003916102461516857, 0.016833802685141563, -0.01601794734597206, -0.007906991988420486, -0.00568718696013093, -0.02677363157272339, 0.009803853929042816, 0.007016350515186787, 0.038426756858825684, 0.03203589469194412, 0.008716047741472721, 0.012530168518424034, 0.020586732774972916, -0.012251418083906174, 0.010810074396431446, -0.014005505479872227, 0.007519460748881102, -0.00977665837854147, -0.02297990769147873, 0.011530746705830097, -0.011571538634598255, -0.029126012697815895, 0.01964849978685379, -0.019063804298639297, 0.016860997304320335, 0.012333003804087639, -0.001798279699869454, 0.004181255120784044, 0.01664343662559986, 0.027875036001205444, -0.03415711596608162, -0.020233197137713432, 0.031437601894140244, 0.007478667888790369, -0.006523438263684511, -0.013815139420330524, -0.04008566215634346, 0.0024526631459593773, -0.008607267402112484, -0.011265593580901623, -0.009273548610508442, -0.0024985549971461296, -0.016235508024692535, 0.006458849646151066, -0.013556785881519318, 0.005500220227986574, 0.04133663699030876, 0.015324470587074757, 0.007070740684866905, 0.003953495994210243, -0.006496243178844452, 0.01895502395927906, -0.043104324489831924, -0.019390147179365158, 0.0349457748234272, -0.019308561459183693, -0.027371924370527267, -0.003392595797777176, 0.0011923376005142927, 0.0005524015869013965, 0.003963693976402283, 0.013346022926270962, 0.007553454488515854, 0.00901519414037466, 0.037692487239837646, 0.020165208727121353, 0.01601794734597206, 0.009402724914252758, 0.03981370851397514, 0.006390861701220274, -0.011238398030400276, -0.029397964477539062, -0.005116088781505823, 0.026066556572914124, 0.03894346207380295, 0.030812112614512444, -0.011455959640443325, 0.025604240596294403, -0.03200870007276535, -0.005914946552366018, -0.02235441841185093, -0.028011010959744453, 0.01566440984606743, 0.024570824578404427, -0.03483699634671211, -0.021470576524734497, 0.018751060590147972, 0.003316109301522374, 0.018383925780653954, 0.004099669866263866, -0.007444674149155617, -0.03755651041865349, -0.01018458604812622, -0.004956317134201527, 0.007233911659568548, -0.004602780099958181, 0.03758370503783226, 0.0288812555372715, 0.0008332766010425985, 0.006951761897653341, 0.03527211770415306, 0.004449807573109865, -0.02099466137588024, -0.01958051323890686, -0.011184007860720158, -0.0030373590998351574, 0.005908147897571325, 0.004198252223432064, -0.007240710314363241, 0.018288742750883102, 0.0024628613609820604, -0.0009433319792151451, 0.014766969718039036, -0.0007130230078473687, 0.025046739727258682, 0.028636500239372253, 0.008212937042117119, -0.006295678671449423, 0.014413433149456978, -0.003837916534394026, -0.02654247172176838, 0.025128323584794998, -0.00685657886788249, -0.029588330537080765, 0.022136857733130455, -0.004782948177307844, -0.027344729751348495, -0.020695513114333153, 0.014848555438220501, -0.002551245503127575, -0.0035013763699680567, 0.0010606111027300358, 0.005541013088077307, -0.01304007787257433, -0.028690889477729797, -0.0336947999894619, 0.005642994772642851, -0.008110955357551575, -0.02462521381676197, 0.02013801410794258, -0.031301625072956085, 0.01330523006618023, -0.007233911659568548, 0.017064960673451424, -0.021715331822633743, -0.024897165596485138, -0.03336845710873604, -0.001910459715873003, 0.006210693623870611, 0.01373355370014906, 0.038617122918367386, -0.006625419948250055, -0.0037427335046231747, 0.01932215876877308, 0.0024985549971461296, -0.003472481621429324, 0.013223644345998764, -0.012373795732855797, 0.000358848599717021, -0.008872419595718384, -0.02756229043006897, -0.02809259667992592, -0.004895128309726715, -0.005785769317299128, -0.012523369863629341, 0.007193118799477816, -0.015174897387623787, -0.014032701030373573, 0.00025962875224649906, 0.017228132113814354, 0.018451914191246033, 0.02268076129257679, 0.002680422505363822, -0.038780294358730316, 0.005561409518122673, -0.019566915929317474, -0.01608593575656414, -0.0223816130310297, 0.003521772800013423, 0.005901348777115345, 0.007512662094086409, -0.0013181152753531933, 0.00020746930385939777, -0.005207872483879328, 0.017948802560567856, -0.0169425830245018, 0.026882411912083626, 0.008981199935078621, 0.021185027435421944, -0.007410679943859577, 0.012795320712029934, 0.02087228186428547, 0.015025324188172817, -0.02522350661456585, 0.00524186622351408, -0.03529931232333183, 0.02739912085235119, 0.008226534351706505, -0.02631131373345852, 0.02258557826280594, 0.020328380167484283, 0.0025410475209355354, -0.0399496853351593, 0.004602780099958181, -0.0036203551571816206, 0.023455822840332985, -0.004252642393112183, -0.01605873927474022, -0.034238703548908234, 0.0028146987315267324, -0.01242818683385849, -0.004028282593935728, -0.017908010631799698, 0.0009679775685071945, 0.015242884866893291, 0.006088315509259701, -0.0001354446285404265, -0.030812112614512444, 0.03230784460902214, -0.02386374957859516, -0.022707955911755562, 0.01955331675708294, 0.0017931805923581123, 0.01328483410179615, -0.0033959951251745224, 0.02020600065588951, -0.04364822432398796, -0.007043545600026846, -0.002226603450253606, -0.023727774620056152, 0.00717952148988843, -0.0043206303380429745, 0.024801982566714287, 0.01356358453631401, 0.04802664741873741, -0.007655436638742685, 0.014263859950006008, 0.0043206303380429745, -0.01168711856007576, 0.005320052616298199, -0.007444674149155617, -0.007397082634270191, -0.0028843863401561975, -0.014630993828177452, 0.01356358453631401, -0.015637215226888657, 0.02809259667992592, -0.025141922757029533, 0.016276301816105843, 0.02601216733455658, -0.02149777114391327, -0.015283677726984024, 0.0019920452032238245, -0.004776149522513151, -0.0014923341805115342, 0.010130195878446102, -0.005823162849992514, 0.004990311339497566, -0.02179691754281521, -0.017255326732993126, 0.016561850905418396, -0.010136994533240795, 0.021701734513044357, 0.00538124144077301, 0.015229287557303905, -0.010449739173054695, 0.00204473570920527, 0.005588604602962732, 0.03203589469194412, -0.006842981092631817, -0.001327463542111218, -0.04661249741911888, 0.00862086471170187, 0.012890503741800785, -0.011319983750581741, -0.006489444058388472, 0.021348197013139725, -0.023958932608366013, 0.013590779155492783, 0.0034112923312932253, 0.00947751197963953, 0.004004486836493015, -0.017758436501026154, -0.022300027310848236, -0.011150013655424118, -0.042179688811302185, 0.009851445443928242, 0.0022317024413496256, -0.010850867256522179, 0.003528571454808116, 0.0035421692300587893, 0.021715331822633743, -0.03089369833469391, -0.003616955829784274, 0.025563446804881096, 0.014495017938315868, 0.046068593859672546, -0.012237820774316788, 0.01849270612001419, 0.021470576524734497, 0.00234048324637115, -0.02265356481075287, -0.0003199680068064481, 0.015542032197117805, -0.00802936963737011, -0.0034554845187813044, 0.00392290111631155, -0.013937518000602722, -0.005313253495842218, 0.017975999042391777, 0.01181629579514265, -0.025400275364518166, -0.042777981609106064, 0.0018356729997321963, 0.004997109994292259, 0.022925516590476036, -0.020709112286567688, -0.015569226816296577, -0.02472039684653282, 0.003117244690656662, -0.0027977016288787127, 0.010565318167209625, -0.002012441633269191, -0.010456537827849388, -0.006968759000301361, 0.039215415716171265, 0.021837711334228516, -0.0026702245231717825, -0.014399834908545017, 0.005829961504787207, 0.018601486459374428, 0.009933031164109707, -0.008450894616544247, 0.012448582798242569, -0.0023540807887911797, 0.050229452550411224, -0.0008409252041019499, 0.018383925780653954, -0.0067579965107142925, 0.005078695248812437, 0.004602780099958181, 0.016860997304320335, -0.0012688239803537726, 0.024285275489091873, -0.017418498173356056, 0.018982218578457832, 0.002092327456921339, -0.001276472699828446, 0.0032940132077783346, -0.0169425830245018, 0.0033008120954036713, -0.01832953467965126, -0.014848555438220501, 0.005292857531458139, 0.01990685425698757, 0.008382907137274742, -0.01654825173318386, -0.0010912056313827634, -0.008682053536176682, -0.00541523564606905, -0.007940985262393951, -0.01599075272679329, 0.02011081762611866, -0.0336947999894619, -0.009640682488679886, 0.005996531806886196, 0.014182274229824543, 0.0059047481045126915, -0.019226975739002228, -0.01830234006047249, -0.0006199645576998591, 0.009069584310054779, -0.024965154007077217, 0.013651968911290169, 0.0032515209168195724, -0.00834211427718401, 0.004130264278501272, -0.0057347784750163555, -0.008593669161200523, -0.008981199935078621, 0.02858210913836956, -0.02254478447139263, -0.031899917870759964, -0.003899105591699481, 0.023496614769101143, 0.004493999760597944, 0.006754597183316946, -0.012366997078061104, 0.008790833875536919, 0.0008256279397755861, 0.012183429673314095, -0.002364279003813863, 0.013332425616681576, -0.008627663366496563, -0.006819185335189104, -0.006163102108985186, 0.02601216733455658, -0.012373795732855797, 0.01717374101281166, 0.01018458604812622, 0.0031410404480993748, -0.027480704709887505, -0.03910663351416588, 0.007383484859019518, -0.006618621293455362, -0.007961382158100605, 0.004980112891644239, -0.004409014713019133, -0.002381275873631239, -0.013937518000602722, -0.01830234006047249, 0.014263859950006008, -0.02499234862625599, 0.019634902477264404, 0.025332288816571236, 0.007940985262393951, 0.022245638072490692, 0.022327223792672157, -0.024407653138041496, 0.005782369989901781, 0.012333003804087639, 0.0023931737523525953, -0.03467382490634918, -0.013278035447001457, -0.029887476935982704, 0.038127608597278595, -0.0011923376005142927, -0.01098004449158907, -0.011449160985648632, -0.023483017459511757, -0.07375326752662659, 0.008852023631334305, -0.013767547905445099, 0.009933031164109707, 0.0002547421318013221, 0.01193187478929758, 0.0018730664160102606, 0.018247950822114944, -0.003844715189188719, 0.00611551059409976, -0.007152325939387083, -0.0067070056684315205, -0.010436140932142735, -0.01582758128643036, 0.0038957062643021345, -0.009382328949868679, -0.022571979090571404, -0.006302477326244116, 0.01254376582801342, -0.009069584310054779, 0.003684943774715066, 0.015977153554558754, -0.009069584310054779, -0.011768704280257225, 0.004184654913842678, 0.030512966215610504, -0.00048611342208459973, -0.006486044730991125, 0.009307541884481907, -0.02057313546538353, 0.0019869462121278048, 0.02677363157272339, -0.02855491451919079, -0.02448923885822296, 0.006455450318753719, 0.009735865518450737, 0.0016818504082038999, 0.013203248381614685, 0.011197606101632118, -0.010619708336889744, 0.01575959287583828, -0.016738619655370712, 0.033014919608831406, -0.013543187640607357, -0.0007397932349704206, 0.01239419262856245, 0.012768126092851162, -0.008729645051062107, -0.019172584637999535, 0.007655436638742685, 0.0018458712147548795, 0.0005150082870386541, 0.029778696596622467, -0.011088824830949306, -0.010266171768307686, -0.008253729902207851, -0.011061630211770535, 0.0010521126678213477, 0.001331712817773223, -0.005731379147619009, 0.01684739999473095, -0.024339664727449417, 0.03671346232295036, 0.026052959263324738, -0.03309650346636772, -0.004086072091013193, -0.01079647708684206, 0.010293366387486458, 0.0007363938493654132, -0.01373355370014906, 0.012210625223815441, -0.029452353715896606, 0.006292279344052076, -0.014209468849003315, -0.007567052263766527, -0.0007053743465803564, -0.014127884060144424, 0.019757281988859177, -0.005333649925887585, 0.006278681568801403, 0.21875783801078796, -0.04555188864469528, 0.0003420640714466572, 0.0025036539882421494, -0.010320561937987804, -0.0009977222653105855, 0.03233503922820091, 0.02011081762611866, -0.017187338322401047, 0.009769859723746777, 0.012380595318973064, 0.007281503174453974, -0.016099533066153526, -0.00010575303895166144, 0.002819797722622752, -0.01786721684038639, -0.029397964477539062, -0.026324911043047905, 0.004871332552284002, 0.02376856654882431, 0.00440221605822444, -0.00335010327398777, -0.0017591866198927164, -0.007274704519659281, 0.009980622678995132, -0.005048100836575031, 0.015718800947070122, 0.014495017938315868, 0.009266749955713749, 0.0008676954312250018, -0.029234793037176132, -0.010728489607572556, 0.010585715062916279, -0.00791379064321518, -0.022694358602166176, 0.009008395485579967, 0.010198183357715607, -0.014263859950006008, 0.02531869150698185, 0.0005230818642303348, 0.020002037286758423, -0.00440221605822444, -0.0005515517550520599, -0.035924799740314484, -0.001153244636952877, 0.03804602473974228, -0.011435563676059246, -0.01964849978685379, -0.00802936963737011, -0.0003046707424800843, -0.002819797722622752, 0.002569942269474268, 0.022232040762901306, 0.03214467316865921, 0.006234489381313324, 0.004171057138592005, -0.021239416673779488, 0.010429342277348042, 0.006190297659486532, 0.00628888001665473, -0.030948087573051453, -2.1153264242457226e-05, 0.018071182072162628, 0.020817892625927925, -0.0012832714710384607, 0.006917767692357302, 0.01505251880735159, -0.022857528179883957, 0.002690620720386505, -0.011421965435147285, -0.012475778348743916, -0.016371484845876694, -0.012829314917325974, -0.011231599375605583, -0.029316378757357597, -0.0435122512280941, 0.042179688811302185, 0.0395689532160759, 0.017187338322401047, 0.03777407109737396, -0.000843899673782289, -0.03622394800186157, -0.007662235293537378, -0.028500523418188095, -0.007152325939387083, -0.005782369989901781, 0.006173300556838512, -0.03075772151350975, -0.003256619907915592, -0.013855932280421257, -0.0006016928236931562, -0.005802766419947147, -0.020926672965288162, 0.011319983750581741, 0.014862152747809887, -0.010490532033145428, 0.024666007608175278, -0.009695073589682579, -0.0025818401481956244, -0.014780567027628422, -0.04343066364526749, 0.0565115362405777, 0.031437601894140244, 0.019104598090052605, 0.013869529590010643, 0.004575585015118122, -0.02661046013236046, 0.0029149807523936033, -0.013774346560239792, -0.005306454841047525, 0.02196008898317814, -0.03771968185901642, 0.0105177266523242, -0.013849133625626564, -0.02034197747707367, 0.014630993828177452, 0.005806165747344494, 0.001367406453937292, 0.0410102941095829, 0.007981778122484684, -0.0016062139766290784, -0.02330624870955944, 0.004888329189270735, 0.011496752500534058, 0.0014362442307174206, -0.011904679238796234, -0.025563446804881096, 0.016996972262859344, -0.04299554228782654, 0.0027280140202492476, 0.006050922442227602, -0.03415711596608162, 0.03296053037047386, -0.0075874486938118935, 0.013869529590010643, -0.013910322450101376, -0.008362510241568089, 0.001666553202085197, -0.013373218476772308, -0.011129617691040039, 0.004731957335025072, -0.007567052263766527, 0.005122887436300516, 0.00321072805672884, 0.015514836646616459, -0.016697825863957405, -0.021973686292767525, 0.0206003300845623, -0.00582656217738986, -0.024733994156122208, -0.023809358477592468, -0.007505862973630428, 0.015134104527533054, -0.005476424470543861, 0.028146985918283463, 0.007050344254821539, -0.005459427833557129, -0.014766969718039036, 0.007533058524131775, 0.01909099891781807, -0.03399394452571869, -0.0005753475124947727, 0.0035523672122508287, -0.006853179540485144, -0.0018305740086361766, -0.0028741881251335144, -0.1731787621974945, -0.01892782934010029, 0.018615083768963814, -0.02476119063794613, 0.027535095810890198, 0.0019053606083616614, 0.021484173834323883, 0.005095692351460457, -0.02904442697763443, -0.0010810074163600802, 0.0010121697559952736, 0.0067206029780209064, -0.025509057566523552, -0.011353977955877781, -0.012285412289202213, 0.013223644345998764, -0.023591797798871994, -0.01740490086376667, 0.016561850905418396, 0.0017056461656466126, 0.02654247172176838, -0.02890845201909542, 0.00730189960449934, 0.0038277183193713427, -0.0022452999837696552, 0.007906991988420486, -0.014100688509643078, 0.024842774495482445, -0.01257776003330946, -0.048706524074077606, -0.012217423878610134, -0.0037325352896004915, -0.005789169110357761, -0.01325083989650011, 0.018846243619918823, 0.01958051323890686, 0.010388549417257309, 0.003518373239785433, -0.012333003804087639, 0.018764657899737358, 0.01091205608099699, 0.038127608597278595, -0.0013827037764713168, -0.012346601113677025, -0.020885879173874855, 0.022721553221344948, 0.029153207316994667, -0.02113063633441925, 0.025427471846342087, -0.0052588633261621, -0.0013385115889832377, -0.002811299404129386, 0.009103578515350819, 0.003970492631196976, -0.01187068596482277, -0.004823741037398577, 0.004154060035943985, 0.01892782934010029, 0.0008422000100836158, 0.019852465018630028, 0.013325626961886883, -0.004395416937768459, 0.019920451566576958, 0.0011251996038481593, 0.023265456780791283, -0.03505455702543259, -0.002586939139291644, 0.0014302952913567424, -0.03287894278764725, -0.0012076349230483174, 0.0038073218893259764, -0.010728489607572556, -0.008709249086678028, -0.00832171831279993, 0.023156676441431046, 0.028065402060747147, 0.0008655708516016603, 0.014331847429275513, 0.018043985590338707, 0.008348912931978703, -0.02964271977543831, 0.025468263775110245, -0.006673011463135481, 0.0007521160296164453, -0.02406771294772625, -0.008947206661105156, -0.0016410576645284891, 0.015324470587074757, -0.006724002305418253, -0.015678007155656815, 0.022340821102261543, -0.019539719447493553, -0.012407789938151836, -0.0122990095987916, 0.00233708368614316, 0.014032701030373573, -0.000771662569604814, -0.017962399870157242, 0.003528571454808116, -0.01638508215546608, 0.01800319366157055, 0.00262943166308105, -0.001516129937954247, -0.008416901342570782, 0.03584321588277817, -0.005948940292000771, -0.022884724661707878, 0.01066729985177517, 0.041880540549755096, -0.02251758985221386, -0.005360845010727644, -0.0005141583969816566, 0.010585715062916279, 0.004171057138592005, 0.014712579548358917, 0.027902230620384216, 0.011027636006474495, -0.02066831849515438, 0.011673521250486374, 0.0055070193484425545, 0.05237787216901779, -0.017894413322210312, -0.016956180334091187, 0.01460379920899868, -0.022191246971488, -0.012591357342898846, -0.13075430691242218, -0.015501239337027073, -0.006938164122402668, 0.018275145441293716, -0.01187068596482277, 0.006486044730991125, 0.007186320144683123, 0.028391743078827858, -0.01529727503657341, 0.03880748897790909, -0.01733691245317459, -0.019294964149594307, 0.010769281536340714, 0.0029268786311149597, 0.00010617796215228736, 0.0074174790643155575, 0.03538089990615845, 0.0028163983952254057, -0.017690449953079224, 0.04079273343086243, 0.0006361117120832205, 0.0019240572582930326, -0.0034486858639866114, -0.02828296273946762, -0.009123975411057472, 0.01531087327748537, -0.019036609679460526, 0.021348197013139725, 0.010898458771407604, -0.0024543628096580505, 0.015773190185427666, -0.014277457259595394, 0.020382769405841827, -0.002168813720345497, 0.03132881969213486, -0.0004138762888032943, -0.012944894842803478, -0.014318250119686127, 0.0340755321085453, -0.00702314916998148, -0.007403881289064884, 0.01605873927474022, -0.012156235054135323, -0.004422612488269806, -0.009212358854711056, -0.012591357342898846, -0.00511948810890317, 0.021157830953598022, 0.010170988738536835, -0.03396674990653992, -0.031736746430397034, -0.027317535132169724, -0.05912226811051369, 0.015324470587074757, 0.014495017938315868, 0.0020940271206200123, -0.004167657811194658, 0.007648637518286705, -0.023428626358509064, 0.005442430730909109, 0.007308698259294033, -0.006645816378295422, -0.03755651041865349, 0.012502972967922688, 0.019689293578267097, -0.007961382158100605, 0.009565896354615688, -0.03445626422762871, 0.02189210057258606, -0.011884283274412155, -0.002037937054410577, 0.02080429531633854, -0.0016640035901218653, 0.0180983766913414, -0.04166297987103462, 0.011659923009574413, -0.018846243619918823, -0.02996906265616417, 0.003180133644491434, -0.009953427128493786, -0.01211544219404459, -0.026256922632455826, 0.009382328949868679, -0.03603358194231987, 0.005088893696665764, -0.006829383783042431, -0.00043066078796982765, -0.01514770183712244, -0.003110446035861969, -0.020355574786663055, -0.01269333902746439, 0.01585477590560913, 0.00977665837854147, -0.02351021207869053, -0.003960294649004936, 0.00855287630110979, -0.02106264792382717, 0.008838425390422344, 0.02235441841185093, 0.01668422855436802, -0.013352821581065655, 0.00901519414037466, -0.0408199280500412, 0.011218002066016197, 0.005880952347069979, -0.030023451894521713, -0.00017485635180491954, -0.02693680301308632, 0.011857087723910809, -0.004820341244339943, -0.012319405563175678, 0.01076248288154602, -0.0374477319419384, 0.013835535384714603, -0.01325083989650011, -0.011272392235696316, -0.02231362648308277, -0.013060473836958408, 0.01399190817028284, -0.004283237271010876, 0.004266240168362856, 0.021810514852404594, 0.006778392940759659, -0.010143793188035488, 0.013033278286457062, 0.02337423712015152, 0.003589760744944215, 0.007737021893262863, -0.0156916044652462, 0.036414314061403275, 0.006030526012182236, 0.0009985720971599221, 0.00855287630110979, -0.01608593575656414, -0.021375393494963646, 0.01327123586088419, -0.029452353715896606, -0.025332288816571236, 0.02351021207869053, 0.01842471770942211, 0.02221844345331192, 0.0408199280500412, -0.016072336584329605, -0.024353262037038803, 0.00802936963737011, 0.006788590922951698, -0.0019053606083616614, 0.011000440455973148, -0.015678007155656815, -0.016439471393823624, 0.01119080651551485, -0.00966107938438654, 0.02175612561404705, 0.007703028153628111, 0.0021654143929481506, -0.036903828382492065, -0.006142706144601107, 0.0015637214528396726, 0.02215045504271984, -0.004793146159499884, 0.02284393087029457, 0.018669474869966507, 0.0198796596378088, -0.011857087723910809, 0.002836794825270772, -0.01267294306308031, -0.0009229356073774397, -0.023822957649827003, -0.02198728360235691, 0.001876465743407607, -0.019730085507035255, -0.018043985590338707, -0.009729066863656044, 0.02089947834610939, -0.005316653288900852, 0.01208144798874855, 0.006081516854465008, 0.0223816130310297, 0.005772172007709742, 0.008335315622389317, 0.0006705306004732847, 0.025821801275014877, -0.001782982493750751, 0.00025665428256615996, -0.0059047481045126915, 0.023455822840332985, 0.01918618194758892, -0.00817894283682108, -0.012237820774316788, 0.012074649333953857, -0.02228643000125885, 0.004460005555301905, 0.009042389690876007, 0.01899581588804722, 0.004296834580600262, 0.010558519512414932, -0.002688921056687832, 0.018710266798734665, 0.009783457964658737, -0.005122887436300516, 0.0230071023106575, 0.003990889061242342, 0.02937076799571514, -0.00917836558073759, -0.006591426208615303, -0.022490395233035088, -0.014481420628726482, -0.0013164154952391982, -0.03804602473974228, -0.014780567027628422, 0.013216845691204071, 0.023428626358509064, -0.006554032675921917, -0.014209468849003315, 0.0015679707285016775, 0.006642417050898075, -0.015718800947070122, 0.01691538654267788, 0.004895128309726715, -0.01654825173318386, -0.03573443368077278, 0.011462758295238018, 0.030648941174149513, 0.020953867584466934, 0.04949518293142319, 0.004279837943613529, 0.01282251626253128, 0.027766253799200058, 0.029561134055256844, -0.037039801478385925, 0.01997484266757965, 0.02351021207869053, 0.012305808253586292, 0.027072777971625328, -0.023251859471201897, -0.021212222054600716, -0.007512662094086409, 0.0014149979688227177, 0.014848555438220501, 0.014739775098860264, 0.006482645403593779, 0.06885813921689987, 0.01958051323890686, -0.003399394452571869, 0.01835673116147518, 0.01150355115532875, 0.017092155292630196, 0.0010461637284606695, 0.007390283513814211, -0.014236664399504662, -0.021117039024829865, -0.0048101432621479034, -0.0013376617571339011, -0.005588604602962732, -0.02844613417983055, -0.015351666137576103, -0.006057721097022295, -0.010674098506569862, 0.026216130703687668, -0.023822957649827003, -0.010789678432047367, 0.035489678382873535, 0.008478090167045593, 0.00837610848248005, -0.0024084709584712982, -0.01505251880735159, 0.011150013655424118, 0.007029947824776173, 0.02700478956103325, -0.005561409518122673, 0.003865111619234085, 0.017812827602028847, 0.028690889477729797, -0.03141040727496147, -0.01505251880735159, -0.014372640289366245, -0.021470576524734497, -0.0034486858639866114, -0.015514836646616459, 0.012815717607736588, -0.0015552230179309845, 0.012319405563175678, 0.011782301589846611, -0.009151170030236244, -0.026202533394098282, -0.019430939108133316, 0.007233911659568548, -0.008702450431883335, -0.008539278991520405, -0.03271577134728432], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='337f3e70-1044-4c26-b98b-3fe8505a71b3', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '2', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_type': 'application/pdf', 'file_size': 1719588, 'creation_date': '2024-02-25', 'last_modified_date': '2024-01-15', 'last_accessed_date': None}, hash='7ef086c22d20757226b9a957dbd2a70c9559f5360de5856e647208344563671f')}, text='Nonetheless, a fine-grained systematic\\ninvestigation of the transfer process remains lacking.\\nIn this work, we take a step towards gaining a compre-\\nhensive understanding of the language capability transfer\\nin LLMs. As shown in figure 1, we empirically investigate\\nseveral key aspects based on LLaMA:\\n(1)The impact of vocabulary extension on transfer.\\nWe find that further pretraining with 0.5 billion Chinese\\ntokens on the original vocabulary significantly outperforms\\nperformance on the extended vocabulary, even though the\\nlatter has been further pretrained on over 30 billion tokens.\\nThis suggests that vocabulary extension might not be a\\nsuitable choice for small-scale incremental pretraining in the\\norder of tens of billions.\\n(2)Training scales required for effective transfer. We\\nfind that further Chinese pretraining with 100 billion tokens\\nor fewer is insufficient to significantly improve LLaMA’s\\nknowledge level. However, enhancing LLaMA’s response\\nquality (i.e., language generation capability), requires only\\nhundreds of thousands of instruction data rather than a large-\\nscale further pretraining.\\n(3)The effect of transfer training on the original English\\ncapabilities. We find that exclusive reliance on Chinese cor-\\npora for transfer training markedly compromises LLaMA’s\\noriginal English proficiency, a concern alleviated effectively\\nthrough multilingual joint training.\\nThe aforementioned findings enable us to transfer\\nLLaMA’s capabilities of language generation and following\\ninstructions to non-English languages at minimal cost.\\nBased on evaluation results from four widely used\\nstandardized testing benchmarks (C-Eval, GAOKAO-\\nBench, MMLU, AGI-Eval) and an instruction evaluation\\nbenchmark LLM-Eval, we achieve comparable knowledge\\nlevel and response quality to the state-of-the-art Open\\nChinese LLaMA, while using less than 1%of the training\\ndata. Furthermore, extension experiments on another 13\\nlow-resource languages also exhibit similar trends. We\\naim for the experimental results and analyses in this paper\\nto provide assistance and guidance to the community in\\nconstructing non-English LLMs.\\nBackground and Overview\\nIn this subsection, we firstly present the essential steps to\\ndevelop an instruction-following LLM. Subsequently, we\\nreview common practices of extrapolating this model to\\na non-English language and provide an overview of our\\nempirical research conducted for the model extrapolation.Step 1: Pretraining to acquire language capability\\nand knowledge\\nAs a significant source of foundational capabilities for a\\nLLM, pretraining aims to predict the next token based on\\nthe prefix sequences. Formally, given a large corpus D, the\\ntraining objective is to minimize the following loss:\\nLpretrain =X\\nx∈DX\\nilogpθ(xi|x1, ..., x i−1), (1)\\nwhere x={x1, ..., x n}denotes an input token sequence.\\nBy pretraining on massive text data ranging from billions\\nto trillions of tokens, LLMs are capable of capturing\\nintricate language structures, semantics, and contextual\\nrelationships, thereby acquiring strong language generation\\ncapabilities. Additionally, these LLMs also learn how to\\ncomprehend concepts, facts, and the connections between\\nthem, leading to a broad understanding of world knowledge.\\nStep 2: Instruction tuning for aligning with human\\nintent\\nInstruction tuning (SFT) aims to further enhance the capabil-\\nity of LLMs to follow instructions. Its training data consists\\nof many instruction-response pairs. The model needs to\\nlearn to accurately respond to instructions, rather than\\nmerely continuing from the preceding text. Formally, given\\nan instruction dataset D′={(I, Y)}, where Irepresents\\na task instruction and Yrepresents a desired response, the\\ntraining objective of instruction tuning is to minimize the\\nfollowing loss:\\nLins=−logpθ(Y|I), (2)\\nBy tuning on diverse instruction tasks, the model is able\\nto better comprehend and follow human instructions, and\\ngeneralize to unseen instructions.\\nExtrapolating LLMs to non-English languages\\nLLMs acquire language generation and instruction-\\nfollowing capabilities through pretraining and instruction\\ntuning. ', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='c1b046cb-be9d-436e-a32b-95fd2ed8552e', embedding=[-0.0012491726083680987, 0.01418855506926775, 0.010320809669792652, -0.037326812744140625, -0.0009234498138539493, 0.020941760390996933, -0.021419260650873184, 0.009543167427182198, -0.02241518720984459, -0.03866381198167801, -0.002772907493636012, 0.02938668057322502, -0.01394298393279314, 0.017640193924307823, 0.005307065322995186, 0.013554162345826626, 0.030287107452750206, -0.0065144565887749195, -0.012612806633114815, -0.010163916274905205, -0.026508040726184845, 0.0025119881611317396, -0.012844734825193882, -0.006545152980834246, -0.005293422378599644, 0.0035403172951191664, 0.011944307014346123, -0.030969249084591866, -0.025880469009280205, 0.0037892991676926613, -0.0047340658493340015, 0.012851555831730366, -0.032278962433338165, -0.006436010356992483, -0.025621255859732628, -0.00817206222563982, -0.0005150172510184348, -0.023220116272568703, 0.023220116272568703, -0.02120097540318966, 0.01974119059741497, 0.021746689453721046, 0.01731276512145996, -0.026903683319687843, 0.02167847380042076, 0.009549988433718681, 0.01493891142308712, -0.007271634414792061, -0.0035778351593762636, 0.00810384750366211, 0.012694663368165493, 0.04158337786793709, -0.032524533569812775, 0.002293702680617571, -0.005637904163450003, -0.009324882179498672, 0.004771583713591099, 0.017012622207403183, 0.018158622086048126, -0.01120077259838581, 0.00128242711070925, 0.030478106811642647, -0.019877620041370392, 0.03337039053440094, -0.004386173561215401, -0.012251270934939384, -0.015716552734375, 0.013008449226617813, 0.01103705819696188, -0.006933974102139473, -0.0005623408360406756, -0.006558795925229788, -0.012073914520442486, 0.005982385948300362, 0.02594868466258049, 0.0011877798242494464, -0.012844734825193882, -0.008383525535464287, -0.014256768859922886, 0.004611280281096697, 0.004157655872404575, -0.02788596786558628, -0.033643245697021484, 0.014147626236081123, 0.02963225170969963, 0.00800152588635683, 0.013376805931329727, -0.014829767867922783, -0.01294705644249916, 0.001186927198432386, 0.00946131069213152, 0.0021061135921627283, 0.015116267837584019, 0.003047469537705183, -0.00617338577285409, -0.016726123169064522, 0.002566559473052621, 0.005378690082579851, -0.008990632370114326, -0.03866381198167801, -0.004890958312898874, -0.008472204208374023, -0.029168393462896347, -0.007626348175108433, -0.031105678528547287, 0.00970005989074707, 0.010566380806267262, 0.006360974628478289, -0.003054291009902954, -0.0038302275352180004, -0.029468536376953125, 0.03118753433227539, -0.008745061233639717, -0.04027366638183594, -0.012906127609312534, -0.02211504615843296, 0.013820198364555836, -0.02492547035217285, -0.021378332749009132, -0.017435550689697266, 0.04114680737257004, 0.003177076578140259, 0.01784483529627323, -0.00647352822124958, 0.019809404388070107, 0.01639869436621666, 0.021323760971426964, 0.001869069179520011, -0.04090123623609543, 0.006613367237150669, -0.021228261291980743, 0.022537972778081894, -0.0017752747517079115, 0.01751740835607052, -0.02678089775145054, 0.030150678008794785, -0.011569129303097725, -0.014884339645504951, -0.005259315017610788, -0.005716350395232439, 0.015989409759640694, 0.0048943692818284035, 0.014256768859922886, -0.01294705644249916, -0.002300524152815342, 0.05132436752319336, 0.011678271926939487, 0.009863774292171001, 0.0054298508912324905, -0.007448991294950247, 0.012408164329826832, -0.037517812103033066, -0.009079311043024063, 0.006166564300656319, 0.025143755599856377, -0.011228058487176895, 0.007871919311583042, 0.039018526673316956, -0.01731276512145996, -0.00552876153960824, -0.009625024162232876, 0.0077559552155435085, 0.005828903988003731, 0.006289349868893623, 0.00800152588635683, 0.027476681396365166, 0.016726123169064522, -0.002980960765853524, -0.001875890651717782, -0.011439521797001362, -0.019522905349731445, 0.03162410482764244, -0.04488494619727135, 0.025498470291495323, 0.0045430660247802734, 0.009665952995419502, 0.02017776109278202, -0.016412338241934776, -0.018895335495471954, -0.033888816833496094, 0.007721847854554653, 0.02721746824681759, 0.012162593193352222, 0.005051261745393276, -0.02968682162463665, -0.012435449287295341, 0.007230705581605434, 0.002060069004073739, 0.02454347163438797, -0.01389523409307003, 0.007155670318752527, 0.030096108093857765, 0.009768274612724781, -0.009590917266905308, -0.647434651851654, -0.030641820281744003, 0.023165544494986534, -0.000974610447883606, -0.00046300393296405673, 0.000842445413582027, -0.0028803448658436537, -0.011357665061950684, -0.025689469650387764, 0.04485766217112541, -0.027681324630975723, -0.025443898513913155, 0.0013719581766054034, -0.02245611697435379, 0.016316838562488556, -0.019004477187991142, -0.026221539825201035, -0.011412236839532852, 0.006006260868161917, 0.0034465226344764233, -0.015484624542295933, 0.006333688739687204, -0.0037858884315937757, 0.022469758987426758, -0.025143755599856377, 0.0020941761322319508, 4.7616711526643485e-05, -0.0032435855828225613, -0.001672100741416216, 0.0016362882452085614, -0.016507837921380997, -0.002147042192518711, -0.006852116901427507, -0.009768274612724781, 0.050478510558605194, 0.01088698673993349, -0.022688044235110283, 0.006746384780853987, 0.015239053405821323, 0.018513334915041924, -0.02057340368628502, -0.006845295429229736, 0.011146200820803642, 0.008683668449521065, -0.009727345779538155, 0.021364688873291016, 0.0045601194724440575, 0.005542404018342495, 0.0018639531917870045, -0.013138055801391602, -0.014679697342216969, 0.0008573672967031598, -0.005873242858797312, -0.010225309059023857, -0.009829667396843433, 0.005136529449373484, 0.02425697073340416, -0.015730196610093117, -0.004706779960542917, -0.022183259949088097, 0.004362298641353846, 0.0017300827894359827, -0.01765383593738079, 0.0021231670398265123, -0.023683972656726837, -0.0028752286452800035, -0.025825897231698036, -0.005487832706421614, 0.005170636810362339, -0.021419260650873184, -0.012721949256956577, 0.03811809793114662, 0.01706719398498535, -0.015566481277346611, -0.020723475143313408, -0.002980960765853524, 0.005153583362698555, -0.003949602600187063, -0.002863291185349226, 0.006794135086238384, 0.019222762435674667, -0.002309050876647234, -0.025307470932602882, -0.016958052292466164, 0.03025982156395912, -0.013138055801391602, 0.004454387817531824, 0.0015945070190355182, -0.00756495539098978, 0.02779046818614006, 0.006770259700715542, 0.02055976167321205, -0.029141109436750412, -0.04826837033033371, -0.014324983581900597, 0.020546117797493935, -0.01364966295659542, -0.00921573955565691, 0.015307268127799034, -0.014447769150137901, 0.012517306953668594, -0.00017788985860534012, 0.02813153900206089, 0.01503441110253334, 0.024379756301641464, 0.010273058898746967, 0.008178883232176304, 0.034843817353248596, 0.03615352883934975, -0.016112195327878, 0.005644725635647774, 0.00447485176846385, 0.012851555831730366, -0.008622275665402412, 0.004174709320068359, -0.0204779040068388, 0.009727345779538155, -0.0175037644803524, 0.006227957084774971, -0.027272040024399757, 0.010436773300170898, -0.005399154499173164, 0.01217623520642519, 0.003485745983198285, -0.0023278098087757826, 0.004706779960542917, -0.010484523139894009, -0.01214895024895668, 0.01871797814965248, 0.009386274963617325, -0.013472305610775948, -0.035826101899147034, 0.03437995910644531, -0.029277537018060684, 0.041010379791259766, 0.022251473739743233, 0.031842391937971115, 0.001347230514511466, -0.011323558166623116, -0.002003792207688093, -0.025211969390511513, -0.001275605638511479, 0.010996130295097828, -0.008035633713006973, -0.04496680572628975, -0.03598981350660324, -0.009570453315973282, 0.0025699702091515064, -0.007667276542633772, 0.0007324500475078821, 0.015402767807245255, -0.011405414901673794, -0.01770840771496296, -0.0004429660039022565, -0.007667276542633772, -0.004993279930204153, 0.02036876231431961, -0.027831396088004112, -0.02609875425696373, -0.030450820922851562, 0.003680156311020255, 0.0025273363571614027, -0.010811951942741871, 0.015157196670770645, 0.014857053756713867, -0.024175114929676056, 0.00865638256072998, 0.006343921180814505, -0.007339848671108484, -0.037135813385248184, 0.010580022819340229, -0.02482997067272663, 0.014829767867922783, 0.01437955442816019, -0.0036460491828620434, 0.01799490675330162, -0.010566380806267262, -0.004720422904938459, -0.0013685474405065179, -0.016030337661504745, -0.0018810067558661103, 0.017135407775640488, 0.003714263439178467, -0.004055334720760584, 0.020123191177845, 0.010668701492249966, 0.02541661262512207, -0.014352268539369106, -0.017817551270127296, -0.0009072489337995648, 0.02300182916224003, 0.006763438694179058, -0.023261044174432755, 0.0037892991676926613, -0.0024881132412701845, 0.020014047622680664, 0.006360974628478289, -0.008206169120967388, 0.013465484604239464, 0.008622275665402412, 0.006722509860992432, 0.016807980835437775, 0.008410811424255371, -0.012837913818657398, 0.011650986038148403, -0.018172264099121094, -0.007442169822752476, -0.02813153900206089, -0.0024557113647460938, -0.0011647575302049518, 0.005525350570678711, -0.0036767455749213696, -0.01437955442816019, -0.021746689453721046, -0.006541742477566004, 0.030014250427484512, 0.005736814811825752, 0.002100997604429722, -0.006333688739687204, 0.01886804960668087, -0.012046628631651402, -0.009925167076289654, 0.01839054934680462, -0.009836488403379917, 0.00236532767303288, 0.003959834575653076, -0.021555688232183456, -0.0009157757158391178, -0.007537669502198696, -0.025634897872805595, 0.006098350044339895, -0.0039939419366419315, 0.031514961272478104, 0.011896557174623013, 0.014802482910454273, -0.004283851943910122, 0.03779067099094391, -0.006234778556972742, 0.027776824310421944, 0.015552839264273643, -0.010900629684329033, 0.027244754135608673, 0.004491905216127634, -0.006684991996735334, 0.023492971435189247, -0.010818772949278355, 0.0169853363186121, 0.01678069494664669, -0.01120077259838581, 0.006023314315825701, -0.024802684783935547, 0.016862550750374794, -0.024325186386704445, 0.0033220318146049976, 0.011173486709594727, -0.012217164039611816, 0.011002951301634312, 0.006906688213348389, 0.03468010202050209, 0.025484826415777206, 0.006299581844359636, 0.006084707099944353, 0.026221539825201035, -0.01064823754131794, 0.009365810081362724, -0.016507837921380997, 0.003422647714614868, -0.010852879844605923, -0.00467949453741312, -0.007830990478396416, -0.014925268478691578, -0.013813376426696777, 0.01159641519188881, -0.009570453315973282, 0.012742413207888603, 0.01619405299425125, -0.004311137832701206, -0.0006322604021988809, 0.013274484314024448, 0.03206067532300949, -0.020627975463867188, -0.023697614669799805, 0.024093257263302803, -0.0011008067522197962, -0.005436672363430262, -0.008328954689204693, -0.04060109332203865, 0.007176134269684553, -0.007346670143306255, -0.007946955040097237, -0.023110972717404366, 0.0037483705673366785, -0.004802280105650425, -0.0007004746003076434, 0.002326104324311018, 0.016917122527956963, 0.03568967059254646, 0.01708083786070347, 0.0029400321654975414, -0.002396024065092206, 0.01120077259838581, 0.00841763336211443, -0.02570311166346073, -0.025935040786862373, 0.05549907684326172, -0.024584399536252022, -0.041938092559576035, -0.0027933716773986816, -0.0008756998577155173, 0.004918244201689959, -0.020682547241449356, 0.01673976518213749, -0.0011229763040319085, 0.027081038802862167, 0.0409558080136776, 0.015880266204476357, -0.006245010532438755, 0.018363263458013535, 0.03890938311815262, 0.005982385948300362, 0.01049816608428955, -0.015784766525030136, 0.006429188884794712, 0.010477702133357525, 0.050996940582990646, 0.01372469775378704, -0.01727183721959591, 0.015893910080194473, -0.030450820922851562, -0.016698837280273438, -0.028950108215212822, -0.023438401520252228, 0.01911362074315548, 0.004263387992978096, -0.028458965942263603, -0.015825696289539337, 0.02070983313024044, 0.002830889541655779, 0.030532678589224815, 0.01343819871544838, -0.009454488754272461, -0.03279738873243332, -0.013451841659843922, 0.0032776924781501293, 0.00921573955565691, -0.021855831146240234, 0.0323062464594841, 0.028349824249744415, 0.008472204208374023, 0.0007119857473298907, 0.02663082629442215, 0.015880266204476357, -0.01668519526720047, -0.02367032878100872, -0.017913050949573517, 0.008185704238712788, 0.006548563949763775, 0.01278334204107523, 0.008438097313046455, 0.02818610891699791, 0.001490480382926762, -0.00671909935772419, 0.01945469155907631, -0.013254020363092422, 0.024243328720331192, 0.020245976746082306, 0.015798410400748253, 0.0043554771691560745, 0.015784766525030136, -0.012237627990543842, -0.010204845108091831, 0.027817752212285995, 0.008588168770074844, -0.03506210073828697, 0.0032197104301303625, 0.0002272385754622519, -0.02729932591319084, -0.007830990478396416, 0.008308489806950092, 0.0054298508912324905, 0.010757380165159702, 0.02493911422789097, -0.0166306234896183, -0.010300344787538052, -0.020300546661019325, -0.029113823547959328, 0.014652411453425884, -0.00856088288128376, -0.015307268127799034, 0.009338525123894215, -0.027763182297348976, 0.00940673891454935, -0.0056174397468566895, 0.02100997604429722, -0.012987984344363213, -0.021132761612534523, -0.029031965881586075, 0.017667479813098907, 0.020587047562003136, 0.011344022117555141, 0.02537568472325802, -0.0011809584684669971, 0.0029690233059227467, 0.007435348350554705, -0.010525451973080635, 0.0036562813911587, -0.001007012207992375, -0.018881691619753838, -0.014133983291685581, -0.008356240577995777, -0.0357169583439827, -0.0358806736767292, -0.015743838623166084, 0.0004945530090481043, -0.011814700439572334, -0.013199448585510254, -0.023834044113755226, -0.003149790922179818, -0.002926389453932643, 0.0213919747620821, 0.0235748291015625, 0.019140906631946564, 0.014897982589900494, -0.013711055740714073, -0.01867705024778843, -0.009925167076289654, -0.01993218995630741, -0.018854405730962753, 0.024516185745596886, 0.01403848361223936, 0.020068619400262833, 0.013138055801391602, 0.008097026497125626, -0.02021869085729122, 0.015580124221742153, -0.004628333728760481, 0.02473447099328041, 0.0045328340493142605, 0.007510384079068899, 0.01030716672539711, 0.007694562431424856, 0.01945469155907631, 0.02017776109278202, -0.022592544555664062, -0.006013082340359688, -0.04065566509962082, 0.0323881059885025, 0.003980298992246389, -0.03375238925218582, 0.014365911483764648, 0.01469334028661251, -0.0037483705673366785, -0.015580124221742153, -0.00010594518971629441, -0.005760689731687307, 0.02492547035217285, -0.014597839675843716, -0.009925167076289654, -0.047176945954561234, 0.005126297473907471, -0.012612806633114815, -0.003264049766585231, -0.022060474380850792, -0.0003069639205932617, 0.01630319468677044, 0.006647474132478237, 0.004300905857235193, -0.027367539703845978, 0.032524533569812775, -0.0188134778290987, -0.005716350395232439, 0.015443695709109306, 0.003775656223297119, 0.01496619638055563, -0.007298919837921858, 0.007039706222712994, -0.026207897812128067, 0.0020396048203110695, 0.005972153507173061, -0.029523108154535294, -0.0018656585598364472, -0.005204743705689907, 0.043302375823259354, 0.022933615371584892, 0.038882095366716385, -0.011241701431572437, 0.02551211230456829, 0.012019342742860317, -0.016480552032589912, 0.00821981206536293, -0.004740887321531773, -0.003214594442397356, 0.0023789703845977783, -0.003316915826871991, 0.01784483529627323, -0.010136631317436695, 0.02323375828564167, -0.0035471387673169374, 0.016562409698963165, 0.03806352615356445, -0.017490122467279434, -0.0020907653961330652, 0.012237627990543842, -0.014447769150137901, -0.002648416440933943, 0.019086334854364395, -0.00776277668774128, 0.01634412445127964, -0.01239452138543129, -0.017831193283200264, -0.001423118868842721, 0.003775656223297119, 0.011316736228764057, -0.012285378761589527, 0.014952553436160088, -0.007333027198910713, -0.0023380417842417955, 0.003966656047850847, 0.011753307655453682, -0.020791688933968544, -0.005146761890500784, -0.03454367443919182, 0.0030031304340809584, 0.022469758987426758, -0.009931988082826138, 0.003311799606308341, 0.014652411453425884, -0.0006267179851420224, 0.013663304969668388, 0.000974610447883606, 0.0019901494961231947, -0.000729891995433718, -0.015948481857776642, -0.013506412506103516, 0.011705557815730572, -0.03418895974755287, 0.0016260561533272266, -0.008124311454594135, 0.005286600906401873, -0.0004067271947860718, 0.008540418930351734, 0.026849111542105675, -0.012278556823730469, -0.017790265381336212, 0.022688044235110283, 0.002375559648498893, 0.04152880981564522, -0.006207492668181658, 0.01518448255956173, 0.02435247041285038, -0.0032998621463775635, -0.03099653497338295, -0.003519853111356497, 0.019386477768421173, -0.006944206077605486, 0.021528402343392372, 0.007326205726712942, -0.008936060592532158, -0.010491345077753067, 0.005501475650817156, 0.014338625594973564, -0.012940234504640102, -0.027967823669314384, 0.01212848536670208, 0.0008893426856957376, 0.02414782904088497, -0.010880165733397007, -0.006436010356992483, -0.023220116272568703, 0.018226835876703262, -0.0035232636146247387, 0.001735198893584311, -0.013908876106142998, -0.013595091179013252, -0.003192424774169922, 0.017626550048589706, 0.005330940242856741, -0.004201995208859444, -0.02211504615843296, 0.008069740608334541, -0.0009567042579874396, -0.009072489105165005, -0.012114842422306538, 0.02551211230456829, 0.004526012577116489, 0.03680838644504547, -0.006715688388794661, 0.01154184341430664, -0.0028956930618733168, 0.010784666053950787, -0.002356800716370344, 0.01387476921081543, -0.0019117031479254365, 0.03006882220506668, -0.008976989425718784, 0.012046628631651402, 0.01185562927275896, 0.005204743705689907, -1.6440690160379745e-05, -0.010723273269832134, -0.009761452674865723, -0.03961880877614021, -0.0003361681301612407, 0.002469354309141636, 0.02556668408215046, 0.00974780973047018, -0.01624862290918827, 0.0037961206398904324, -0.0035641922149807215, -0.01547098159790039, -0.01547098159790039, -0.027326609939336777, 0.014666054397821426, -0.027435753494501114, -0.012339949607849121, 0.020778046920895576, 0.00497281551361084, 0.012053449638187885, -0.022237831726670265, -0.022046830505132675, 0.002469354309141636, 0.002573380945250392, -0.016139481216669083, 0.00792649108916521, 0.004938708618283272, 0.0033953620586544275, -0.0011724316282197833, 0.011937486007809639, -0.015225410461425781, -0.003990530967712402, 0.0283771101385355, -0.026521682739257812, -0.025730397552251816, -0.002043015556409955, -0.001843488891609013, -0.008117490448057652, -0.000333610107190907, -0.02405232936143875, 0.017681121826171875, -0.00826756190508604, 0.0028360055293887854, 0.000708148698322475, 0.0014563732547685504, 0.010068416595458984, -0.014161269180476665, -0.007148848846554756, 0.014502339996397495, -0.007974240928888321, 0.015170839615166187, 0.00044381868792697787, -0.006459885276854038, -0.020532475784420967, -0.04046466574072838, -0.004273619968444109, -0.00626888545230031, 0.0016558998031541705, -0.007401241455227137, -0.0011596415424719453, -0.011316736228764057, -0.009877417236566544, -0.004324780777096748, 0.021555688232183456, -0.03050539270043373, 0.015020768158137798, 0.014775197021663189, 0.024188756942749023, 0.02395682968199253, 0.015552839264273643, -0.04815923050045967, 0.0021913812961429358, -0.010484523139894009, -0.008581346832215786, -0.0217876173555851, 0.0007942691445350647, -0.024379756301641464, 0.042265523225069046, -0.011016594246029854, -0.025771327316761017, -0.007742312271147966, -0.0016925649251788855, -0.0740533396601677, -0.003177076578140259, -0.003680156311020255, 0.015048054046928883, 0.015416410751640797, 0.019522905349731445, 0.015566481277346611, 0.028922822326421738, -0.005897118244320154, 0.00870413240045309, -0.021528402343392372, -0.020300546661019325, -0.005907350219786167, -0.0065042246133089066, 0.0054230294190347195, -0.006105171516537666, -0.015307268127799034, 0.003296451410278678, 0.027585824951529503, -0.024188756942749023, 0.01708083786070347, 0.03274281695485115, -0.002259595552459359, -0.008635918609797955, 0.008922417648136616, 0.03416167572140694, 0.0004450976848602295, -0.006780492141842842, -0.004580583889037371, -0.017299123108386993, 0.007544490974396467, 0.02570311166346073, -0.04087395220994949, -0.016330480575561523, 0.001271342276595533, 0.023029115051031113, -0.0007414031424559653, 0.007046527229249477, 0.0020106136798858643, -0.023124614730477333, 0.021214617416262627, -0.011425879783928394, 0.0179403368383646, -0.004655619617551565, -0.002510282676666975, 0.023452043533325195, 0.0017974443035200238, -0.00901791825890541, -0.015593767166137695, -0.0028735233936458826, 0.009202096611261368, -0.0032657550182193518, 0.03331581875681877, -0.027667682617902756, -0.029468536376953125, -0.011753307655453682, -0.01673976518213749, -0.007285277359187603, -0.007558133918792009, -0.011753307655453682, 0.00020283067715354264, -0.019318262115120888, 0.0257986132055521, 0.023806758224964142, -0.04005538299679756, -0.006200671195983887, -0.007612705230712891, 0.01708083786070347, -0.002302229404449463, -0.015825696289539337, 0.010157095268368721, -0.015457338653504848, 0.002798487665131688, -0.015798410400748253, -0.017285479232668877, -0.009413559921085835, 0.0056413146667182446, 0.013349520042538643, 0.0013071546563878655, 0.020846260711550713, 0.19394662976264954, -0.048677656799554825, 0.009590917266905308, 0.0227016881108284, 0.008922417648136616, -0.003069639205932617, 0.03369781747460365, 0.01577112451195717, -0.023397471755743027, -0.00592781463637948, -0.0042054057121276855, -0.002718336181715131, -0.025553042069077492, 0.0028871663380414248, 0.013274484314024448, -0.032524533569812775, -0.03729952871799469, -0.03568967059254646, -0.008090204559266567, 0.01628955267369747, -0.008635918609797955, -0.002788255689665675, -0.011234879493713379, -0.02435247041285038, 0.017681121826171875, -0.006374617572873831, 0.004887547809630632, 0.008301668800413609, 0.010921094566583633, -0.002846237737685442, -0.009324882179498672, -0.011637343093752861, 0.007326205726712942, 0.009645489044487476, -0.022933615371584892, 0.002663764636963606, 0.013424555771052837, -0.006453063804656267, 0.007442169822752476, -0.0036767455749213696, 0.01746283657848835, -0.011316736228764057, 0.005856189411133528, -0.03609895706176758, 0.005586743354797363, 0.0453215166926384, -0.0029315054416656494, -0.010095702484250069, -0.008717775344848633, 0.010211666114628315, -0.015634695068001747, 0.003333969274535775, 0.024775398895144463, 0.0257576834410429, 0.005027386825531721, 0.015170839615166187, -0.013588270172476768, 0.0188134778290987, 0.0003212462761439383, 0.014816125854849815, -0.03885481134057045, 0.00831531174480915, 0.006678170524537563, 0.03590795770287514, 0.0033578441943973303, 0.012108021415770054, 0.0025375683326274157, -0.013363162986934185, -0.01452962588518858, -0.009352167136967182, -0.010177559219300747, -0.013601912185549736, -0.01930462010204792, -0.0038677453994750977, -0.021501118317246437, -0.03574424237012863, 0.020778046920895576, 0.0332612469792366, 0.01799490675330162, 0.04010995104908943, 0.0019543368835002184, -0.041747093200683594, -0.0003760308027267456, -0.023656686767935753, -0.0100615955889225, -0.015934837982058525, -0.01620769500732422, -0.01949561946094036, -0.007715026848018169, -0.02177397347986698, 0.0015305562410503626, -0.0012645208043977618, -0.022442473098635674, -0.0008066329755820334, 0.014734268188476562, 0.0010965433903038502, 0.01765383593738079, -0.0038302275352180004, -0.010266237892210484, -0.02196497470140457, -0.03980981186032295, 0.04041009396314621, 0.027490325272083282, 0.027722252532839775, 0.0006702045793645084, 0.008369882591068745, -0.013806555420160294, -0.0036665135994553566, -0.016616979613900185, 0.0021862653084099293, 0.017817551270127296, -0.03765423968434334, 0.019918547943234444, -0.0024079615250229836, -0.019045406952500343, 0.005579921882599592, 0.011535022407770157, -0.0031873087864369154, 0.019290978088974953, 0.01149409357458353, -0.0013003333006054163, -0.020314190536737442, 0.02192404493689537, 0.018104050308465958, 0.013492769561707973, -0.012264913879334927, -0.01712176576256752, 0.023274686187505722, -0.03162410482764244, -0.007680919487029314, 0.002206729492172599, -0.04128323867917061, 0.03304295986890793, -0.011828343383967876, 0.033888816833496094, -0.003134442726150155, -0.008519954048097134, -0.0031225052662193775, -0.01858154870569706, -0.0027046932373195887, 0.017626550048589706, -0.017421908676624298, 0.005317297298461199, -0.0010198024101555347, 0.01452962588518858, 0.00018385860312264413, -0.007878740318119526, 0.030096108093857765, -0.0024011400528252125, -0.0070328847505152225, -0.014734268188476562, -0.02347932942211628, -0.005136529449373484, -0.009413559921085835, 0.024898184463381767, -0.00042100955033674836, -0.010955201461911201, -0.0100615955889225, 0.01139859389513731, 0.01727183721959591, -0.03568967059254646, 0.00447485176846385, -0.001780390739440918, -0.015730196610093117, 0.007769598159939051, -0.007380777038633823, -0.1740826517343521, -0.012019342742860317, 0.008663204498589039, -0.024584399536252022, 0.012837913818657398, 0.00846538320183754, 0.030450820922851562, -0.007735490798950195, -0.023615757003426552, 0.0007674098014831543, 0.011828343383967876, 0.006630420684814453, -0.04234737902879715, -0.03375238925218582, -0.008956525474786758, 0.006105171516537666, -0.013035735115408897, -0.0075990622863173485, 0.014993482269346714, 0.007933312095701694, 0.019863976165652275, -0.016698837280273438, 0.001747988979332149, -0.013178984634578228, -0.008922417648136616, -0.005508297123014927, -0.00994563102722168, 0.010382202453911304, 0.0011809584684669971, -0.034652817994356155, -0.006879402790218592, -0.0029860767535865307, 0.003149790922179818, -0.0169853363186121, -7.343685865635052e-05, 0.01319262757897377, -0.0018451942596584558, 0.008765525184571743, -0.0070533487014472485, 0.0026330682449042797, 0.009590917266905308, 0.042811233550310135, 0.0035130316391587257, -0.015389124862849712, -0.026262469589710236, 0.009454488754272461, 0.029959678649902344, -0.017571980133652687, 0.017599264159798622, 0.0014256768627092242, 0.004890958312898874, -0.00751720555126667, 0.00819934718310833, -0.006606545764952898, -0.022633472457528114, -0.008294847793877125, 0.008526775985956192, 0.01249002106487751, -0.009740988723933697, 0.007148848846554756, -0.0045601194724440575, -0.014106697402894497, 0.023220116272568703, 0.009386274963617325, 0.003132737474516034, -0.0375450998544693, -0.0013156814966350794, 0.00921573955565691, -0.04155609384179115, 0.012987984344363213, -0.013758805580437183, -0.020627975463867188, -0.013301770202815533, -0.013513234443962574, 0.018595192581415176, 0.021419260650873184, 0.009161167778074741, 0.01925004832446575, 0.0024591221008449793, 0.001511797308921814, -0.016862550750374794, 0.018895335495471954, 0.00331009435467422, 0.008615453727543354, -0.015402767807245255, -0.007046527229249477, -0.021692117676138878, 0.013219913467764854, 0.0006510193343274295, -0.01173966471105814, 0.03105110675096512, -0.018076764419674873, -0.01472062524408102, -0.02046426199376583, 0.005163815338164568, 0.021569332107901573, -0.0029400321654975414, 0.0013745162868872285, -0.0012508779764175415, 0.005948278587311506, 0.01858154870569706, 0.004297494888305664, -0.0003363812866155058, -0.016712481155991554, 0.04521237686276436, 0.008622275665402412, -0.0035266743507236242, 0.008438097313046455, 0.033588673919439316, -0.024679899215698242, -0.008253918960690498, -0.01882711984217167, -0.007537669502198696, -0.0004566088318824768, 0.003915495239198208, 0.01974119059741497, 0.013526877388358116, -0.023301972076296806, 0.012571877799928188, -0.0026518271770328283, 0.058282218873500824, -0.010266237892210484, -0.006569027900695801, -0.003352728206664324, -0.004536244552582502, -0.005907350219786167, -0.13348156213760376, -0.013308591209352016, -0.0015842749271541834, 0.01630319468677044, -0.008772347122430801, 0.025525756180286407, -0.003953013103455305, 0.025020970031619072, -0.018554264679551125, 0.04777722805738449, -0.005883475299924612, -0.0010948380222544074, 0.02813153900206089, -0.0031071570701897144, 0.023506615310907364, 0.009345346130430698, 0.03522581607103348, -0.011685092933475971, -0.02949582226574421, 0.03729952871799469, 0.012449092231690884, -0.004931887146085501, 0.00031101415515877306, -0.030614536255598068, -0.03105110675096512, 0.017831193283200264, -0.02710832469165325, 0.022251473739743233, 0.02463897131383419, -0.010907451622188091, 0.02416147105395794, -0.01907269097864628, 0.014543268829584122, 0.00612222496420145, 0.019236406311392784, -0.009297596290707588, 0.004747708793729544, -0.016316838562488556, 0.022333331406116486, 0.002921273233368993, -0.0034294691868126392, 0.003369781654328108, -0.013138055801391602, -0.01185562927275896, -0.004065566696226597, -0.025252899155020714, -0.011807878501713276, 0.022974545136094093, 0.015402767807245255, -0.0330975316464901, -0.05203379690647125, -0.026126040145754814, -0.05219750851392746, 0.011077987030148506, 0.02004133351147175, 0.017913050949573517, -0.015511910431087017, 0.011732843704521656, -0.010573201812803745, 0.021473832428455353, -0.005000101402401924, -0.01803583651781082, -0.04010995104908943, -0.00275926454924047, 0.03328853100538254, 0.0018707745475694537, -0.006132456939667463, -0.035198528319597244, 0.0002421604294795543, -0.010429952293634415, -0.00751720555126667, 0.007878740318119526, -0.008588168770074844, 0.017599264159798622, -0.024093257263302803, 0.005903939250856638, -0.02701282501220703, -0.017913050949573517, -0.0014043599367141724, -0.011023415252566338, -0.018104050308465958, -0.02469354309141636, 0.0020072029437869787, -0.0188134778290987, -0.01803583651781082, 0.014161269180476665, -0.014911625534296036, -0.00397688802331686, 0.0017906229477375746, -0.02818610891699791, 0.012305842712521553, 0.026085112243890762, 0.011043880134820938, -0.022919973358511925, -0.0010675523662939668, 0.013601912185549736, -0.032033391296863556, 0.005187690258026123, 0.0367538146674633, 0.01688983663916588, -0.016139481216669083, 0.01239452138543129, -0.04660394415259361, 0.02255161665380001, 0.009775095619261265, -0.025007328018546104, -0.0047170124016702175, -0.026112398132681847, 0.010907451622188091, -0.009181631729006767, 0.010320809669792652, 0.010846058838069439, -0.0253620408475399, 0.0030287106055766344, -0.011166665703058243, -0.011603236198425293, -0.038008954375982285, 0.007680919487029314, 0.014652411453425884, 0.013704233802855015, 0.0032401748467236757, 0.034761957824230194, 0.0035641922149807215, -0.015334553085267544, 0.003686977783218026, 0.021555688232183456, 0.013642841018736362, 0.006661117076873779, -0.01620769500732422, 0.012803805992007256, -0.00552876153960824, -0.008908775635063648, -0.0006301287212409079, -0.015320910140872002, -0.021623903885483742, 0.0012483199825510383, -0.007994704879820347, -0.005313886795192957, 0.029577679932117462, 0.01978212036192417, 0.01824047788977623, 0.05222479626536369, -0.0292502511292696, -0.037272240966558456, 0.02300182916224003, 0.002735389629378915, -0.015730196610093117, 0.00046470927190966904, -0.015893910080194473, -0.008867846801877022, 0.01585298217833042, -0.010777844116091728, 0.0226607583463192, 0.010641415603458881, 0.0017513997154310346, -0.022674402222037315, -0.009031561203300953, 0.015102624893188477, 0.02944125048816204, 0.007182955741882324, 0.02255161665380001, 0.0045157806016504765, 0.02410689927637577, -0.0032674605026841164, 0.0030815766658633947, -0.00412354851141572, -0.006613367237150669, -0.025730397552251816, -0.015252696350216866, -0.001551020541228354, -0.0027456218376755714, -0.0007857423624955118, -0.00037816251278854907, 0.03260638937354088, 0.005781153682619333, 0.022128688171505928, 0.010122988373041153, -0.0018264353275299072, 0.006279117427766323, 0.02463897131383419, 0.0021436314564198256, 0.021951330825686455, -0.004331602249294519, -0.00503079779446125, 0.01377926953136921, 0.01178741455078125, 0.020546117797493935, -0.009577274322509766, -0.022333331406116486, 0.001559547265060246, -0.018513334915041924, 0.0018724799156188965, 0.0026978717651218176, 0.0017786853713914752, -0.010634594596922398, 0.012026164680719376, 0.0013404091587290168, 0.008485847152769566, -0.00023363364744000137, -0.0036221742630004883, 0.013758805580437183, 0.006511046085506678, 0.021173689514398575, -0.02993239276111126, 0.0033936568070203066, -0.01367694791406393, -0.01809040643274784, 0.0028325947932899, -0.03650824353098869, -0.0166306234896183, 0.004860261920839548, 0.019413763657212257, 0.006442831829190254, -0.021692117676138878, 0.009611381217837334, -0.00021050477516837418, -0.01809040643274784, -0.0023039348889142275, -0.007578598335385323, -0.012483199127018452, -0.026603540405631065, 0.004570351913571358, 0.01858154870569706, 0.011535022407770157, 0.04283852130174637, 0.000489436904899776, 0.007708205375820398, 0.023752186447381973, 0.02304275892674923, -0.02725839614868164, 0.02541661262512207, 0.013936161994934082, -0.0017266720533370972, 0.022537972778081894, -0.007223884575068951, -0.011705557815730572, -0.015934837982058525, 0.0030730499420315027, 0.003391951322555542, 0.031023820862174034, 0.021419260650873184, 0.059973929077386856, 0.02755853906273842, -0.013445019721984863, 0.02245611697435379, -0.0017974443035200238, 0.02274261601269245, 0.013260841369628906, 0.016166767105460167, -0.019345548003911972, -0.03860924020409584, 0.014857053756713867, -0.0034465226344764233, 0.017776621505618095, -0.03615352883934975, -0.010968844406306744, -0.002532452344894409, -0.007974240928888321, 0.011903379112482071, -0.016562409698963165, 0.006609956733882427, 0.04071023687720299, 0.0033459067344665527, 0.018022192642092705, -0.0003773098287638277, -0.00846538320183754, -0.0031685498543083668, 0.030341679230332375, 0.007974240928888321, 0.001007012207992375, 0.027913253754377365, 0.030860107392072678, 0.021814903244376183, -0.0283771101385355, -0.010607308708131313, -0.005211565177887678, -0.003023594617843628, 0.002798487665131688, -0.021746689453721046, 0.007346670143306255, 0.0028172465972602367, 0.003008246421813965, 0.0013011859264224768, 0.014775197021663189, -0.027203824371099472, -0.011569129303097725, -0.005586743354797363, -0.010122988373041153, -0.0025375683326274157, -0.02843168005347252], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='337f3e70-1044-4c26-b98b-3fe8505a71b3', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '2', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_type': 'application/pdf', 'file_size': 1719588, 'creation_date': '2024-02-25', 'last_modified_date': '2024-01-15', 'last_accessed_date': None}, hash='7ef086c22d20757226b9a957dbd2a70c9559f5360de5856e647208344563671f')}, text='However, English holds a dominant position in the\\nfield of natural language processing, possessing the most\\nabundant collection of text data from various domains.\\nLLMs trained on English-dominant corpora exhibit inferior\\nperformance on other non-English languages. Extrapolating\\nLLMs to non-English languages poses a highly valuable\\nresearch challenge. Common extrapolation approaches\\nconsist of the following three steps: (1) extending the\\nvocabulary to add tokens of the target language, and\\nthus enhancing encoding expressiveness to that language.\\n(2) further pretraining to transfer language generation\\ncapabilities of LLMs to the target language. The required\\ntraining scale for this step is generally on the order of\\nbillions of tokens, significantly less than the trillions of\\ntokens needed for training from scratch. (3) conducting\\nSFT in the target language to transfer instruction-following\\ncapabilities of LLMs.\\nThis paper conducts a comprehensive empirical study of\\nthe aforementioned three steps, comparing the performance\\ndifferences of LLMs before and after vocabulary extension,', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='c8e64074-53fd-4d74-9e39-f2f2cd4467ff', embedding=[0.003314453875645995, 0.0070917136035859585, 0.021184667944908142, -0.02288278192281723, -0.002726377686485648, 0.008629758842289448, -0.008873341605067253, 0.0006054750410839915, -0.011726729571819305, -0.031261999160051346, 0.009179558604955673, 0.023035889491438866, -0.0070325578562915325, 0.0005363152013160288, 0.003504099790006876, -0.007011679466813803, 0.02476184070110321, -0.011504026129841805, -0.012144298292696476, -0.011016862466931343, -0.022214671596884727, 0.0011309160618111491, -0.030176319181919098, -0.006855091080069542, -0.007878134958446026, 0.007989486679434776, 0.028589557856321335, -0.022145075723528862, -0.03649552911520004, 0.0012527069775387645, 0.001772058429196477, 0.005894682370126247, -0.033572547137737274, -0.0056998166255652905, -0.014350454322993755, -0.022910619154572487, -0.0047533269971609116, -0.019152497872710228, 0.02086453139781952, -0.02169966883957386, 0.014795861206948757, 0.03465822711586952, 0.013682343997061253, -0.018011143431067467, 0.013376126997172832, 0.0019225572468712926, 0.015296944417059422, -0.024928869679570198, -0.01515775453299284, 0.00638532591983676, 0.019848447293043137, 0.021504802629351616, -0.029563885182142258, 0.003639809787273407, -0.022506969049572945, 0.005581505596637726, 0.006284413393586874, 0.04139500483870506, 0.01262450311332941, -0.008351380005478859, -0.011260444298386574, 0.024205083027482033, -0.041060950607061386, 0.04957935959100723, -0.004704610910266638, 0.00133709073998034, 0.0057206954807043076, 0.012735854834318161, 0.031261999160051346, -0.006249615922570229, 0.0172734372317791, 0.0014580118004232645, -0.000380814220989123, -0.003015196183696389, 0.035020120441913605, -0.0036676477175205946, -0.008184351958334446, -0.033878766000270844, 0.0005089121987111866, 0.016688840463757515, 0.014573157764971256, -0.009993817657232285, -0.013877209275960922, 0.024901030585169792, 0.007613674737513065, 0.007808540482074022, 0.006253095809370279, -0.024121569469571114, -0.007996446453034878, 0.0016772354720160365, 0.013160383328795433, 0.008240028284490108, 0.021323855966329575, 0.009416180662810802, -0.004579340107738972, -0.009492735378444195, 0.0003081746108364314, 0.014503562822937965, -0.013724100776016712, -0.03407362848520279, -0.009875507093966007, -0.008260906673967838, -0.02112899161875248, -0.00811475794762373, -0.023634405806660652, 0.005828567314893007, 0.019041147083044052, 0.004064338281750679, 0.003921668976545334, -0.0033283729571849108, -0.033878766000270844, 0.02182493917644024, -0.010265237651765347, -0.03507579490542412, -0.026237251237034798, -0.011107335798442364, 0.01688370667397976, -0.01610424369573593, -0.01828952133655548, -0.011712810024619102, 0.04314879700541496, 0.014447887428104877, 0.01557532325387001, -0.012784570455551147, 0.03223632648587227, 0.008608880452811718, 0.011190849356353283, -0.00903340894728899, -0.038304995745420456, -0.005275288131088018, -0.00521613284945488, 0.023787513375282288, 0.017816277220845222, 0.006406204309314489, -0.03538201376795769, 0.03482525423169136, -0.020405204966664314, -0.009652803651988506, -0.01546397153288126, -0.01063409075140953, 0.0034188460558652878, 0.009151720441877842, -0.005525829736143351, -0.012144298292696476, -0.009638884104788303, 0.025569140911102295, -0.008434893563389778, 0.022715752944350243, 0.0024740963708609343, -0.005090862046927214, 0.005859884899109602, -0.03710796311497688, -0.002180058043450117, 0.011009902693331242, 0.02357872948050499, -0.004290521610528231, 0.004923834465444088, 0.026084143668413162, -0.01614600047469139, 0.006479279138147831, 0.002421900164335966, 0.011323079466819763, -0.0010700206039473414, 0.009910304099321365, -0.011594499461352825, 0.02598671056330204, 0.0258196834474802, -0.018846280872821808, 0.0032065820414572954, -0.027545634657144547, -0.021936291828751564, 0.0303990226238966, -0.023815352469682693, 0.01723168045282364, 0.003959945868700743, 0.008100838400423527, 0.043427176773548126, -0.01789979077875614, -0.017426546663045883, -0.03000929206609726, 0.01937520131468773, 0.020711421966552734, 0.013925925828516483, 0.0025871878024190664, -0.02345345914363861, -0.012262609787285328, -0.002528032287955284, -0.009353545494377613, 0.012318285182118416, -0.005605863872915506, 0.012833287008106709, 0.03415714576840401, 0.006082588341087103, -0.0019486553501337767, -0.6418313980102539, -0.015338701196014881, 0.006677624303847551, -0.00015397857350762933, 0.009694560430943966, -0.00188428012188524, -0.005146537907421589, -0.01264538150280714, -0.02900712564587593, 0.030593888834118843, -0.02524900622665882, -0.017468303442001343, -0.005839006509631872, -0.015992892906069756, -0.008086919784545898, -0.013744979165494442, -0.007801580708473921, -0.02529076300561428, 0.022854942828416824, -0.008866381831467152, -0.031011458486318588, 0.011928554624319077, -0.006312251556664705, 0.011594499461352825, -0.012485313229262829, -0.00406781816855073, 0.026390360668301582, 0.0009247413254342973, 0.016869787126779556, 0.005992115009576082, -0.01763533055782318, 0.019194254651665688, 0.0038242361042648554, -0.014322617091238499, 0.039836082607507706, -0.0063435691408813, -0.017746683210134506, 0.01522734947502613, 0.002929942449554801, 0.010049493983387947, -0.012394839897751808, -0.001529346453025937, 0.018275603652000427, 0.01908290386199951, -0.0002542386355344206, 0.007912932895123959, 0.01093334797769785, -0.0023731838446110487, 0.0033231533598154783, -0.010230440646409988, -0.017134247347712517, 0.005758972372859716, 0.004053899087011814, -0.012617543339729309, -0.009492735378444195, 0.002681141020730138, 0.028673071414232254, -0.0166192464530468, -0.0008651507669128478, -0.01745438389480114, 0.004725489299744368, 0.01492113247513771, 0.006079108454287052, -0.019263850525021553, -0.026320766657590866, 0.00530312629416585, -0.0207810178399086, -0.002494974760338664, -0.00885942205786705, -0.007718067150563002, -0.008219149895012379, 0.015338701196014881, -0.006117385812103748, -0.009325707331299782, -0.015366539359092712, 0.017565736547112465, 0.0018529624212533236, -0.0004797693691216409, -0.0023940622340887785, 0.0170646533370018, 0.00625657569617033, 0.0038868715055286884, 0.0026254651602357626, -0.012408758513629436, 0.03360038623213768, -0.012680178508162498, 0.005094341933727264, -0.0008073000353761017, -0.0032465988770127296, 0.013654505833983421, 0.009548410773277283, -0.0022218150552362204, -0.024831436574459076, -0.030955782160162926, -0.009464897215366364, 0.01242267806082964, -0.004718529526144266, -0.004937753546983004, 0.014823699370026588, -0.022326022386550903, -0.017315194010734558, -0.0023801433853805065, 0.024998463690280914, 0.0030604328494518995, 0.025137653574347496, 0.012039906345307827, 0.008086919784545898, 0.009624965488910675, 0.02878442220389843, -0.018623577430844307, 0.005564107093960047, 0.014503562822937965, -0.012721935287117958, -0.007676309905946255, 0.02029385417699814, -0.02594495378434658, 0.009979899041354656, -0.006176541559398174, 0.015937216579914093, -0.02423292025923729, 0.005163936410099268, 0.0013657986419275403, 0.027044551447033882, -0.002411460969597101, 0.006514076143503189, 0.02366224303841591, -0.012701056897640228, -0.009186518378555775, 0.01575626991689205, 0.009645843878388405, -0.009945102035999298, -0.008504488505423069, 0.0147680239751935, -0.0310671329498291, 0.04172906279563904, 0.01485153753310442, 0.025443870574235916, 0.009430100210011005, -0.01111429464071989, -0.016549650579690933, -0.025736169889569283, -0.001280544907785952, 0.003705924842506647, -0.026613064110279083, -0.036551207304000854, -0.03254254534840584, -0.013216058723628521, 0.00861584022641182, 0.004137412644922733, 0.006180020980536938, 0.011371796019375324, -0.01789979077875614, -0.021588318049907684, -0.0033823088742792606, -0.02551346644759178, -0.004384474363178015, 0.0007894663722254336, -0.028060637414455414, -0.004033020697534084, -0.026501713320612907, -0.0005980805726721883, 0.018303440883755684, -0.016090326011180878, 0.0011500546243041754, -0.008497528731822968, -0.003949506673961878, 0.009263072162866592, 0.0251515731215477, -0.02760131098330021, -0.0424250103533268, -0.0014545320300385356, -0.04317663609981537, -0.009116923436522484, 0.01886020042002201, -0.00912388227880001, 0.005056064575910568, -0.015213430859148502, -0.02112899161875248, -0.006225257646292448, -0.027016714215278625, 0.006500157527625561, 0.027058470994234085, -0.007189146243035793, 0.0015284764813259244, 0.02380143292248249, 0.004815962631255388, 0.0212264247238636, -0.014461806043982506, -0.015784109011292458, 0.021031558513641357, -0.0002816415799316019, 0.0026567827444523573, -0.01828952133655548, 0.007502323016524315, -0.013397005386650562, 0.025402113795280457, 0.001203990657813847, -0.002802931936457753, -0.0026863606180995703, 0.017830196768045425, 0.002999537391588092, 0.019277768209576607, 0.005449275486171246, -0.01657748967409134, 0.01579802669584751, -0.011281322687864304, -0.0069734021089971066, -0.011573621071875095, 0.011232606135308743, 0.0004310529911890626, 0.021337775513529778, -0.006427082698792219, -0.0314847007393837, -0.02174142561852932, -0.0074396878480911255, 0.030677402392029762, 0.008539286442101002, -0.002385362982749939, 0.005449275486171246, 0.010926389135420322, -0.01828952133655548, -0.020488718524575233, 0.027935365214943886, 0.0012866344768553972, -0.019931960850954056, -0.00106132123619318, -0.0260284673422575, 0.017997223883867264, 0.01277065183967352, -0.013271735049784184, 0.0036119718570262194, -0.009826790541410446, 0.00890117883682251, 0.021379532292485237, 0.02227034606039524, -0.007718067150563002, 0.038555536419153214, 0.007237862795591354, 0.017162086442112923, 0.007286578882485628, 0.006688063498586416, 0.015770189464092255, 0.006510596722364426, -0.016118163242936134, 0.022423455491662025, -0.008073000237345695, 0.015032484196126461, 0.019876284524798393, -0.02112899161875248, 0.003862513229250908, -0.011754567734897137, 0.028339015319943428, -0.026237251237034798, -0.013717141933739185, 0.010028615593910217, -0.016869787126779556, -0.003437984734773636, 0.004078257363289595, 0.022785348817706108, 0.03184659406542778, -0.0025958872865885496, 0.017176004126667976, 0.01631302945315838, 0.0036676477175205946, 0.008650638163089752, -0.01977885141968727, -0.0054005589336156845, -0.004297480918467045, -0.02196412906050682, 0.008497528731822968, -0.014726266264915466, -0.014350454322993755, 0.025624817237257957, -0.017927629873156548, 0.014016399160027504, 0.011921594850718975, 0.0009569289395585656, 0.002832509810104966, 0.01916641741991043, 0.02488711290061474, -0.02725333720445633, -0.01293072011321783, 0.019486553966999054, -0.00899165216833353, 0.0017633590614423156, -0.005738093983381987, -0.034184981137514114, 0.007669350598007441, -0.026446036994457245, -0.006942084524780512, 0.0030813112389296293, 0.0017868473660200834, -0.013062950223684311, -0.0012561867479234934, -0.022117238491773605, 0.02590319700539112, 0.025221167132258415, 0.014225183986127377, 0.004690691828727722, 0.009924223646521568, -0.0010465322993695736, 0.020224258303642273, -0.023815352469682693, -0.03293227404356003, 0.037776075303554535, -0.021337775513529778, -0.03137335181236267, 0.004273122642189264, 0.0112674031406641, 0.007008199580013752, -0.0011700631584972143, 0.0074675255455076694, 0.002681141020730138, 0.014350454322993755, 0.0437333919107914, 0.010028615593910217, 0.006987321190536022, 0.01078023947775364, 0.03783174976706505, 0.01485153753310442, -0.01288200356066227, -0.022075481712818146, -0.0009960760362446308, 0.023021969944238663, 0.03866688907146454, 0.030482536181807518, -0.009061247110366821, 0.01535261981189251, -0.023564809933304787, -0.0025367317721247673, -0.01880452409386635, -0.01244355645030737, 0.01492113247513771, 0.011893756687641144, -0.04640583321452141, -0.01955614797770977, 0.028450367972254753, 0.01339004561305046, 0.02458089590072632, 0.019625741988420486, -0.006712421774864197, -0.03925148397684097, -0.013000315055251122, -0.0050351861864328384, -0.0016441779443994164, 0.00043431526864878833, 0.045654211193323135, 0.029814425855875015, 0.003566735191270709, 0.00883854366838932, 0.0376368872821331, 0.010710644535720348, -0.01469842903316021, -0.02510981634259224, -0.018178170546889305, 0.009798952378332615, 0.004718529526144266, 0.013870250433683395, -0.007725026458501816, 0.012199974618852139, 0.004384474363178015, 0.016326947137713432, 0.0019486553501337767, 0.00400170311331749, 0.02637644112110138, 0.022785348817706108, 0.01027915719896555, -0.00519525445997715, -0.006674144417047501, 0.00282728997990489, -0.020488718524575233, 0.018888037651777267, -0.01303511206060648, -0.03827715665102005, 0.01798330433666706, -0.010049493983387947, -0.03794310241937637, -0.011782404966652393, 0.02227034606039524, -0.004297480918467045, -0.0028081515338271856, -0.003255298361182213, 0.00851144827902317, -0.022562645375728607, -0.014364373870193958, -0.03880607709288597, 0.0038137969095259905, -0.015032484196126461, -0.029146315529942513, 0.01515775453299284, -0.022256428375840187, 0.010515779256820679, -0.019180335104465485, 0.008894219994544983, -0.02090628817677498, -0.026807930320501328, -0.0336838997900486, 0.000615479308180511, 0.014350454322993755, 0.009506653994321823, 0.03577174246311188, -0.005901641678065062, -0.001854702248238027, 0.013515316881239414, -0.006423603277653456, -0.0031596054323017597, 0.01698113977909088, -0.028728747740387917, -0.001986932475119829, -0.011121254414319992, -0.025276843458414078, -0.024775760248303413, 0.007564958184957504, -0.020502638071775436, 0.0020652266684919596, 0.0025210727471858263, -0.009764155372977257, -0.011030781082808971, 0.000851231801789254, 0.013640587218105793, 0.02025209553539753, 0.005908601451665163, -0.0017242119647562504, -0.03304362669587135, 0.002442778553813696, -0.026125900447368622, -0.018303440883755684, -0.022562645375728607, 0.019458714872598648, 0.0028046718798577785, 0.01806681789457798, -0.009270031936466694, 0.001765099004842341, -0.015561404637992382, 0.015547486022114754, -0.01622951589524746, 0.019347364082932472, 0.010975104756653309, 0.026014547795057297, -0.006214818451553583, -0.0016232994385063648, 0.020572232082486153, 0.0022252947092056274, -0.01982060819864273, 0.01600681245326996, -0.01753789745271206, 0.020641827955842018, 0.009743276983499527, -0.012262609787285328, 0.049802061170339584, 0.012088622897863388, 0.012144298292696476, -0.03688526153564453, 0.015644919127225876, -0.009805912151932716, 0.02755955420434475, -0.011810243129730225, -0.010202602483332157, -0.0341293066740036, -0.014503562822937965, -0.021073315292596817, -0.010181724093854427, -0.012714976444840431, 0.0031161087099462748, 0.007060396019369364, 0.008908138610422611, -0.0038764323107898235, -0.01614600047469139, 0.01810857467353344, -0.023133322596549988, -0.022827105596661568, 0.01776060089468956, -0.004262683447450399, 0.011886797845363617, -0.00310566951520741, 0.019180335104465485, -0.03660688176751137, -0.006267014890909195, -0.01972317509353161, -0.035716067999601364, 0.004979510325938463, 0.003457123413681984, 0.03407362848520279, 0.02086453139781952, 0.04640583321452141, -0.011343957856297493, 0.022952375933527946, 0.019277768209576607, -0.010661927983164787, 0.005992115009576082, -0.01627127267420292, 0.008775908499956131, -0.010362670756876469, -0.014795861206948757, 0.009040368720889091, -0.009109963662922382, 0.008601921610534191, -0.024469543248414993, 0.016090326011180878, 0.027879690751433372, -0.016090326011180878, -0.007530160713940859, -0.0009882466401904821, -0.01314646378159523, -0.011831121519207954, 0.0225348062813282, 0.00044671184150502086, 0.006284413393586874, -0.027002794668078423, -0.024608733132481575, 0.014113832265138626, -0.019389120861887932, 0.02296629548072815, 0.004509745165705681, 0.02760131098330021, -0.008372258394956589, -0.003841634839773178, -0.007279619574546814, 0.019500471651554108, -0.010216521099209785, 0.0004932534066028893, -0.0389452688395977, -0.003566735191270709, 0.015018564648926258, -0.014823699370026588, 0.0018773205811157823, 0.011343957856297493, -0.021532641723752022, 0.016507893800735474, 0.005574546288698912, 0.011942473240196705, 0.012986395508050919, -0.024093730375170708, -0.019764931872487068, -0.012485313229262829, -0.0437612310051918, 0.003862513229250908, -0.0017511800397187471, -0.0029943177942186594, 0.011058619245886803, -0.011963351629674435, 0.019389120861887932, -0.02235385961830616, -0.007237862795591354, 0.027629148215055466, 0.03446336090564728, 0.052168287336826324, -0.007843337953090668, 0.018261684104800224, 0.013306532055139542, 0.010035575367510319, -0.026265090331435204, -0.007627593819051981, 0.016521813347935677, -0.011448349803686142, -4.3687068682629615e-05, 0.01056449580937624, -0.023119403049349785, 0.01078023947775364, 0.019764931872487068, 0.019319524988532066, -0.02760131098330021, -0.03577174246311188, 0.009736317209899426, -0.004662853665649891, 0.029897939413785934, -0.01972317509353161, -0.013605790212750435, -0.024093730375170708, 0.004026060923933983, -0.01759357377886772, 0.005146537907421589, 0.0001266843464691192, -0.006806374527513981, -0.005661539733409882, 0.034797415137290955, 0.009437059052288532, 0.005734614096581936, -0.004687211941927671, 0.0027072390075773, 0.019709257408976555, 0.00032513836049474776, -0.01788587123155594, -0.0032031021546572447, 0.011858959682285786, 0.04609961807727814, -0.008059081621468067, -0.00113178591709584, -0.005675458814948797, 0.019918041303753853, 0.004109574947506189, 0.014642752707004547, -0.010975104756653309, 0.029953615739941597, -0.026710497215390205, 0.01806681789457798, -0.006527995225042105, 0.006938604637980461, 0.007926851511001587, -0.009680640883743763, 0.0026863606180995703, -0.01863749697804451, -0.0210037212818861, 0.019792770966887474, 0.01553356647491455, 0.003255298361182213, -0.02572225034236908, -0.0016267792088910937, -0.004878597799688578, -0.012039906345307827, -0.009082125499844551, -0.023731838911771774, 0.011441390961408615, -0.035938773304224014, -0.015825865790247917, 0.011497066356241703, -0.009687600657343864, 0.005665019620209932, -0.0147680239751935, -0.029341181740164757, 0.01065496914088726, 0.0012848946498706937, -0.023871026933193207, 0.017440464347600937, 0.006691543385386467, -0.025235086679458618, -0.015129916369915009, 0.009109963662922382, -0.0028481686022132635, -0.007947729900479317, 0.02402413636445999, -0.021755345165729523, -0.02266007848083973, -0.016466137021780014, 0.01538045797497034, -0.0034867010544985533, 0.008372258394956589, -0.005790289957076311, 0.003500620136037469, -0.0045236642472445965, 0.0071961055509746075, -0.007502323016524315, 0.013069909997284412, 0.0017729284008964896, -0.0014475724892690778, 0.0045515019446611404, 0.026265090331435204, -0.01100294291973114, 0.018609657883644104, -0.010153885930776596, -0.0014788901899009943, -0.017663167789578438, -0.0420074425637722, 0.013376126997172832, 0.005017787683755159, 0.005571066401898861, -0.003778999438509345, -0.005069983657449484, -0.019194254651665688, -0.005031706299632788, -0.018874118104577065, 0.022687915712594986, -0.023244673386216164, 0.008504488505423069, 0.020140744745731354, -0.0009412700892426074, 0.0323755145072937, 0.0002197674330091104, -0.01653573289513588, 0.015992892906069756, 0.016855869442224503, 0.0053831604309380054, -0.04081040993332863, -0.01627127267420292, -0.017162086442112923, 0.04028148949146271, 0.0015780628891661763, -0.01963966153562069, -0.04120014235377312, -0.0225348062813282, -0.052168287336826324, 0.013619708828628063, -0.007230903021991253, 0.018011143431067467, 0.013995520770549774, 0.020112907513976097, -0.0024671368300914764, 0.013703222386538982, -0.008455771952867508, 0.011030781082808971, -0.010439224541187286, -0.00450626527890563, -0.007787661626935005, -0.017691006883978844, -0.0069560036063194275, -0.003145686350762844, -0.025081977248191833, -0.012944638729095459, 0.009040368720889091, -0.002696799812838435, -0.0052474504336714745, 0.021296018734574318, 0.000660280988086015, -0.004071297589689493, -0.0012996834702789783, 0.03240335360169411, 0.000236404943279922, -0.014573157764971256, 0.011274362914264202, -0.02878442220389843, 0.0026498232036828995, 0.021769262850284576, -0.011615377850830555, -0.029508208855986595, -0.007975568063557148, 0.004367075860500336, -0.0009769374737516046, 0.018219927325844765, 0.005532789044082165, -0.011740648187696934, 0.010244359262287617, -0.008601921610534191, 0.02192237228155136, -0.01859574019908905, -0.0021313417237251997, 0.01959790475666523, 0.01588154025375843, -0.012039906345307827, -0.016730597242712975, 0.0011631036177277565, 0.0024862755089998245, 0.00742576876655221, 0.03783174976706505, -0.017301276326179504, -0.00638532591983676, -0.015408296138048172, -0.011601458303630352, 0.0008151294896379113, 0.000618959020357579, -0.0030169361270964146, -0.007899013347923756, -0.014795861206948757, 0.03883391618728638, 0.03262605890631676, -0.029675235971808434, 0.000618959020357579, 0.0027020194102078676, 0.009381383657455444, 0.01327869389206171, -0.017649250105023384, -0.0019190774764865637, -0.030593888834118843, 0.0154222147539258, -0.003387528471648693, -0.016243433579802513, 0.0031004499178379774, -0.008476650342345238, 0.017134247347712517, 0.0003436245024204254, 0.004989949520677328, 0.21579965949058533, -0.04217446967959404, -0.002813371131196618, 0.015241268090903759, 0.0020721862092614174, -0.007905973121523857, 0.03259821981191635, 0.03362822160124779, -0.015491809695959091, 0.007641512434929609, 0.011469228193163872, 0.001565883751027286, -0.005219612270593643, -0.0036572085227817297, 0.002458437578752637, -0.02213115617632866, -0.028158068656921387, -0.01753789745271206, -0.0022548725828528404, 0.02182493917644024, -0.0019086382817476988, -0.012561867013573647, 0.0017746682278811932, -0.012847206555306911, -0.0064444816671311855, -0.010063412599265575, 0.01492113247513771, -0.003653728635981679, 0.0008081700070761144, 0.007523201406002045, -0.025931034237146378, -0.011427471414208412, 0.010467062704265118, 0.011928554624319077, -0.034630388021469116, -0.0031543858349323273, 0.018094656988978386, -0.006054750643670559, 0.02029385417699814, 0.005967756733298302, 0.013793695718050003, -0.0038172765634953976, 0.012213893234729767, -0.015825865790247917, -0.002564569702371955, 0.024135489016771317, -0.018651414662599564, -0.006371406838297844, 0.0027594352141022682, 0.009130842052400112, -0.002253132639452815, 0.0030778315849602222, 0.025165490806102753, 0.0260284673422575, 0.0019451755797490478, 0.003046513767912984, -0.009624965488910675, 0.003921668976545334, 0.011378754861652851, -0.0008608010830357671, -0.016132082790136337, 0.004610657691955566, 0.008079960010945797, 0.004276602528989315, -0.003639809787273407, -0.0031335074454545975, 0.011566661298274994, -0.018748847767710686, 0.004916875157505274, -0.02380143292248249, -0.009318748489022255, -0.021991968154907227, -0.005706776399165392, -0.0212264247238636, -0.026195494458079338, -0.03886175528168678, 0.04434582591056824, 0.02192237228155136, 0.020419124513864517, 0.05394991487264633, 0.005936439149081707, -0.03964121639728546, 0.003025635378435254, -0.01841479353606701, -0.014503562822937965, -0.00528224790468812, 0.004565421026200056, -0.018609657883644104, -0.011323079466819763, -0.017036814242601395, -0.008302663452923298, -0.011336998082697392, -0.023300349712371826, 0.013570992276072502, 0.007759823929518461, -0.014600995928049088, 0.01757965423166752, -0.01288200356066227, -0.00024314694746863097, -0.027462121099233627, -0.03927932307124138, 0.05884939059615135, 0.041283655911684036, 0.01710641011595726, 0.007912932895123959, -0.00032666075276210904, -0.015519647859036922, 0.002601106883957982, -0.009645843878388405, 0.008629758842289448, 0.019305607303977013, -0.03268173336982727, 0.004756806883960962, -0.018581820651888847, -0.025235086679458618, 0.01075936108827591, 0.0028916653245687485, -0.005313565488904715, 0.043287985026836395, 0.0012092102551832795, -0.0085323266685009, -0.019583985209465027, -0.008414015173912048, 0.013508357107639313, -0.0013927666004747152, -0.004861199297010899, -0.013974642381072044, 0.0040991357527673244, -0.026668740436434746, 3.922864925698377e-05, 0.007397930603474379, -0.036634720861911774, 0.03546552732586861, 0.0006537564913742244, 0.005745053291320801, -0.012617543339729309, -0.007230903021991253, 0.006099987309426069, -0.015185592696070671, -0.013216058723628521, 0.010251319035887718, -0.0052474504336714745, -0.0033718696795403957, -0.020850611850619316, 0.023258592933416367, -0.015185592696070671, -0.009896385483443737, 0.022367779165506363, -0.010947267524898052, -0.03696877509355545, -0.016132082790136337, -0.005658059846609831, 0.009805912151932716, -0.003123068017885089, 0.030120642855763435, 0.0008451422327198088, -0.006186980754137039, -0.001499768695794046, 0.011629296466708183, 0.019653581082820892, -0.027810094878077507, -0.0040399800054728985, 0.016995057463645935, -0.00647579925134778, -0.0014623614260926843, -0.002985618310049176, -0.1789422333240509, -0.008998611941933632, 0.016995057463645935, -0.03596660867333412, 0.02034952864050865, 0.003872952423989773, 0.03293227404356003, 0.005491032265126705, -0.010376589372754097, -0.009896385483443737, 0.009680640883743763, 0.004008662421256304, -0.028116311877965927, -0.006134784314781427, -0.017259517684578896, 0.010251319035887718, -0.03115064650774002, -0.011803283356130123, 0.01600681245326996, 0.01757965423166752, 0.01535261981189251, -0.0212125051766634, -0.0028551279101520777, 0.004168730694800615, -0.005790289957076311, 0.0011570140486583114, -0.007794621400535107, 0.01714816689491272, -0.017607493326067924, -0.036412015557289124, -0.0008768949192017317, 0.002886445727199316, 0.00888030044734478, 0.003163085086271167, 0.018540063872933388, 0.017482221126556396, 0.01924993097782135, 0.005452755372971296, -0.009604087099432945, 0.007502323016524315, 0.008588002063333988, 0.04181257635354996, -0.0135640325024724, -0.020307771861553192, -0.023940622806549072, 0.02306372858583927, 0.040532030165195465, -0.015408296138048172, 0.0207810178399086, -0.007342254742980003, -0.010362670756876469, 0.0009638884221203625, 0.02335602603852749, -0.0011256964644417167, -0.020613988861441612, -0.0037442019674926996, 0.007286578882485628, 0.01262450311332941, 0.007836378179490566, 0.0046593742445111275, 0.018484387546777725, 0.002374923788011074, 0.033878766000270844, 0.00420004827901721, 0.008810705505311489, -0.016772354021668434, -0.015018564648926258, 0.010091250762343407, -0.017871953547000885, 0.011650174856185913, -4.6894954721210524e-05, -0.0014214745024219155, -0.004815962631255388, 0.0002868612064048648, 0.02747604064643383, 0.009534492157399654, -0.003431025194004178, 0.014266940765082836, 0.031345512717962265, 0.006075629033148289, -0.03137335181236267, 0.017398707568645477, -0.01492113247513771, -0.003377089276909828, -0.0055084312334656715, 0.012540988624095917, 0.005379680544137955, 0.004060858394950628, -0.013348288834095001, -0.018929794430732727, 0.030900105834007263, -0.013967682607471943, -0.0035510763991624117, -0.007300497964024544, 0.003149166237562895, 0.002362744649872184, -0.0011013381881639361, -0.01098206453025341, 0.0019956317264586687, -0.0063192108646035194, 0.0018059859285131097, -0.0005028226878494024, -0.0017372610745951533, -0.012353083118796349, 0.020683584734797478, 0.00437403516843915, -0.018038980662822723, 0.012450515292584896, 0.044039610773324966, -0.025429952889680862, -0.014134710654616356, 0.002621985273435712, 0.009339626878499985, 0.01108645647764206, 0.01496288925409317, 0.04648934677243233, 0.002409721026197076, -0.013243896886706352, 0.0026585226878523827, 0.01322997733950615, 0.04852151870727539, -0.011559701524674892, -0.006333129946142435, 0.018206007778644562, -0.010668887756764889, -0.005915560759603977, -0.1321745067834854, -0.014141670428216457, 0.004092175979167223, 0.027350768446922302, -0.024706166237592697, 0.014948969706892967, 0.009938142262399197, 0.029591722413897514, -0.012979436665773392, 0.030816592276096344, -0.01881844364106655, -0.01320909895002842, 0.011761526577174664, 0.016326947137713432, 0.0039634257555007935, 0.005473633762449026, 0.027615230530500412, -0.003984304144978523, -0.009061247110366821, 0.03404579311609268, -0.005223092157393694, 0.0004558461660053581, 0.011058619245886803, -0.028102394193410873, 0.0071682678535580635, 0.00866455677896738, -0.0315125398337841, 0.02545779012143612, 0.002505413955077529, -0.005497992038726807, 0.019194254651665688, -0.017523979768157005, 0.004443630110472441, -0.004071297589689493, 0.017092490568757057, 0.000496298132929951, -0.005038666073232889, -0.011991189792752266, 0.03123416192829609, 0.007738945540040731, 0.0007790271774865687, -0.0004277907428331673, 0.0021156829316169024, -0.014420049265027046, -0.0057485331781208515, -0.012234771624207497, -0.017510060220956802, 0.018734928220510483, 0.007251781411468983, -0.04256419837474823, -0.031206322833895683, -0.02327251248061657, -0.036384180188179016, 0.009367464110255241, 0.02545779012143612, -0.0063435691408813, 0.021727506071329117, 0.017245600000023842, -0.010794159024953842, -0.013028152287006378, 0.00011048180022044107, -0.005644140765070915, -0.04147852212190628, 0.0015145575162023306, 0.0018460029968991876, -0.007328336127102375, -0.0025924076326191425, -0.04108878970146179, 0.008608880452811718, -0.004927314352244139, -0.003959945868700743, 0.024135489016771317, 0.004829881247133017, 0.014726266264915466, -0.04732448607683182, 0.007039517164230347, -0.01631302945315838, -0.03298795223236084, 0.00822610966861248, -0.016382623463869095, -0.0005806818953715265, -0.028812261298298836, -0.002604586537927389, -0.037469856441020966, 0.012916800566017628, -0.0021643992513418198, -0.013807615265250206, -0.025402113795280457, -0.008977733552455902, -0.02961956150829792, -0.011524904519319534, 0.015811946243047714, 0.012547948397696018, -0.035326335579156876, 0.007258741185069084, -0.0015650137793272734, -0.01959790475666523, 0.0007403150084428489, 0.0021296017803251743, 0.01627127267420292, -0.01941695809364319, 0.0011065579019486904, -0.05060936138033867, 0.0075927963480353355, 0.01863749697804451, -0.030816592276096344, -0.002545431023463607, -0.02900712564587593, 0.008163473568856716, -0.006197419948875904, -0.023648323491215706, 0.009318748489022255, -0.04072689637541771, 0.014823699370026588, -0.012255650013685226, 0.00035406372626312077, -0.02012682519853115, -0.0170646533370018, 0.0214352086186409, 0.008260906673967838, 0.018275603652000427, 0.017969386652112007, 0.005038666073232889, -0.006674144417047501, 0.01994587853550911, 0.02480359934270382, -0.00030991449602879584, -0.0066080293618142605, -0.026000630110502243, 0.02196412906050682, -0.004019101615995169, -0.006573231890797615, -0.009270031936466694, -0.01876276731491089, -0.014190386049449444, 0.013480518944561481, -0.027754418551921844, -0.024219002574682236, 0.028589557856321335, 0.02069750241935253, 0.02839469164609909, 0.04133933037519455, -0.013863290660083294, -0.028422528877854347, 0.012353083118796349, -0.009374423883855343, -0.011448349803686142, 0.019611824303865433, -0.008079960010945797, -0.011149092577397823, 0.020335610955953598, -0.00417916988953948, 0.02261831983923912, -0.002195717068389058, -0.0019155978225171566, -0.027851851657032967, 0.003479741746559739, 0.007878134958446026, 0.013849372044205666, 0.010766320861876011, 0.01845655031502247, 0.016744516789913177, 0.011698891408741474, -0.0011056879302486777, 0.003196142613887787, -0.007363133132457733, 0.0010030355770140886, -0.02222858928143978, -0.01115605141967535, -0.00424180505797267, -0.0015545745845884085, -0.03546552732586861, -0.012610583566129208, 0.013661465607583523, 0.026919281110167503, 0.009750235825777054, 0.00740489037707448, 0.014099912717938423, -0.010014696046710014, 0.00012048605276504532, 0.0036885261069983244, 0.03657904267311096, -0.0006280933739617467, 0.005511910654604435, -0.005122179631143808, 0.018929794430732727, 0.02678009122610092, 8.106710447464138e-05, -0.0012161696795374155, 0.0037650803569704294, -0.0328209213912487, -0.0027350769378244877, 0.020460881292819977, 0.013466600328683853, 0.005870324093848467, 0.009485775604844093, 0.002468876773491502, 0.025346437469124794, 0.004346197471022606, 0.004360116086900234, 0.034491200000047684, 0.019458714872598648, 0.03680174797773361, 0.003639809787273407, -0.0003877737035509199, -0.026710497215390205, -0.013494438491761684, 0.008588002063333988, -0.03115064650774002, -0.016897626221179962, 0.009778073988854885, 0.014120792038738728, -0.02096196450293064, -0.00534836295992136, 0.013522275723516941, 0.007488403934985399, -0.008629758842289448, 0.027796177193522453, -0.009986858814954758, -0.025429952889680862, -0.02970307506620884, 0.0054771131835877895, 0.022771429270505905, 0.02034952864050865, 0.025931034237146378, 0.005602383986115456, 0.015241268090903759, 0.023258592933416367, 0.03443552181124687, -0.03404579311609268, 0.019542228430509567, 0.01798330433666706, 0.009492735378444195, 0.023439539596438408, -0.028589557856321335, -0.022785348817706108, -0.01343180239200592, 0.014009440317749977, 0.0032361596822738647, 0.015338701196014881, 0.02410764992237091, 0.08562948554754257, 0.016424380242824554, -0.0008681955514475703, 0.016243433579802513, 0.020794935524463654, 0.01959790475666523, 0.007843337953090668, 0.01130915991961956, -0.009318748489022255, -0.014865456148982048, 0.002482795622199774, -0.00027250725543126464, -0.008852463215589523, -0.023606566712260246, -0.014072075486183167, -0.010766320861876011, -0.014795861206948757, 0.03070523962378502, -0.029981454834342003, -0.024817517027258873, 0.03490876778960228, 0.01737087033689022, 0.01343180239200592, 0.012346123345196247, -0.02449738048017025, 0.007314417045563459, -0.002896884921938181, 0.021504802629351616, 0.0004390999092720449, -0.017384789884090424, 0.01710641011595726, 0.009096045047044754, -0.03618931397795677, -0.00640968419611454, 0.0027489960193634033, -0.0061243451200425625, -0.0011196068953722715, -0.004457549192011356, 0.024775760248303413, -0.001725081936456263, 0.015129916369915009, -0.001227478845976293, -0.004231365863233805, -0.01898547075688839, -0.017607493326067924, 0.007112591993063688, -0.00740489037707448, -0.015283024869859219, -0.04142284393310547], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='6e7ccbc5-7a20-4216-b0e2-083b3aa5e745', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '3', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_type': 'application/pdf', 'file_size': 1719588, 'creation_date': '2024-02-25', 'last_modified_date': '2024-01-15', 'last_accessed_date': None}, hash='6d8bc2f997620f5bb0790c1ce7f08f0b0e931cbc01061563847f4b3ee1f31838')}, text='and under various pretraining and SFT scales. It analyzes the\\nnecessity of vocabulary extension and the required training\\nscale for effective transfer.\\nExperimental Setup\\nThis paper aims to explore how to effectively transfer the\\ncapabilities of language generation and following instruc-\\ntion to a non-English language. Given the rich linguistic\\nresources available in Chinese, comprehensive and in-\\ndepth empirical research can be conducted. Therefore, our\\nexperiments and analyses commence with Chinese as the\\nstarting point, and the observed phenomena are further\\nvalidated across over ten low-resource languages. In this\\nsection, we present the datasets, models, and evaluation\\nmethodology employed in our experiments.\\nModels\\nTo avoid unnecessary large-scale repetitive pretraining, we\\nemployed open-source models trained on varying scales of\\nChinese corpora. Among these, LLaMA and LLaMA2 serve\\nas checkpoints without undergoing explicit Chinese pre-\\ntraining, whereas Chinese LLaMA and Chinese LLaMA2\\nare treated as checkpoints with Chinese pretraining of 30\\nbillion tokens. The scale reaches 100 billion tokens for\\nOpen Chinese LLaMA. We employ the performance of these\\nmodels as references for analysis and comparison.\\nLLaMA (Touvron et al. 2023a): LLaMA is a series of foun-\\ndation models developed by Meta AI, trained on publicly\\navailable English-dominate corpus. The corpus includes\\nCommonCrawl, C4, Github code, Wikipedia, Books, and\\nArXiv papers, amounting to approximately 1.4 trillion\\ntokens. ', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='16d9c1de-7598-4cd8-be4f-d9df02f3687d', embedding=[-0.0038587641902267933, 0.026130320504307747, 0.008086330257356167, -0.030132507905364037, -0.0035377696622163057, 0.005292994901537895, -0.015257485210895538, 0.01148067694157362, -0.022442298009991646, -0.039912596344947815, 0.00950690172612667, 0.0358147956430912, -0.013611534610390663, 0.004620272200554609, 0.007089198566973209, 4.500646537053399e-05, 0.020598288625478745, 0.008195605129003525, 0.004572464618831873, -0.012013391591608524, 0.02302965149283409, -0.0029811514541506767, -0.025351738557219505, -0.007089198566973209, -0.008571237325668335, 0.01752493530511856, 0.021035386249423027, -0.023166244849562645, -0.02401312254369259, -0.0008955406374298036, 0.012286578305065632, -0.012341215275228024, -0.03398444131016731, 0.01573556289076805, -0.022141793742775917, -0.0007405924261547625, 0.021786650642752647, -0.017224431037902832, 0.02221008948981762, -0.023220881819725037, 0.0204753540456295, 0.04933754354715347, 0.029094398021697998, -0.013454452157020569, -0.018098628148436546, -0.007936078123748302, 0.0010432322742417455, -0.019560176879167557, -0.022374002262949944, 0.01238902285695076, 0.024559495970606804, 0.035623565316200256, -0.025747859850525856, 0.005043711978942156, -0.02156810089945793, -0.0046885693445801735, 0.006355009041726589, 0.016555123031139374, 0.007539956830441952, 0.0002746808168012649, 0.0012737336801365018, 0.0028923656791448593, -0.019778726622462273, 0.02589811198413372, 0.0055456929840147495, -0.009561539627611637, -0.013290539383888245, 0.0261986181139946, 0.021595420315861702, -0.00685016019269824, 0.018084969371557236, 0.0018320592353120446, -0.0007482758373953402, -0.009623005986213684, 0.029640771448612213, 0.006546239834278822, -0.01975140906870365, -0.02195056341588497, -0.00392706086859107, 0.01057233102619648, 0.01895916648209095, -0.001003961660899222, 0.011016258969902992, 0.025379057973623276, 0.010435737669467926, -0.01712881401181221, 0.021049046888947487, -0.009247374720871449, -0.03201749920845032, -0.001859377953223884, 0.018849892541766167, 0.00785412173718214, 0.03352002426981926, 0.008974188007414341, -0.011917775496840477, -0.0001825869840104133, -0.0053578768856823444, 0.016964903101325035, -0.000189736791071482, -0.026034705340862274, -0.025379057973623276, -0.0130993090569973, -0.03693486005067825, -0.004702228587120771, -0.010408418253064156, 0.003353368490934372, 0.02222375012934208, 0.0054910555481910706, 0.01716979220509529, 0.030405694618821144, -0.026512783020734787, 0.014997957274317741, 0.027072815224528313, -0.030733520165085793, -0.003585577243939042, -0.017565913498401642, 0.03709877282381058, -0.01999727636575699, 0.007703868672251701, 0.0012097054859623313, 0.025747859850525856, 0.015394078567624092, 0.023903848603367805, -0.004248055163770914, 0.02884853072464466, 0.001443621702492237, 0.0024911225773394108, -0.03248191624879837, -0.04007650911808014, -0.0027130867820233107, 0.002586737973615527, 0.01714247465133667, 0.007143836002796888, 0.015981430187821388, -0.013392984867095947, 0.02156810089945793, -0.03168967366218567, -0.017729826271533966, -0.010121572762727737, -0.0007662037387490273, 0.013065160252153873, 0.021718353033065796, -0.009144929237663746, -0.0077311876229941845, -0.027824079617857933, 0.030405694618821144, 0.0012873930390924215, -0.001861085300333798, -0.00323214172385633, 0.0005327143589965999, 0.021062705665826797, -0.019437244161963463, 0.0012387315509840846, 0.021062705665826797, 0.031498443335294724, -0.005713019985705614, 0.01639121025800705, 0.021964222192764282, -0.008905891329050064, -0.007485319394618273, -0.0207348819822073, 0.018043991178274155, -0.0028906583320349455, 0.004924192558974028, 0.016910266131162643, 0.027277706190943718, 0.006761374417692423, -0.017688848078250885, -0.00547056645154953, -0.019614815711975098, -0.0164595078676939, 0.029668090865015984, -0.006737470626831055, 0.0035377696622163057, -0.008605385199189186, 0.012826122343540192, 0.02660839818418026, -0.017962034791707993, -0.011118704453110695, -0.016568781808018684, 0.020994408056139946, -0.009199567139148712, -0.00314506352879107, -0.01676001213490963, -0.031088663265109062, -0.003862178884446621, -0.0018525482155382633, -0.017415661364793777, 0.023780914023518562, -0.01077039074152708, 0.012682698667049408, 0.02625325508415699, 0.007232621777802706, -0.024682430550456047, -0.6490919589996338, -0.014929660595953465, -0.008352687582373619, 0.0003630396968219429, 0.002165005775168538, -0.0009390797349624336, -0.001334346947260201, -0.015926793217658997, -0.006843330338597298, 0.022414980456233025, -0.0329190157353878, -0.020939771085977554, -0.015284803695976734, -0.006242319475859404, -0.022073496133089066, -0.014861363917589188, 0.001646804390475154, -0.021458826959133148, 0.016841968521475792, -0.009220056235790253, -0.027168430387973785, -0.0015161869814619422, -0.0006629049312323332, -0.0039168163202703, -0.03289169445633888, -0.0007615083013661206, 0.025051232427358627, -0.014096440747380257, 0.010866006836295128, 0.008339027874171734, -0.016910266131162643, 0.01931430958211422, 0.009752769954502583, -0.019983617588877678, 0.04401040077209473, -0.008031693287193775, -0.027182091027498245, 0.019396265968680382, 0.00909712165594101, -0.006156948395073414, -0.02406776137650013, -0.021718353033065796, -0.001977189676836133, 0.01964213326573372, -0.005719849374145269, 0.012252429500222206, 0.03253655135631561, 0.01274416595697403, -0.01716979220509529, -0.024204354733228683, -0.0182352215051651, 0.0015597260789945722, 0.015803858637809753, -0.02552931010723114, 0.004114876966923475, 0.015202847309410572, 0.032591190189123154, -0.031525760889053345, -0.0015025276225060225, -0.018317177891731262, 0.001953285885974765, 0.009431775659322739, -0.014929660595953465, -0.022087156772613525, -0.011323594488203526, 0.0014333771541714668, 0.0027250386774539948, 0.012634891085326672, 0.00609548157081008, -0.01406912226229906, -0.012382193468511105, 0.009206396527588367, 0.0019310894422233105, -0.008489280939102173, -0.004927607718855143, 0.017429320141673088, 0.001743273576721549, -0.004627102054655552, -0.015858495607972145, 0.010510863736271858, 0.01972408965229988, -0.021772991865873337, 0.01715613342821598, -0.0019259671680629253, 0.04709741100668907, 0.0023442846722900867, -0.006324275396764278, 0.00010863445641007274, -0.011671907268464565, 0.018317177891731262, 0.017415661364793777, 0.027427958324551582, -0.028356794267892838, -0.03250923380255699, -0.008284390904009342, 0.008216094225645065, -0.002024997491389513, 0.006235489621758461, 0.02630789205431938, -0.017757143825292587, -0.003450691234320402, -0.005644723307341337, 0.03163503482937813, -0.003930475562810898, 0.02334381453692913, 0.010148891247808933, -0.0005339949275366962, 0.02007923275232315, 0.019915319979190826, -0.023043310269713402, -0.0076902094297111034, 0.012894419021904469, 0.0040704840794205666, -0.0015469205100089312, 0.011992902494966984, -0.027947014197707176, 0.0017304678913205862, -0.00546032190322876, 0.024873660877346992, -0.021936902776360512, 0.005422758869826794, -0.004804673604667187, 0.013092479668557644, -0.010121572762727737, -0.01036744099110365, 0.010319632478058338, -0.0002456547226756811, 0.000474235275760293, -0.0031245744321495295, 0.007403363473713398, -0.015557990409433842, -0.01316077634692192, 0.021431507542729378, -0.022428639233112335, 0.03540501371026039, 0.023166244849562645, 0.027632849290966988, 0.009554709307849407, 0.006686247885227203, 0.006440379656851292, -0.02185494638979435, -0.002161590848118067, 0.010387929156422615, -0.011467017233371735, -0.04534901678562164, -0.04116925597190857, -0.005894006229937077, 0.012088517658412457, 0.00030434722430072725, 0.013618363998830318, 0.003358490765094757, -0.012532446533441544, -0.019956298172473907, 0.01745663955807686, -0.004162684548646212, -0.005658382549881935, -0.021458826959133148, -0.011917775496840477, -0.01384374313056469, -0.026048365980386734, -0.006317445542663336, 0.027537234127521515, -0.0028616320341825485, 0.001400936278514564, 0.012552935630083084, 0.0015571649419143796, -0.007512637879699469, 0.0371260903775692, -0.02110368385910988, -0.037672463804483414, 0.0015332611510530114, -0.03095206804573536, 0.008735149167478085, 0.012737336568534374, -0.007376044522970915, 0.006232074927538633, -0.0092815225943923, 0.008571237325668335, -0.012341215275228024, -0.018112286925315857, -0.00018674881721381098, 0.03914767503738403, 0.02078951895236969, 0.0007337628048844635, 0.028220200911164284, 0.010121572762727737, 0.026840606704354286, -0.01682830974459648, -0.014246693812310696, 0.008878571912646294, 0.0016510729910805821, 0.003933890722692013, -0.020598288625478745, 0.008926380425691605, 0.001180679420940578, 0.009363478980958462, 0.0018679150380194187, -0.010387929156422615, 0.01295588631182909, 0.004224151372909546, 0.002246961696073413, 0.021363211795687675, 0.0032543381676077843, -0.021035386249423027, -0.006249148864299059, -0.02592543140053749, 0.007710698526352644, -0.0258707944303751, 0.016145342960953712, 0.001956700813025236, 0.009903023019433022, -0.0018405963201075792, -0.02630789205431938, -0.004323181696236134, 0.007280429359525442, 0.039256948977708817, 0.005340802948921919, -0.007150665391236544, 0.0007183960406109691, 0.005081275012344122, 0.003780222963541746, 0.010913814418017864, 0.009445435367524624, -0.01005327608436346, -0.005473981145769358, -0.0009245667024515569, -0.0156672652810812, 0.03969404846429825, 0.012088517658412457, -0.02072122134268284, -0.0049822451546788216, -0.008530259132385254, 0.011255297809839249, 0.026089342311024666, 0.023849211633205414, -0.009431775659322739, 0.028438750654459, 0.009732280857861042, 0.018849892541766167, 0.0008131577051244676, -0.009500072337687016, 0.004049994982779026, 0.007007242646068335, -0.009062973782420158, 0.03769978508353233, -0.008885402232408524, 0.035131826996803284, 0.010483545251190662, -0.023958485573530197, -0.00016071069694589823, -0.027509914711117744, 0.014082781970500946, -0.00930201169103384, 0.004582709167152643, -0.004582709167152643, -0.02664937637746334, 0.003095548367127776, 0.01185630913823843, 0.026758650317788124, 0.021294914186000824, 0.012348045594990253, 0.004200247582048178, 0.0025850303936749697, 0.015216507017612457, 0.027824079617857933, -0.031170617789030075, -0.0063072009943425655, -0.013358836062252522, -0.014437924139201641, -0.011555803008377552, -0.02775578200817108, -0.02076219953596592, 0.022770123556256294, -0.03928426653146744, 0.014082781970500946, 0.011630930006504059, -0.025078551843762398, 0.016186321154236794, 0.006600876804441214, 0.020243145525455475, -0.038136884570121765, -0.039912596344947815, 0.02412239834666252, -0.008011204190552235, -0.010162550024688244, 0.004275374114513397, -0.03723536804318428, 0.007922418415546417, -0.02849338762462139, 0.0026704014744609594, -0.01570824347436428, 0.011733374558389187, -0.006112555507570505, 0.02371261827647686, -0.02659473940730095, 0.019450902938842773, 0.024969277903437614, 0.0006095481221564114, -0.003677777945995331, 0.007615083362907171, -0.005392025224864483, 0.011064066551625729, -0.01647316664457321, -0.007048220373690128, 0.0496380478143692, -0.01387789100408554, -0.023794574663043022, 0.0025799081195145845, 0.013597874902188778, 0.0012105591595172882, -0.0012822707649320364, -0.010155720636248589, 0.01239585317671299, 0.013686660677194595, 0.04567683860659599, 0.021745672449469566, 0.02259255200624466, 0.015421397052705288, 0.032318003475666046, 0.007539956830441952, 0.004715887829661369, -0.028438750654459, 0.013529578223824501, 0.025064893066883087, 0.0321267731487751, 0.008974188007414341, -0.004067068919539452, 0.004852481186389923, -0.015052595175802708, -0.01036744099110365, -0.012976374477148056, -0.005996451247483492, 0.005911080166697502, 0.011624099686741829, -0.031498443335294724, -0.011350912973284721, 0.032236047089099884, 0.014096440747380257, 0.04163367301225662, 0.017975693568587303, 0.009021995589137077, -0.028548024594783783, -0.016650738194584846, -0.00033934926614165306, 0.022701825946569443, -0.01673269458115101, 0.026184959337115288, 0.012587083503603935, 0.009144929237663746, -0.004446115810424089, 0.027496255934238434, -0.0006650392315350473, -0.0019225523574277759, -0.021772991865873337, 0.004558805376291275, -0.002839435823261738, -0.004411967471241951, 0.0196831114590168, -0.01565360650420189, 0.03127989172935486, 0.021622737869620323, -0.0011738496832549572, 0.018740616738796234, -0.0016442432533949614, 0.011016258969902992, 0.01859036460518837, -0.005108593963086605, 0.018153265118598938, -0.003780222963541746, -0.01113236416131258, -0.021349551156163216, 0.021964222192764282, -0.00286504696123302, -0.03690754249691963, 0.007314577698707581, -0.011255297809839249, -0.021650057286024094, -0.016609760001301765, 0.018754277378320694, 0.005829124245792627, -0.01402814406901598, 0.01092064380645752, -0.022893056273460388, -0.041415125131607056, -0.005156401544809341, -0.023944826796650887, 0.015011616982519627, -0.019150396808981895, -0.001835474045947194, -0.002275987761095166, -0.018166925758123398, 0.011562633328139782, -0.04007650911808014, 0.010278655216097832, -0.005422758869826794, -0.03166235610842705, -0.037727102637290955, 0.011064066551625729, 0.02521514520049095, 0.015776539221405983, 0.03138916939496994, -0.009349819272756577, -0.019806046038866043, 0.014164737425744534, -0.0007469952688552439, -0.009233715012669563, 0.007560445927083492, -0.04414699226617813, 0.002098416443914175, 0.0036846075672656298, -0.026867926120758057, -0.014697452075779438, -0.02119929902255535, -0.010667946189641953, 0.0012523909099400043, -0.006604291964322329, -0.0060545033775269985, -0.008072671480476856, 0.0051939645782113075, 0.0062013412825763226, 0.019164057448506355, 0.011624099686741829, 0.00038993151974864304, -0.01930065080523491, 0.012047539465129375, -0.008994677104055882, -0.027960672974586487, -0.007628742605447769, 0.01146018784493208, -0.002888950752094388, 0.01641852967441082, 0.00841415487229824, -0.0023579439148306847, 0.004808088298887014, 0.011344083584845066, -0.008625874295830727, 0.014478902332484722, 0.004562220070511103, 0.02327551878988743, 0.0029282213654369116, 0.010107913054525852, 0.004200247582048178, 0.01644584722816944, -0.024286309257149696, -0.009534221142530441, -0.037399277091026306, 0.01674635335803032, 0.030542287975549698, -0.009916682727634907, 0.02473706752061844, -0.001615217188373208, 0.024914639070630074, -0.03024178370833397, 0.006887723226100206, -0.0059998659417033195, 0.024982936680316925, -0.0010244506411254406, 0.002924806671217084, -0.018781594932079315, -0.024928299710154533, -0.008673681877553463, 0.0046851541846990585, -0.0211310014128685, 0.0073692151345312595, 0.029832003638148308, 0.018289858475327492, -0.00601011049002409, 0.003957794513553381, -0.0006530872778967023, -0.020174847915768623, -0.013194924220442772, 0.014478902332484722, 0.012552935630083084, 0.007198473438620567, -0.018071308732032776, 0.01130993478000164, -0.0350225530564785, -0.025638584047555923, -0.004056824371218681, 0.0038382750935852528, 0.008940039202570915, 0.009944001212716103, 0.02808360755443573, 0.017333704978227615, 0.058134160935878754, -0.014000825583934784, 0.020489012822508812, 0.02371261827647686, -0.005549107678234577, 0.005682286340743303, -0.019915319979190826, 0.0011166512267664075, -0.014533540233969688, -0.012532446533441544, 0.0171151552349329, 0.018426451832056046, 0.016309253871440887, -0.01531212218105793, 0.002451851963996887, 0.008803445845842361, -0.012013391591608524, -0.011733374558389187, -0.0068194265477359295, -0.021691035479307175, -0.013857402838766575, 0.0004652713250834495, -0.0011345790699124336, 0.005993036087602377, -0.018453771248459816, -0.01401448529213667, 0.007683380041271448, -0.01238902285695076, 0.009185907430946827, -0.0038280305452644825, 0.02405410073697567, -0.009240544401109219, -2.3743778001517057e-05, 0.01498429849743843, 0.02588445320725441, -0.02985932119190693, -0.01056550070643425, -0.03909303620457649, 0.004671494942158461, 0.00269259768538177, -0.0054910555481910706, 0.002221350558102131, 0.029750047251582146, -0.017757143825292587, 0.01058598980307579, 0.0012899540597572923, 0.0055593522265553474, -0.014806726947426796, -0.008755638264119625, -0.014260352589190006, -0.0018320592353120446, -0.022387661039829254, -0.015872156247496605, -0.0023528216406702995, 0.0007457147003151476, 0.0009706669952720404, -0.007929247803986073, 0.029094398021697998, -0.03472204878926277, -0.018699638545513153, 0.031880903989076614, 0.032591190189123154, 0.05868053436279297, -0.01130993478000164, -0.005870102439075708, 0.011268957518041134, 0.015844836831092834, -0.009103951044380665, 0.0028257763478904963, 0.0156672652810812, -0.018726957961916924, 0.00840732455253601, 0.02036607824265957, -0.013106138445436954, 0.00446660490706563, 0.01406912226229906, 0.02368529886007309, -0.011781182140111923, -0.04409235715866089, 0.020953429862856865, 0.0016988806892186403, 0.0302144642919302, -0.02557028830051422, -0.025461014360189438, -0.017579572275280952, 0.001689489814452827, -0.024532178416848183, 0.02621227689087391, -0.0003201408253517002, -0.013638853095471859, -0.0009356649243272841, 0.038847167044878006, 0.012723676860332489, -0.004896874073892832, -0.008304880000650883, -0.011118704453110695, 0.015530671924352646, -0.01186996791511774, -0.014205715619027615, -0.007157495245337486, -0.0025184410624206066, 0.0414697639644146, -0.009062973782420158, -0.0015503353206440806, -0.020311441272497177, 0.02550199069082737, 0.00030306665576063097, 0.008468791842460632, -0.0171151552349329, 0.025802496820688248, -0.037727102637290955, 0.017238089814782143, 0.005125667899847031, -0.005231528077274561, -2.6291565518477e-05, -0.006436964962631464, -0.007191643584519625, -0.003150185802951455, -0.01402814406901598, 0.026143981143832207, 0.02040705643594265, 0.00259527494199574, -0.02152712270617485, -0.002079634927213192, -0.020639264956116676, -0.020939771085977554, -0.005699360277503729, -0.006833085790276527, 0.004459775052964687, -0.03384784981608391, -0.00474662147462368, 0.013386155478656292, -0.008277561515569687, 0.018849892541766167, 0.008776127360761166, -0.0262669138610363, -0.009554709307849407, 0.005818879697471857, -0.022537915036082268, 0.017565913498401642, 0.014041803777217865, -0.025392716750502586, -0.008386836387217045, -0.002868461888283491, -0.005129083059728146, -0.010886495932936668, 0.027919694781303406, -0.011945094913244247, -0.01643218845129013, -0.01677367277443409, 0.005146156996488571, 0.006628195755183697, 0.01604972593486309, -0.0018183998763561249, 0.010278655216097832, -0.01002595666795969, 0.0020352420397102833, -0.014151078648865223, 0.0024279479403048754, 0.03166235610842705, -0.006597462110221386, 0.01219096314162016, 0.016841968521475792, -0.003670948091894388, 0.01055184192955494, -0.01274416595697403, -0.015544331632554531, -0.0164595078676939, -0.04414699226617813, 0.0017483957344666123, 0.00236306618899107, -0.004244640469551086, -0.005511544644832611, 0.0018508408684283495, -0.0310067068785429, 0.0028906583320349455, -0.013905210420489311, 0.02557028830051422, 0.0032628753688186407, 0.0044836788438260555, 0.018822573125362396, 0.01822156272828579, 0.02259255200624466, 0.0025525896344333887, -0.017347363755106926, -0.0027574796695262194, 0.0014052047627046704, -0.0021308574359863997, -0.026444485411047935, -0.020598288625478745, -0.025310760363936424, 0.03794565051794052, -0.006843330338597298, -0.014437924139201641, -0.02735966257750988, -0.01681464910507202, -0.05228796228766441, 0.0011157975532114506, -0.008776127360761166, 0.011207490228116512, 0.006156948395073414, 0.044666048139333725, 0.013925699517130852, 0.022046178579330444, -0.005429588258266449, 0.009383968077600002, -0.020994408056139946, 0.0019106004619970918, 0.0010714046657085419, -0.021253935992717743, -0.0029521253891289234, -0.005159816239029169, -0.02696354128420353, -0.011303105391561985, 0.010299144312739372, -0.013632023707032204, -0.0068706488236784935, 0.01971043087542057, -0.005719849374145269, -0.025829816237092018, -0.002105246065184474, 0.016336573287844658, 0.0015392370987683535, -0.008844424039125443, 0.0029026102274656296, -0.026417167857289314, -0.012573424726724625, 0.02152712270617485, -0.012983204796910286, -0.01258025411516428, -0.0073282369412481785, -0.0098415557295084, 0.007895099930465221, 0.02623959630727768, -0.005368121434003115, -0.011289446614682674, -0.003985112998634577, -0.008168286643922329, 0.032645829021930695, 0.001560579868964851, -0.012423171661794186, 0.028001651167869568, 0.004545146133750677, -0.013222242705523968, -0.0050881048664450645, -0.0035480139777064323, -0.01036061067134142, 0.005118838511407375, 0.031580399721860886, -0.020311441272497177, -0.008086330257356167, -0.017784463241696358, -0.007130176294595003, -0.010531352832913399, 0.004009016789495945, -0.00893320981413126, -0.016691716387867928, -0.030433014035224915, 0.022824760526418686, 0.0244912002235651, -0.0287665743380785, 0.0006859551067464054, -0.0035958217922598124, 0.014902342110872269, -0.005863272584974766, -0.006167192943394184, -0.016131682321429253, -0.01077722106128931, 0.007656061090528965, 0.010353781282901764, -0.013932528905570507, -0.003517280565574765, 0.008660023100674152, 0.017320046201348305, -0.018289858475327492, 0.000370082794688642, 0.214069202542305, -0.037426598370075226, 0.022688167169690132, 0.035623565316200256, 0.002429655520245433, -0.004818332847207785, 0.024218013510107994, 0.016336573287844658, -0.010626967996358871, 0.011788012459874153, 0.009896193630993366, -0.006150118540972471, -0.01859036460518837, 0.002301599131897092, 0.027550892904400826, -0.010510863736271858, -0.02074854075908661, -0.028192881494760513, -0.016568781808018684, 0.013905210420489311, -0.00683991564437747, -0.008236583322286606, -0.0006927847280167043, -0.028875848278403282, -0.0024860003031790257, -0.0017944960854947567, -0.006716981530189514, -0.0032287270296365023, 0.01293539721518755, 0.002894073026254773, -0.018139606341719627, 0.0011397013440728188, 0.003157015424221754, 0.014697452075779438, -0.019806046038866043, -0.01183582004159689, 0.0051427423022687435, -0.010599649511277676, 0.018057649955153465, 0.01715613342821598, -0.0024125813506543636, -0.010169380344450474, 0.008735149167478085, -0.013823254033923149, -0.004353915341198444, 0.02376725524663925, -0.006146703846752644, -0.007451171055436134, -0.0068194265477359295, 0.012006561271846294, -0.0070755393244326115, 0.014437924139201641, 0.04125121235847473, 0.027236727997660637, -0.005422758869826794, -0.014533540233969688, -0.018658660352230072, 0.006798937451094389, 0.011494336649775505, 0.0024194109719246626, -0.02002459578216076, 0.0004187441954854876, -0.006576973013579845, 0.02518782578408718, -0.019150396808981895, -0.00218037236481905, 0.0009134684805758297, 0.0006560752517543733, 0.008236583322286606, -0.03414835408329964, -0.003443861613050103, -0.020926112309098244, -0.008543918840587139, -0.005033467430621386, -0.02447754144668579, -0.043873805552721024, 0.026089342311024666, 0.029832003638148308, 0.006809181999415159, 0.039939917623996735, 0.002600397216156125, -0.031088663265109062, 0.016118023544549942, -0.01315394602715969, -0.003571918001398444, -0.010312803089618683, -0.0182352215051651, -0.005183720495551825, 0.006348179187625647, -0.03286437690258026, -0.0029230990912765265, -0.02037973888218403, -0.014082781970500946, 0.014287672005593777, -0.0005173475947231054, -0.005938399117439985, -0.002275987761095166, -0.013891550712287426, -0.003670948091894388, -0.0295588169246912, -0.04182490333914757, 0.052369918674230576, 0.04895508289337158, 0.015885815024375916, 0.005371536128222942, -0.006225245073437691, -0.027947014197707176, 0.006409646011888981, 0.00491053331643343, -0.005941813811659813, 0.01108455564826727, -0.02692256309092045, 0.009459094144403934, -0.007615083362907171, -0.018508408218622208, 0.0005032613989897072, 9.550867616781034e-06, -0.003023836761713028, 0.033410750329494476, -0.006262808106839657, -0.012990034185349941, -0.019491881132125854, -0.005634478759020567, 0.0005946082528680563, 0.007498978637158871, -0.021404188126325607, -0.023985804989933968, -0.009254204109311104, -0.016650738194584846, 0.00840732455253601, 0.008707830682396889, -0.027455277740955353, 0.029312947764992714, 0.013775446452200413, -0.0008477329392917454, -0.011904116719961166, -0.015762880444526672, -0.002754064742475748, -0.012252429500222206, -0.0007435804582200944, -0.00658038817346096, -0.006716981530189514, -0.0005587524501606822, -0.030187144875526428, 0.009329330176115036, -0.0027694315649569035, 0.001181533094495535, 0.02621227689087391, -0.0008759053307585418, -0.01901380345225334, -0.017647869884967804, -0.004183173645287752, 0.010299144312739372, 0.0003032800741493702, 0.033383432775735855, 0.014041803777217865, -0.015776539221405983, -0.009732280857861042, 0.013338347896933556, 0.023903848603367805, -0.040322378277778625, 0.0016416821163147688, 0.024231672286987305, -0.00913809984922409, -0.01112553384155035, -0.016131682321429253, -0.1754952222108841, -9.52418995439075e-05, 0.005057371221482754, -0.03797297179698944, 0.021226616576313972, 0.018057649955153465, 0.022442298009991646, 0.000875051598995924, -0.01681464910507202, -0.0200109351426363, 0.01077722106128931, 0.007744846865534782, -0.02328917756676674, -0.008707830682396889, -0.006645269691944122, 0.003950964659452438, -0.0015819225227460265, -0.009124440141022205, 0.024928299710154533, -0.0005869248416274786, 0.017320046201348305, -0.028930487111210823, 0.0018098627915605903, -0.0062559787184000015, 9.90835833363235e-05, 0.012491468340158463, 0.009083462879061699, 0.0273869801312685, -0.012088517658412457, -0.04007650911808014, -0.004555390682071447, -0.010019127279520035, 0.019601155072450638, -0.015243825502693653, 0.009131270460784435, 0.02298867329955101, 0.015202847309410572, 0.005781316664069891, -0.01401448529213667, -0.0011192123638466, 0.012457319535315037, 0.03280973806977272, -8.276974767795764e-06, -0.01023767702281475, -0.018426451832056046, 0.016254616901278496, 0.042453233152627945, -0.031225256621837616, 0.011951924301683903, -0.001658756285905838, 0.003981698304414749, -0.00785412173718214, 0.030870113521814346, -0.011255297809839249, -0.006747714709490538, 0.022742804139852524, 0.012334385886788368, 0.0008216947899200022, 0.009110781364142895, 0.01057233102619648, 0.0022076910827308893, 0.010292313992977142, 0.026335211470723152, 0.006880893371999264, 0.015366760082542896, -0.02266084775328636, -0.020502671599388123, 0.01714247465133667, -0.019491881132125854, 0.008940039202570915, -0.011118704453110695, 0.0032884865067899227, -0.009390797466039658, -0.010305973701179028, -0.0015554575948044658, 0.011248468421399593, -0.0012344630667939782, 0.0035992367193102837, 0.035186465829610825, 0.0033567831851541996, -0.01999727636575699, 0.018467430025339127, -0.0020779273472726345, -0.0007085783872753382, -0.01600874960422516, 0.006915041711181402, 0.005002733785659075, 0.004551975522190332, -0.016705375164747238, -0.019232353195548058, 0.022442298009991646, -0.006624781060963869, 0.0010287192417308688, -0.0028599246870726347, 0.007027731277048588, 0.01241634227335453, 0.006706736981868744, -0.013392984867095947, 0.009459094144403934, -0.020174847915768623, -0.003660703543573618, 0.002718209056183696, -0.020202167332172394, -0.0070209018886089325, 0.013147116638720036, 0.002026704838499427, -0.033028289675712585, -0.003592406865209341, 0.030351057648658752, -0.011357743293046951, -0.0062013412825763226, -0.006877478677779436, 0.004743206314742565, 0.007840462028980255, -0.018330836668610573, 0.01313345693051815, -0.012313896790146828, -0.018699638545513153, 0.008475622162222862, 0.02044803462922573, 0.043518662452697754, -0.004425626713782549, 0.009500072337687016, 0.018153265118598938, -0.0156672652810812, -0.023562364280223846, -0.10626967996358871, 0.001965237781405449, 0.0022742804139852524, 0.026690354570746422, -0.020994408056139946, 0.030433014035224915, 0.00282748369500041, 0.03168967366218567, -0.021363211795687675, 0.030842794105410576, -0.004954926203936338, -0.01826254092156887, 0.010435737669467926, 0.008263901807367802, 0.018877210095524788, 0.014916001819074154, 0.013529578223824501, -0.018330836668610573, -0.010176209732890129, 0.02511953003704548, 0.009909852407872677, -0.004077313467860222, 0.002074512653052807, -0.0329190157353878, -0.001714247395284474, -0.012341215275228024, -0.02554296888411045, 0.01714247465133667, 0.00755361607298255, -0.00036090542562305927, 0.02119929902255535, -0.030050551518797874, -0.0007674842490814626, -0.011432869359850883, 0.029695410281419754, -0.003930475562810898, -0.024600474163889885, -0.009909852407872677, 0.012990034185349941, -0.01073624286800623, -0.00799754448235035, -0.005699360277503729, -0.009192736819386482, -0.009711791761219501, 0.011364572681486607, -0.019136738032102585, -0.002943588187918067, 0.024969277903437614, 0.001150799565948546, -0.033765893429517746, -0.04084143415093422, -0.019136738032102585, -0.040622882544994354, 0.0024638038594275713, 0.0036948521155864, 0.008899061009287834, 0.0033192201517522335, 0.020652925595641136, -0.013338347896933556, -0.0028787064366042614, -0.006167192943394184, -0.016841968521475792, -0.03439422324299812, 0.003718755906447768, 0.0259390901774168, -0.004418797325342894, 0.00764923170208931, -0.0350225530564785, 0.014041803777217865, 0.0023289178498089314, -0.007458000909537077, 0.019409924745559692, -0.0007448609685525298, -0.008489280939102173, -0.027072815224528313, 0.010490374639630318, -0.02547467313706875, -0.024532178416848183, 0.001651926664635539, 0.0001755438861437142, 0.0021154906135052443, -0.018289858475327492, -0.021335892379283905, 0.004094387870281935, -0.011187001131474972, 0.01112553384155035, -0.010975281707942486, -0.01607704535126686, -0.010695264674723148, -0.04458409175276756, -0.005849613342434168, 0.031088663265109062, 0.0035821625497192144, -0.042480554431676865, 0.006358423735946417, 0.006174022797495127, -0.012286578305065632, -0.006136459298431873, 0.009732280857861042, 0.005320313852280378, -0.021991539746522903, -0.0007107126293703914, -0.05944545567035675, 0.01782544143497944, 0.01573556289076805, -0.025802496820688248, 0.00033529417123645544, -0.03603334352374077, 0.012313896790146828, -0.019587496295571327, -0.0020898792427033186, 0.02267450839281082, -0.030105190351605415, 0.0018132776021957397, -0.009595687501132488, -0.013263220898807049, -0.01604972593486309, -0.01073624286800623, 0.02083049714565277, 0.0013198339147493243, 0.018166925758123398, 0.01973774842917919, 0.007471660152077675, -0.004958341363817453, 0.008461962454020977, 0.010852347128093243, -0.0006919310544617474, -0.01094113290309906, -0.02222375012934208, 0.022496936842799187, -0.01330419909209013, 0.005118838511407375, -0.007417022716253996, -0.020311441272497177, -0.005012978333979845, 0.010968451388180256, -0.022141793742775917, -0.018795253708958626, -0.009397626854479313, 0.020188506692647934, 0.023084288462996483, 0.04707009345293045, -0.015612628310918808, -0.029722727835178375, 0.020570969209074974, -0.0016536341281607747, 0.006488187238574028, 0.009233715012669563, -0.0038758383598178625, -0.019464561715722084, 0.008284390904009342, -0.009001506492495537, 0.03354734554886818, -0.0015955818817019463, -0.005467151757329702, -0.04851798340678215, 0.009213225916028023, 0.005702775437384844, 0.01610436476767063, 0.00947275385260582, 0.018289858475327492, 0.015926793217658997, 0.026908904314041138, 0.007177984341979027, 0.011794841848313808, 0.0010005468502640724, 0.004797843750566244, -0.023207221180200577, -0.005405684467405081, -0.010988940484821796, -0.017702506855130196, -0.012791973538696766, 0.00785412173718214, 0.0156672652810812, 0.0167873315513134, 0.028711937367916107, 0.01572190225124359, 0.012826122343540192, 0.011535313911736012, 0.01859036460518837, -0.01057233102619648, 0.008543918840587139, -0.00857806671410799, -0.008605385199189186, -0.011555803008377552, 0.013331517577171326, -9.99906551442109e-05, -0.004343670792877674, -0.01755225472152233, -0.004787599202245474, -0.019109418615698814, -0.00473637692630291, 0.009698132984340191, 0.003944134805351496, 0.0142193753272295, 0.0022298875264823437, -0.011385061778128147, 0.00818194542080164, 0.0063106161542236805, 0.0024142886977642775, 0.021226616576313972, 0.011808501556515694, 0.01423303410410881, -0.008666852489113808, -0.0196831114590168, -0.033765893429517746, -0.022838419303297997, 0.020529991015791893, -0.030788157135248184, -0.012354874983429909, 0.016486825421452522, 0.016582440584897995, 0.025461014360189438, 0.002410873770713806, 0.01166507788002491, 0.021335892379283905, -0.004514412488788366, 0.02042071707546711, -0.008243412710726261, -0.019437244161963463, -0.014888682402670383, 0.023521386086940765, 0.03425762802362442, 0.008871742524206638, 0.06474528461694717, 0.0068740639835596085, 0.00891272071748972, 0.023876529186964035, 0.04373721405863762, -0.026403507217764854, 0.027605529874563217, 0.02588445320725441, 0.002680645789951086, 0.011487506330013275, -0.01747029833495617, -0.012334385886788368, -0.01498429849743843, 0.008666852489113808, 0.016213638707995415, 0.030870113521814346, 0.005463736597448587, 0.08195605129003525, 0.0116514191031456, -0.014574517495930195, 0.01295588631182909, 0.000547654228284955, -0.0009262741077691317, 0.005429588258266449, 0.010633797384798527, -0.0025986898690462112, -0.00528616551309824, -0.022893056273460388, -0.0028496801387518644, -0.013392984867095947, -0.03185358643531799, -0.007041390985250473, -0.020584627985954285, -0.007000412791967392, 0.03464009240269661, -0.008639534004032612, -0.020161189138889313, 0.03715341165661812, 0.018836231902241707, -0.0009023702587001026, 0.000869075651280582, -0.01219096314162016, 0.015093572437763214, 0.016159001737833023, 0.007232621777802706, 0.0050505418330430984, -0.03841007128357887, 0.02768748626112938, 0.020680243149399757, -0.04198881611227989, -0.018412793055176735, -0.013522748835384846, -0.02222375012934208, 0.01146018784493208, -0.01237536408007145, 0.022811101749539375, 0.0036367997527122498, -0.005866687279194593, -0.004394893068820238, 0.0012122666230425239, -0.029394904151558876, 0.001866207574494183, -0.0006740031531080604, -0.007150665391236544, -0.008434643968939781, -0.029422223567962646], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='6e7ccbc5-7a20-4216-b0e2-083b3aa5e745', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '3', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_type': 'application/pdf', 'file_size': 1719588, 'creation_date': '2024-02-25', 'last_modified_date': '2024-01-15', 'last_accessed_date': None}, hash='6d8bc2f997620f5bb0790c1ce7f08f0b0e931cbc01061563847f4b3ee1f31838')}, text='Among these sources, Wikipedia consists of multi-\\nlingual text, contributing 4.5% of the total corpus. It covers\\n20 languages that use either the Latin or Cyrillic scripts.\\nLLaMA achieves state-of-the-art results for foundation\\nmodels of its size. For example, LLaMA-13B with just\\n13 billion parameters outperforms the much larger 175B\\nparameter GPT-3 on many NLP benchmarks. We consider\\nLLaMA-7B and LLaMA-13B in our experiments.\\nLLaMA2 (Touvron et al. 2023b): LLaMA2 is an enhanced\\nand upgraded version of LLaMA. The upgrades it has\\nreceived compared to its predecessor include a more robust\\ndata cleaning process, a new mix of publicly available\\npretraining data boasting a 40% increase in size, a doubled\\ncontext length for improved comprehension, and the imple-\\nmentation of grouped-query attention for the efficiency of\\ninference. These improvements make it a more powerful\\ntool for tackling advanced language understanding tasks. We\\nconsider LLaMA2-7B in our experiments.\\nChinese LLaMA (Cui, Yang, and Yao 2023b): Chinese\\nLLaMA is an extension of the original LLaMA, designed\\nto enhance its capability in understanding and generating\\nChinese text. The goal is achieved by integrating a Chi-\\nnese tokenizer developed using SentencePiece. ', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='47fba94f-eb12-4c17-adaa-bcd750115377', embedding=[-0.00965749192982912, 0.012788902968168259, 0.013315423391759396, -0.01539379358291626, -0.004032037686556578, 0.006203934084624052, -0.020949969068169594, 0.010433416813611984, -0.0303996242582798, -0.030510470271110535, 0.0027243965305387974, 0.024067522957921028, -0.026783259585499763, -0.00939423218369484, 0.0002232082624686882, 0.011964483186602592, 0.016599247232079506, 0.008493605069816113, 0.0070768496952950954, -0.008147209882736206, -6.245934491744265e-05, -0.0073851412162184715, -0.03283824399113655, 5.4232463298831135e-05, -0.005379514303058386, -0.011091567575931549, 0.024677177891135216, -0.022765077650547028, -0.020728275179862976, 0.0012929192744195461, 0.015657054260373116, 0.01786012575030327, -0.03170206770300865, 0.0132461441680789, -0.009705987758934498, -0.005556175485253334, 0.014015140943229198, -0.017527585849165916, 0.03358645737171173, -0.02273736707866192, 0.03572025150060654, 0.03572025150060654, 0.019952351227402687, -0.011534953489899635, -0.007606833707541227, -0.0032387932296842337, 0.007398996967822313, -0.025827210396528244, -0.018067961558699608, 0.0025719827972352505, 0.005618526600301266, 0.02233554795384407, -0.011555736884474754, 0.005618526600301266, -0.03042733483016491, 0.0033912069629877806, 0.015643198043107986, 0.019619811326265335, -0.0008945650770328939, -0.00882614403963089, 0.005712053272873163, 0.004025109577924013, -0.019287273287773132, 0.0225156731903553, -0.0005520670092664659, -0.010204796679317951, -0.014936551451683044, 0.028792351484298706, 0.020755987614393234, -0.008389686234295368, 0.022016866132616997, -0.01069667749106884, 0.00450313463807106, -0.0019813792314380407, 0.02442777529358864, -0.0007036147871986032, -0.019398119300603867, -0.01916257105767727, -0.0009395963861607015, 0.0067408462055027485, 0.029346583411097527, -0.009955392219126225, -0.0005996963009238243, 0.025993479415774345, 0.021642759442329407, 0.010384921915829182, 0.001718119136057794, -0.011458746157586575, -0.01651611365377903, -0.0019224921707063913, 0.025785643607378006, 0.003647539298981428, 0.03749379515647888, 0.010093949735164642, -0.003249184926971793, -0.0017873981269076467, -0.011957555077970028, 0.012165391817688942, -0.028044138103723526, -0.020603572949767113, -0.02629830688238144, -0.00902012549340725, -0.040652915835380554, -0.009996959008276463, -0.02269580028951168, 0.003540156874805689, 0.03516601771116257, 0.011133135296404362, 0.016086583957076073, 0.03918420150876045, -0.021102381870150566, 0.031009279191493988, 0.006214326247572899, -0.04932664707303047, -0.005199388600885868, -0.009823761880397797, 0.02287592552602291, -0.008244200609624386, 0.0052721318788826466, 0.005206316709518433, 0.02931887097656727, 0.021462634205818176, 0.024150658398866653, -0.010170157067477703, 0.02438620664179325, 0.005507680121809244, 0.0010937422048300505, -0.023208463564515114, -0.02906946651637554, 0.0037237461656332016, 0.003765313420444727, 0.021739749237895012, 0.02010476589202881, 0.013952789828181267, -0.012310877442359924, 0.041595108807086945, -0.0015327978180721402, -0.008618307299911976, -0.007461348082870245, -0.0009162147180177271, 0.0040632132440805435, 0.02628445066511631, -0.0018566771177574992, -0.0010123393731191754, -0.017208902165293694, 0.019093291833996773, -0.003427578369155526, 0.032588839530944824, 0.0020939577370882034, 0.004305689595639706, 0.00393851101398468, -0.026603134348988533, -0.0034293103963136673, 0.021351786330342293, 0.030898433178663254, 0.00125568185467273, 0.009068620391190052, 0.009747554548084736, -0.02438620664179325, -0.001823769649490714, -0.004863385576754808, 0.00732279010117054, 0.004846065770834684, -0.001352672465145588, 0.021310219541192055, 0.02611818164587021, 0.021518057212233543, -0.016460690647363663, 0.005947601981461048, -0.03170206770300865, -0.009470438584685326, 0.027891723439097404, -0.006508762016892433, 0.010814451612532139, -0.006602288223803043, 0.020603572949767113, 0.029623698443174362, -0.01874689757823944, -0.0030500078573822975, -0.02343015745282173, 0.009962319396436214, 0.020548149943351746, 0.016987210139632225, -0.00741978082805872, -0.040431223809719086, -0.010059310123324394, -0.015185955911874771, -0.007738464046269655, 0.022778933867812157, -0.01705648936331272, 0.02647843211889267, 0.03342018648982048, 0.007918589748442173, -0.019980063661932945, -0.6535503268241882, -0.017721567302942276, -0.01059968676418066, 0.007440564222633839, -0.004184451419860125, -0.016668526455760002, -0.01305216271430254, -0.013959717936813831, -0.02568865194916725, 0.014437743462622166, -0.017596865072846413, -0.023970533162355423, -0.012975956313312054, -0.014853416942059994, -0.011146990582346916, -0.018469780683517456, 0.0033842790871858597, -0.015158244408667088, 0.016058871522545815, -0.009553574025630951, -0.016987210139632225, -0.0025442710611969233, -0.024524765089154243, 0.0052374922670423985, -0.016474545001983643, -0.005040047224611044, 0.03477805480360985, -0.005833291448652744, 0.016987210139632225, 0.008264984004199505, -0.019051725044846535, 0.013841943815350533, 0.017347460612654686, -0.024275360628962517, 0.03846370056271553, -0.0011534952791407704, -0.02287592552602291, 0.01748601906001568, 0.002152844797819853, 0.0026377977337688208, -0.016751661896705627, -0.0015786951407790184, 0.010516551323235035, 0.014520877972245216, -0.003831128589808941, 0.0145485894754529, 0.029900815337896347, 0.01077981200069189, -0.015269091352820396, -0.012664200738072395, -0.008971630595624447, 0.014153699390590191, 0.019827648997306824, -0.02417837083339691, -0.002958213211968541, 0.0024178370367735624, 0.015255235135555267, -0.034029845148324966, 0.02028489112854004, -0.02610432542860508, -0.0001898677583085373, 0.002729592379182577, -0.010488839820027351, -0.023970533162355423, -0.022986771538853645, 0.0003511579125188291, -0.0167378056794405, 0.0028161911759525537, 0.0015908189816400409, -0.008320407941937447, -0.01578175649046898, 0.010717460885643959, -0.0026048903819173574, -0.002066246001049876, -0.00610694382339716, 0.015615485608577728, 0.012040689587593079, -0.011029216460883617, -0.006959075108170509, 0.0245524775236845, 0.015463071875274181, 0.002405713079497218, 0.013211504556238651, -0.01190905924886465, 0.02628445066511631, 0.004281442146748304, 0.005867931060492992, -0.0006888930220156908, -0.005660093855112791, 0.018636049702763557, 0.009615925140678883, -0.001138773513957858, -0.01838664524257183, -0.025993479415774345, -0.0014877665089443326, 0.007683040574193001, -0.0018618730828166008, -0.0043160817585885525, 0.013260000385344028, -0.011860564351081848, -0.008770721033215523, -0.021324075758457184, 0.0344732291996479, 0.006837836932390928, 0.012075329199433327, 0.022820502519607544, -0.010592758655548096, -0.0035176409874111414, 0.03278282284736633, -0.01856677047908306, -0.007828527130186558, 0.012733479961752892, 0.0030188322998583317, -0.01616971753537655, 0.020714420825242996, -0.02305605076253414, 0.014507021754980087, 0.008479748852550983, 0.02987310290336609, -0.024122945964336395, 0.00034184855758212507, 0.0014929623575881124, 0.014216050505638123, -0.009830689989030361, -0.011396395042538643, 0.01672394946217537, 0.0008456367650069296, 0.0077453916892409325, 0.013183793053030968, -0.0009525862406007946, -0.0033998668659478426, -0.006048056297004223, 0.011860564351081848, -0.02140720933675766, 0.040431223809719086, 0.009304169565439224, 0.046610910445451736, 0.00667156744748354, -0.008611379191279411, -0.0011465674033388495, -0.011465674266219139, 0.0013665282167494297, 0.005029655061662197, -0.017915548756718636, -0.031203260645270348, -0.022834356874227524, -0.006404843181371689, 0.008833072148263454, -0.002308722585439682, 0.0145485894754529, 0.002914913697168231, -0.014160627499222755, -0.017970971763134003, 0.003022296354174614, -0.014520877972245216, -0.005774404387921095, -0.011597303673624992, -0.013010595925152302, 0.0006901919841766357, -0.01935655251145363, -0.003813808783888817, 0.022487962618470192, -0.000801904418040067, -0.00020069259335286915, 0.004298761952668428, -0.01896858960390091, 0.00030244613299146295, 0.04433855786919594, -0.027517618611454964, -0.0401541069149971, -0.0035453527234494686, -0.035581693053245544, -0.008230345323681831, 0.033309340476989746, 0.004603589419275522, 0.005157821346074343, -0.029983950778841972, 0.00038861186476424336, -0.007218871731311083, -0.022765077650547028, 0.0038345924112945795, 0.03400213271379471, 0.010287931188941002, -0.0014972923090681434, 0.012698840349912643, 0.003647539298981428, 0.01003159862011671, -0.014687146991491318, -0.03530457615852356, 0.02161504700779915, 0.010786740109324455, 0.019024012610316277, -0.022044576704502106, 0.011784357018768787, 0.0030015124939382076, 0.012622633017599583, 0.01668238267302513, -0.02535611391067505, 0.008202632889151573, 0.002958213211968541, 0.005798651836812496, 0.017028776928782463, 0.006422162987291813, -0.018497493118047714, -0.0034154546447098255, -0.022640375420451164, 0.013682601973414421, -0.00929724145680666, 0.018691472709178925, 0.003810344962403178, 0.018151096999645233, 0.003647539298981428, -0.03682871535420418, 0.007315861992537975, -0.006979858968406916, 0.03993241488933563, 0.014285328797996044, -0.004478887189179659, 0.012823542580008507, 0.001669623889029026, -0.00928338523954153, 0.00021736285998485982, 0.01062047015875578, -0.0012262382078915834, -0.01296902820467949, -0.0017241809982806444, 0.004208698868751526, 0.04370119050145149, 0.011063856072723866, -0.009747554548084736, -0.004742147400975227, -0.0013535383623093367, 0.017763134092092514, 0.012089185416698456, 0.007156520616263151, -0.020354168489575386, 0.031064702197909355, 0.007253510877490044, 0.022196991369128227, 6.310883327387273e-05, -0.0051335738971829414, 0.01597573608160019, 0.006293996702879667, -0.011264764703810215, 0.02006319724023342, -0.004672868177294731, 0.016211286187171936, 0.0275591854006052, -0.010059310123324394, 0.002965141087770462, -0.019841505214571953, 0.010689749382436275, -0.01598959229886532, -0.004388824570924044, -0.0016843456542119384, -0.03364188224077225, 0.005822899751365185, 0.010481912642717361, 0.033475611358881, 0.020368024706840515, 0.011140062473714352, 0.007987868040800095, -0.0021008856128901243, 0.011666582897305489, 0.0208114106208086, -0.013918150216341019, -0.007184232119470835, -0.01004545483738184, -0.016252852976322174, -0.0005542319850064814, -0.021628903225064278, -0.02570250816643238, 0.02494043856859207, -0.03433467075228691, 0.019675234332680702, 0.01597573608160019, -0.022016866132616997, 0.01898244582116604, 0.011805141344666481, 0.032949090003967285, -0.03272739797830582, -0.04201078414916992, 0.007156520616263151, 0.004839138127863407, 0.0033011441119015217, -0.008569812402129173, -0.04106859117746353, 0.006217789836227894, -0.011784357018768787, 0.003772241296246648, -0.012158463709056377, 0.012761191464960575, -0.007308934349566698, 0.023000627756118774, -0.0219475869089365, 0.022487962618470192, 0.014701003208756447, 0.0020038948860019445, -0.007024890277534723, 0.021642759442329407, -0.0021909482311457396, 0.01352326013147831, -0.022487962618470192, -0.0074890595860779285, 0.033170782029628754, -0.0030448120087385178, -0.03281053155660629, 0.00283697503618896, -0.004267586395144463, -0.001998699037358165, -0.0002600127481855452, -0.00899934209883213, 0.006640391889959574, 0.014202194288372993, 0.03139724209904671, 0.030732162296772003, 0.01062047015875578, 0.019439686089754105, 0.027129655703902245, 0.004593197721987963, -0.006813589483499527, -0.03148037567734718, -0.001145701389759779, 0.015587774105370045, 0.020049341022968292, 0.011514169164001942, -0.005767476744949818, -0.009470438584685326, -0.01766614429652691, -0.005736301187425852, -0.0364130400121212, -0.0076761129312217236, 0.0022810110822319984, 0.017125768586993217, -0.043451786041259766, -0.020617429167032242, 0.021892163902521133, 0.0012738675577566028, 0.015185955911874771, -0.002372805727645755, -0.0034379702992737293, -0.04090232029557228, -0.0020506582222878933, 0.00035137441591359675, 0.006830909289419651, 0.004783714655786753, 0.022377116605639458, 0.016793228685855865, 0.007911661639809608, 0.002714004600420594, 0.02517598681151867, 0.011929843574762344, 0.004513526801019907, -0.02758689597249031, 0.0006572844577021897, -0.0010279271518811584, 0.008791504427790642, 0.007939373143017292, -0.009214106947183609, 0.031452663242816925, 0.008410470560193062, -0.008542099967598915, 0.011382538825273514, 0.007738464046269655, 0.019952351227402687, 0.03003937378525734, 0.0039627584628760815, 0.008590595796704292, -0.008694513700902462, -0.0008006053976714611, -0.031618934124708176, 0.01211689691990614, 0.0009144827490672469, -0.02179517224431038, 0.01574018783867359, -0.011763573624193668, -0.03286595642566681, -0.018261943012475967, 0.017541442066431046, 0.010287931188941002, -0.019037868827581406, -0.004447711631655693, -0.009941536001861095, -0.03322620689868927, 0.004433855880051851, -0.03635761886835098, 0.004125564359128475, -0.017139624804258347, -0.008119498379528522, 0.00557695934548974, -0.006778949871659279, 0.0105234794318676, -0.023887397721409798, -0.002755572088062763, -0.0151998121291399, -0.028376678004860878, -0.031840626150369644, 0.00468672439455986, 0.0042329467833042145, -0.0039627584628760815, 0.029540564864873886, -0.009207178838551044, -0.01689022034406662, 0.033863574266433716, 0.005521535873413086, 0.003013636451214552, 0.007662257179617882, -0.04093003273010254, -0.0013777860440313816, -0.004444247577339411, -0.018663762137293816, -0.028459811583161354, 0.0025944984517991543, -0.008258056826889515, -0.0024490125942975283, -0.0019380799494683743, -0.014396175742149353, 0.0048807053826749325, 0.01042648870497942, 0.007007570471614599, 0.010080094449222088, 0.007135736756026745, 0.0019190282328054309, -0.026506144553422928, 0.013516332022845745, -0.0062628211453557014, -0.028847774490714073, 0.005840219557285309, 0.01992463879287243, -9.693647007225081e-05, 0.023388588801026344, 0.002819655230268836, -0.0017484286800026894, 0.009290313348174095, 0.002277547027915716, -0.01032257080078125, 0.007246583234518766, 0.016640815883874893, 0.008098714984953403, -0.01162501610815525, 0.005400297697633505, 0.00759990606456995, 0.005102398339658976, -0.024732602760195732, -0.0028612224850803614, -0.03441780433058739, 0.0009690399747341871, 0.018317366018891335, -0.002438620664179325, 0.04564100503921509, 0.006293996702879667, 0.015421505086123943, -0.015712477266788483, 0.02121322974562645, -0.008576739579439163, 0.022418683394789696, -0.0017319748876616359, -0.008943918161094189, -0.036163635551929474, -0.016959497705101967, -0.02100539207458496, 0.009622852317988873, -0.01474257092922926, 0.0006122531485743821, 0.002286206930875778, 0.023887397721409798, -0.0008105642627924681, -0.007253510877490044, 0.00737128546461463, -0.022196991369128227, -0.028820062056183815, 0.009214106947183609, 0.0020922257099300623, 0.01529680285602808, -0.011230125091969967, 0.019786082208156586, -0.03452865406870842, -0.010267147794365883, -0.011486457660794258, -0.010350282303988934, -0.011403323151171207, 0.008777649141848087, 0.027088087052106857, 0.011340972036123276, 0.06018959358334541, -0.02305605076253414, 0.027905579656362534, 0.007925516925752163, -0.017721567302942276, 0.025023574009537697, -0.03804802522063255, -1.2441803846741095e-05, -0.023416301235556602, -0.017943261191248894, 0.0018272335873916745, 0.008091786876320839, 0.002689757151529193, -0.03505517169833183, 0.0032128135208040476, 0.0003256112977396697, -0.014590157195925713, -0.008029435761272907, -0.0004931798903271556, -0.026173604652285576, -0.015712477266788483, -0.005351802334189415, -0.0025979625061154366, 0.0057813324965536594, -0.01931498385965824, -0.018067961558699608, 0.010821379721164703, -0.005098934285342693, 0.0260904710739851, -0.010239435359835625, 0.01932884007692337, -0.009415015578269958, -0.003192029893398285, 0.00835504662245512, 0.009318024851381779, -0.004752539098262787, -0.005774404387921095, -0.03702269494533539, 0.0006442946614697576, 0.01024636346846819, -0.007108025252819061, 0.0006209129933267832, 0.022626521065831184, -0.03305993601679802, 0.014049780555069447, -0.0070941695012152195, 0.0091032600030303, -0.016599247232079506, -0.01397357415407896, -0.01973065920174122, -0.015546207316219807, -0.047026582062244415, -0.015075109899044037, -0.006792805623263121, -8.594925748184323e-05, 0.003588652005419135, -0.009692131541669369, 0.0275591854006052, -0.011444889940321445, -0.010301786474883556, 0.03159122169017792, 0.029817679896950722, 0.04694344848394394, -0.005712053272873163, 0.006792805623263121, 0.011715078726410866, 0.011382538825273514, -0.00947736669331789, -0.008881567046046257, 0.017970971763134003, -0.02535611391067505, 0.0025962304789572954, 0.015809467062354088, -0.01898244582116604, 0.004482351243495941, 0.037466082721948624, 0.0081679942086339, -0.028030281886458397, -0.04032037779688835, 0.008306551724672318, 0.0006403977167792618, 0.03702269494533539, -0.02477416954934597, -0.02273736707866192, -0.012587993405759335, -0.011770501732826233, -0.022003009915351868, 0.02198915369808674, -0.008410470560193062, -0.011375611647963524, -0.005078150425106287, 0.017527585849165916, 0.01472871471196413, -0.005206316709518433, -0.010752100497484207, -0.008881567046046257, 0.01201990619301796, -0.006837836932390928, -0.020603572949767113, -0.006920971907675266, 0.00985147338360548, 0.038186583667993546, -0.021074671298265457, -0.009234890341758728, -0.007967084646224976, 0.019024012610316277, 0.005618526600301266, 0.015920313075184822, -0.017416739836335182, 0.029152601957321167, -0.032173167914152145, 0.019051725044846535, 0.00393851101398468, -0.0032820925116539, 0.007062993943691254, 0.0025719827972352505, -0.004988087806850672, -0.01669623889029026, -0.01285125408321619, 0.026797115802764893, 0.022806646302342415, 0.006027272902429104, -0.010211723856627941, -0.00920025072991848, -0.008278840221464634, -0.02498200722038746, -0.014396175742149353, -0.007000642828643322, 0.017569154500961304, -0.04464338719844818, -0.001531065790913999, 0.015144389122724533, -0.019772225990891457, 0.012982884421944618, -0.012733479961752892, -0.01294824481010437, -0.007613761816173792, 0.010294859297573566, -0.035193730145692825, 0.012795831076800823, 0.006442946847528219, -0.023568714037537575, -0.016405265778303146, 0.002002163091674447, -0.01654382422566414, -0.003302876139059663, 0.016377555206418037, -0.011403323151171207, -0.022183135151863098, -0.02719893492758274, 0.014908839948475361, 0.0031625861302018166, 0.01819266378879547, -0.008223417215049267, 0.02384583093225956, -0.01190213207155466, 0.012359373271465302, -0.008264984004199505, -0.013003667816519737, 0.0279610026627779, -0.0008997609838843346, 0.01172893401235342, 0.005590815097093582, 0.000773326784837991, 0.0131283700466156, -0.018123386427760124, -0.008188777603209019, -0.016045015305280685, -0.031120125204324722, -0.015213667415082455, -0.012830470688641071, -0.012442507781088352, -0.0017302429769188166, 0.015615485608577728, -0.03677329048514366, 0.0011439694790169597, -0.011957555077970028, 0.04370119050145149, 0.006172758527100086, 0.014576300978660583, 0.019661379978060722, 0.005791724193841219, 0.027448339387774467, 0.005306771025061607, -0.011978338472545147, -0.0020142868161201477, 0.001486900495365262, -0.006096551660448313, -0.02157348021864891, -0.012442507781088352, -0.013585611246526241, 0.035775672644376755, 0.0009266065899282694, -0.01162501610815525, -0.028196552768349648, -0.012539498507976532, -0.047968778759241104, -0.01145181804895401, -0.005909498315304518, 0.01686250790953636, 0.011493385769426823, 0.027365203946828842, 0.0223494041711092, 0.01492269616574049, -0.01050269603729248, 0.01174279022961855, -0.04037579894065857, 0.0006434287060983479, -0.007482131477445364, -0.020589718595147133, 0.007260438986122608, -0.004714435897767544, -0.029014043509960175, -0.009352664463222027, 0.0047767870128154755, -0.0030985032208263874, -0.008597523905336857, 0.03524915501475334, -0.024067522957921028, -0.034611787647008896, 0.0009326685103587806, 0.015088965184986591, 0.0010712265502661467, -0.010301786474883556, 0.0145485894754529, -0.012511787004768848, -0.007634545676410198, 0.019758369773626328, -0.016654670238494873, -0.006016880739480257, -0.008860783651471138, -0.006172758527100086, 0.008604451082646847, 0.022474106401205063, 0.006030736491084099, -0.00817492138594389, 0.0009352664346806705, -0.009359592571854591, 0.01446545496582985, -0.010135517455637455, -0.030261065810918808, 0.02326388657093048, 0.006706207059323788, -0.012511787004768848, -0.013363918289542198, 0.0005815105978399515, 0.002436888637021184, 0.0021926802583038807, 0.03477805480360985, -0.004645156674087048, 0.002260227221995592, -0.022280124947428703, -0.005996097344905138, -0.00949122291058302, 0.0009456583065912127, -0.01125090941786766, -0.004291833844035864, -0.033337052911520004, 0.038408275693655014, 0.02931887097656727, -0.038380563259124756, -0.011763573624193668, 0.012809686362743378, 0.00864601880311966, 0.00305347191169858, -0.011534953489899635, -0.009823761880397797, -0.01786012575030327, 0.0050504389218986034, 0.0023554859217256308, -0.01080059539526701, -0.0039004075806587934, -0.009484294801950455, 0.017042633146047592, 0.006394451484084129, -0.008992413990199566, 0.2107190042734146, -0.04076376184821129, 0.009553574025630951, 0.03452865406870842, 0.002996316645294428, 0.010481912642717361, 0.020340314134955406, 0.01634984277188778, -0.029512852430343628, 0.007953228428959846, 0.014423887245357037, -0.0023295062128454447, -0.02028489112854004, -0.00045637539005838335, 0.012691912241280079, -0.01267112884670496, -0.03962758556008339, -0.03361416980624199, -0.021434921771287918, 0.007350501604378223, -0.0023693416733294725, -0.012269310653209686, 0.0020316066220402718, -0.017375173047184944, -0.014493166469037533, -0.015366081148386002, 0.004187915474176407, -0.010377993807196617, 0.016183573752641678, 0.010093949735164642, -0.03020564280450344, 0.002372805727645755, -0.0017640164587646723, 0.013114513829350471, -0.02737906016409397, -0.002365877851843834, 0.008846928365528584, -0.006269749253988266, 0.01669623889029026, 0.006494905799627304, -0.0069105797447264194, -0.007738464046269655, 0.004257194232195616, -0.009636708535254002, 0.006318244617432356, 0.02931887097656727, -0.010468056425452232, -0.009858401492238045, -0.009602068923413754, 0.009747554548084736, 0.002317382488399744, 0.026616990566253662, 0.02664470300078392, 0.02496815100312233, 0.014936551451683044, -0.012206959538161755, -0.012934388592839241, 0.003127946751192212, 0.005230564158409834, 0.0038034168537706137, -0.020506583154201508, 0.0013864459469914436, 0.011798213236033916, 0.02010476589202881, -0.0022567634005099535, 0.00218055653385818, 0.0034881974570453167, -0.0031054310966283083, 0.0001744964683894068, -0.01360639464110136, -0.011313260532915592, -0.012622633017599583, -0.007329717744141817, -0.022945204749703407, -0.02517598681151867, -0.03832514211535454, 0.038962509483098984, 0.027295924723148346, 0.01557391881942749, 0.03799260035157204, 0.008244200609624386, -0.03278282284736633, 0.019855361431837082, -0.02085297740995884, 0.0014747766545042396, 0.004212162923067808, -0.010551190935075283, -0.02645072154700756, 0.005040047224611044, -0.008791504427790642, 0.004510062746703625, -0.0302333552390337, -0.012373228557407856, 0.0169040746986866, -0.0018722648965194821, -0.004960376303642988, -0.003263040678575635, 0.0032457211054861546, -0.011327115818858147, -0.0260904710739851, -0.027919435873627663, 0.03353103622794151, 0.04561329260468483, 0.01285125408321619, -0.002504435833543539, -0.006706207059323788, -0.030649028718471527, -0.005570031236857176, 0.004527382552623749, 0.0006858620909042656, 0.010170157067477703, -0.047192852944135666, -0.0005009737215004861, -0.0074544199742376804, -0.018843887373805046, 0.019813792780041695, 0.011410251259803772, 0.018358934670686722, 0.050961628556251526, -0.003386010881513357, -0.0022636912763118744, -0.029429718852043152, 0.0018601410556584597, 0.008853855542838573, -0.004807962570339441, -0.01342626940459013, -0.011936771683394909, -0.0032110814936459064, -0.016848651692271233, 0.007807742804288864, 0.015088965184986591, -0.03887937217950821, 0.04090232029557228, 0.008909279480576515, 0.00274518015794456, -0.010648181661963463, -0.024524765089154243, -0.0042710499837994576, -0.010454201139509678, -0.00789780542254448, 0.010987648740410805, -0.010849091224372387, 0.008043291978538036, -0.030316488817334175, 0.024871159344911575, -0.012920533306896687, 0.006695814896374941, 0.012629561126232147, 0.010135517455637455, -0.031230971217155457, -0.013675673864781857, -0.010662037879228592, 0.002289670752361417, -0.015518495813012123, 0.025078997015953064, 0.004970768000930548, -0.025092853233218193, 0.001473910640925169, 0.007960156537592411, 0.017375173047184944, -0.031064702197909355, -0.014701003208756447, 0.017153479158878326, -0.008673730306327343, -0.006373667623847723, -0.01003159862011671, -0.17890608310699463, -0.0021112775430083275, 0.01388351060450077, -0.04397830739617348, 0.013301567174494267, 0.004568949807435274, 0.01435460802167654, -0.01435460802167654, -0.013758809305727482, -0.01417448278516531, 0.016058871522545815, 0.008001724258065224, -0.020548149943351746, -0.011472602374851704, -0.012130752205848694, 0.012234671041369438, -0.010759028606116772, -0.012387084774672985, 0.02160119079053402, 0.012629561126232147, 0.01510282140225172, -0.02423379383981228, 0.00549036031588912, 0.002980728866532445, 0.0006066242349334061, 0.012615705840289593, 0.013807304203510284, 0.028459811583161354, -0.011119279079139233, -0.036717869341373444, -0.011867492459714413, -0.015878746286034584, 0.014770282432436943, -0.00553885567933321, 0.006605752278119326, 0.03192376345396042, 0.026520000770688057, 0.0010235972004011273, -0.010267147794365883, 0.002859490690752864, 0.0033964028116315603, 0.04201078414916992, -0.00712880864739418, -0.005244419910013676, -0.015241379849612713, 0.043063823133707047, 0.040652915835380554, -0.01840050145983696, 0.006730454508215189, -0.007461348082870245, 0.0012539498275145888, -0.014042852446436882, 0.036911848932504654, 0.006830909289419651, -0.0065676490776240826, 0.02254338562488556, 0.0024819201789796352, 0.011999121867120266, -0.0037237461656332016, -0.0062628211453557014, 0.016640815883874893, 0.011604231782257557, 0.01786012575030327, -0.004911880940198898, 0.025106709450483322, 0.000694954942446202, -0.011895203962922096, 0.0069937147200107574, -0.018539059907197952, 0.011985266581177711, -0.006439482793211937, 0.010100877843797207, 0.005750156939029694, -0.0005615928675979376, 0.02139335498213768, 0.00929724145680666, 0.010648181661963463, 0.005642774514853954, 0.03851912170648575, -0.002275815000757575, -0.02945742942392826, 0.014105203561484814, -0.02380426414310932, -0.006681959144771099, -0.008438182063400745, 0.010184012353420258, 0.0030032445210963488, 0.005466112866997719, -0.017943261191248894, -0.01874689757823944, 0.01935655251145363, -0.017569154500961304, 0.010350282303988934, -0.008299623616039753, -0.0009205446694977582, 0.00843125395476818, 0.005313699133694172, -0.0015743651892989874, -0.002963409060612321, -0.02570250816643238, -0.008971630595624447, -0.0035921160597354174, -0.0017319748876616359, 0.006172758527100086, 0.02212771214544773, 0.012539498507976532, -0.017347460612654686, 0.005933746229857206, 0.036690156906843185, -0.012130752205848694, -0.004381896462291479, -0.01080059539526701, 0.018622195348143578, 0.0105234794318676, -0.014811849221587181, 0.02664470300078392, -0.03286595642566681, -0.013564827851951122, 0.010675893165171146, 0.0015163440257310867, 0.03209003061056137, -0.01152802538126707, 0.00750291533768177, 0.02179517224431038, -0.01003159862011671, -0.015878746286034584, -0.10907285660505295, -0.008673730306327343, 0.011534953489899635, 0.031452663242816925, -0.031203260645270348, 0.02236326038837433, 0.00685169268399477, 0.04350721091032028, -0.013987429440021515, 0.03804802522063255, -0.011950626969337463, -0.008652946911752224, 0.00035310638486407697, 0.018442068248987198, 0.006332100369036198, 0.008749937638640404, 0.02646457776427269, -0.0034085267689079046, -0.003247452899813652, 0.03195147216320038, 0.008230345323681831, -0.013682601973414421, 0.010059310123324394, -0.037466082721948624, -0.001550983521156013, -0.009962319396436214, -0.026520000770688057, 0.02516213245689869, 0.018054107204079628, 0.005178605206310749, 0.018067961558699608, -0.017555298283696175, -0.004461567383259535, -0.005826363805681467, 0.015338369645178318, 0.006487978156656027, -0.0132461441680789, -0.0005182934692129493, 0.01856677047908306, -0.006730454508215189, 0.004097852855920792, -0.004586269613355398, -0.019398119300603867, -0.015158244408667088, -0.004634764976799488, -0.0029530173633247614, -0.017222758382558823, 0.011895203962922096, 0.006030736491084099, -0.03790946677327156, -0.034251537173986435, -0.01098072063177824, -0.04126257076859474, 0.005019263364374638, 0.013211504556238651, -0.003647539298981428, 0.019107148051261902, 0.029540564864873886, -0.010461128316819668, 0.0017943260027095675, 0.008652946911752224, -0.00986532960087061, -0.03455636277794838, -0.005670486018061638, 0.019564388319849968, -0.007710752543061972, -0.0013803839683532715, -0.036496177315711975, 0.0062766773626208305, -0.006799733731895685, -0.008098714984953403, 0.017776990309357643, 0.0023831974249333143, 0.0019242241978645325, -0.028681505471467972, 0.015435360372066498, -0.018843887373805046, -0.01817880943417549, 0.006959075108170509, 0.0006754702189937234, 0.0066161444410681725, -0.023416301235556602, -0.020174043253064156, -0.0022550313733518124, -0.006023808848112822, 0.013578683137893677, -0.00403550174087286, -0.033891286700963974, -0.005448793061077595, -0.03735523670911789, -0.01492269616574049, 0.026547711342573166, 0.008542099967598915, -0.028238119557499886, -0.0034067947417497635, 0.003467413829639554, 0.0006624804227612913, -0.0076414733193814754, 0.0062628211453557014, 0.01107771135866642, -0.017569154500961304, -0.0045239184983074665, -0.06251736730337143, 0.018843887373805046, 0.011320187710225582, -0.018871597945690155, 0.001993503188714385, -0.0247880257666111, 0.011895203962922096, -0.005971849430352449, -0.000584974535740912, 0.014028997160494328, -0.025231411680579185, 0.01955053210258484, -0.016793228685855865, -0.009027053602039814, -0.030122507363557816, -0.00835504662245512, 0.02403981238603592, -0.0024247649125754833, 0.014340752735733986, 0.017319750040769577, 0.0013500744244083762, -0.00507122278213501, 0.01407749205827713, 0.022806646302342415, -0.004032037686556578, -0.02380426414310932, -0.018830031156539917, 0.04054206982254982, -0.004156739916652441, -0.005646238103508949, -0.004277978092432022, -0.014299185015261173, -0.0020610501524060965, 0.02007705345749855, -0.014285328797996044, -0.026201317086815834, 0.011375611647963524, 0.011001504957675934, 0.012504858896136284, 0.023499436676502228, -0.01483956165611744, -0.03530457615852356, 0.02385968714952469, -0.0003169514238834381, -0.012130752205848694, -0.010135517455637455, 0.0006144181243143976, -0.016945643350481987, 0.020326457917690277, -0.00031197199132293463, 0.020797554403543472, 0.011493385769426823, 0.0014020337257534266, -0.04079147428274155, 0.009886112995445728, 0.01352326013147831, 0.017721567302942276, 0.0017518926179036498, 0.005621990654617548, 0.016225140541791916, 0.011514169164001942, 0.004236410837620497, 0.016474545001983643, 0.0025148275308310986, -0.0029027899727225304, -0.024441629648208618, -0.01304523553699255, -0.019855361431837082, -0.020215611904859543, -0.03458407521247864, 0.0036752508021891117, 0.009124044328927994, 0.019245704635977745, 0.019578244537115097, 0.004111708607524633, 0.007495987694710493, 0.0025442710611969233, 0.008022507652640343, -0.0013734560925513506, 0.024150658398866653, -0.0045239184983074665, -0.012788902968168259, -0.006817053537815809, -0.004253730643540621, 0.0051716770976781845, 0.003855376271530986, -0.012504858896136284, -0.0007464811787940562, -0.01135482732206583, -0.0077246082946658134, 0.007516771089285612, 0.010551190935075283, 0.008458965457975864, 0.004087460692971945, -0.008992413990199566, 0.020686708390712738, 0.0014323432696983218, 0.0038276645354926586, 0.0292634479701519, 0.010571975260972977, 0.03439009562134743, 0.0011006700806319714, -0.020340314134955406, -0.01859448291361332, -0.01611429452896118, -0.004174059722572565, -0.025827210396528244, 0.0012323001865297556, 0.01892702281475067, 0.03020564280450344, -0.004350720904767513, -0.019592100754380226, -0.0016670258482918143, 0.014112131670117378, -0.0014436010969802737, 0.024344639852643013, 0.00843125395476818, -0.020949969068169594, -0.0165022574365139, 0.02854294702410698, 0.026907961815595627, 0.004260658286511898, 0.03843598812818527, 0.01578175649046898, 0.004520454443991184, 0.017915548756718636, 0.02780858986079693, -0.030371911823749542, 0.020423447713255882, 0.021545767784118652, 0.00012318672088440508, 0.015643198043107986, -0.033475611358881, -0.019259560853242874, -0.008479748852550983, 0.005660093855112791, 0.004042429383844137, 0.020201755687594414, 0.0036163637414574623, 0.09344351291656494, 0.019398119300603867, -0.013793447986245155, 0.028002571314573288, 0.011978338472545147, 0.01953667774796486, 0.008555956184864044, 0.019287273287773132, -0.005227100569754839, 0.0022151959128677845, -0.011063856072723866, -0.022072289139032364, -0.0033894749358296394, -0.011458746157586575, -0.015172100625932217, -0.006862084846943617, 0.0037618495989590883, 0.02573021873831749, -0.011943698860704899, -0.021088527515530586, 0.036302193999290466, 0.012747335247695446, 0.010384921915829182, -0.001304177101701498, -0.018913166597485542, 0.009809905663132668, 0.009622852317988873, 0.021102381870150566, 0.0006053252145648003, -0.038186583667993546, 0.030288778245449066, 0.015670908614993095, -0.038186583667993546, -0.02160119079053402, -0.017028776928782463, -0.018622195348143578, 0.005777868442237377, -0.004170595668256283, 0.00807100348174572, -0.005985705181956291, -0.012179248034954071, 0.007170376367866993, -0.012934388592839241, -0.02420608140528202, 0.001429745345376432, 0.00039489028858952224, -0.0063459561206400394, -0.0011560933198779821, -0.039876990020275116], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='6e7ccbc5-7a20-4216-b0e2-083b3aa5e745', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '3', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_type': 'application/pdf', 'file_size': 1719588, 'creation_date': '2024-02-25', 'last_modified_date': '2024-01-15', 'last_accessed_date': None}, hash='6d8bc2f997620f5bb0790c1ce7f08f0b0e931cbc01061563847f4b3ee1f31838')}, text='This tok-\\nenizer, with a vocabulary size of 49,953, enables improved\\nhandling of Chinese characters. In addition, it employs\\nparameter-efficient fine-tuning techniques (Hu et al. 2021)\\nto reduce memory consumption during model training. Inour experiments, we consider Chinese LLaMA 7B Plus,\\nwhich is trained on a corpus of approximately 120GB in\\nsize, equivalent to around 30 billion Chinese tokens.\\nChinese LLaMA2 (Cui, Yang, and Yao 2023a): Chinese\\nLLaMA2 is an advanced iteration of Chinese LLaMA.\\nIt utilizes the same corpus and training data as Chinese\\nLLaMA, but employs the foundational model of LLaMA2.\\nFurthermore, the construction of the new version’s vocabu-\\nlary and its code implementation have also been optimized.\\nIn our experiments, we consider Chinese LLaMA2 7B\\npretrained on 30 billion Chinese tokens.\\nOpen Chinese LLaMA (OpenLMLab 2023): Open Chinese\\nLLaMA is a larger-scale extended version of the original\\nLLaMA. To enhance the LLaMA’s capabilities of handling\\nChinese text, Open Chinese LLaMA undergoes further\\npretraining on a corpus comprising 100 billion tokens. The\\ncorpus is composed of texts collected from the internet and\\nsubjected to cleaning, along with a subset of English and\\ncode data used by the original LLAMA model.\\nDatasets\\nTo transfer the language capabilities of LLaMA to the\\nnon-English language of interest, we utilize two instruction\\ndatasets, namely BELLE and Bactrain-X, for training. The\\nformer is employed in experiments related to Chinese,\\nwhile the latter is utilized for experiments involving other\\nlanguages.\\nBELLE (Ji et al. 2023): BELLE is a large-scale Chi-\\nnese instruction tuning dataset developed by Lianjia Tech.,\\ncontaining 1.5 million instruction-following example. We\\nremoved duplicated and low-quality data, finally retaining\\n950,000 examples.\\n', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='2661d9d3-5429-4d3f-b454-ba8e4c8c2d31', embedding=[-0.01691625639796257, 0.011374479159712791, 0.017810320481657982, -0.006020739674568176, 0.006996404379606247, 0.02250770293176174, -0.015568064525723457, -0.011949234642088413, -0.013716074638068676, -0.03976455330848694, -0.0024427101016044617, 0.02053508535027504, -0.021954234689474106, 0.0062832823023200035, -0.0002762905787676573, 0.03581932187080383, 0.007400861941277981, 0.004509346093982458, -0.007819510996341705, 0.002854263409972191, -0.003249851055443287, 0.015894468873739243, -0.003514167619869113, -0.003450305899605155, -0.01133190467953682, -0.003923946991562843, 0.01734200119972229, -0.023032788187265396, -0.018888872116804123, -0.00857166014611721, 0.0014253577683120966, 0.016575660556554794, -0.021344000473618507, -0.011658309027552605, -0.015383575111627579, -0.014297925867140293, 0.010650712996721268, -0.01101259607821703, 0.013439340516924858, 0.00866390485316515, 0.04265961796045303, 0.026694191619753838, 0.015341000631451607, 0.0026662261225283146, 0.012417553924024105, 0.008110436610877514, 0.002013417659327388, -0.022394170984625816, -0.011168702505528927, 0.00825235154479742, 0.004757696762681007, 0.024948639795184135, -0.0201377235352993, 0.009657308459281921, -0.015525490045547485, -0.003365156939253211, 0.011005500331521034, 0.009181893430650234, 0.015724170953035355, 0.014858489856123924, -0.006758696865290403, 0.010111436247825623, -0.016348596662282944, 0.04192166030406952, 0.007769840769469738, -0.024579660966992378, 0.0011122580617666245, 0.00475414888933301, 0.013928947038948536, -0.008032383397221565, -0.016859490424394608, 0.009976617060601711, 0.019300425425171852, 0.0011317713651806116, 0.04819430038332939, 0.003934590611606836, -0.0005193198448978364, -0.023643022403120995, 0.002737183589488268, 0.02117370255291462, 0.01986808516085148, -0.010182393714785576, -0.016008000820875168, 0.02100340463221073, 0.018888872116804123, 0.0003729700983967632, -0.002020513406023383, -0.007571159861981869, -0.01210534106940031, -0.012353692203760147, 0.01477334089577198, -0.006709026638418436, 0.008060766384005547, 0.026197489351034164, -0.02033640444278717, 0.012062766589224339, 0.008685192093253136, 0.016618235036730766, -0.009352191351354122, -0.03695463761687279, -0.007741457782685757, -0.007556968368589878, -0.02716251090168953, -0.007251851260662079, -0.02185489423573017, 0.014787532389163971, -0.00833040475845337, 0.003310164902359247, 0.004896063823252916, 0.004225516226142645, -0.015326809138059616, 0.03153349086642265, -0.0010679096449166536, -0.03857246786355972, -0.0033261303324252367, -0.01293554250150919, 0.03718170151114464, -0.02421068213880062, -0.014418553560972214, -0.008479415439069271, 0.028382979333400726, 0.017285235226154327, 0.008018191903829575, -0.01651889458298683, 0.03255527839064598, 0.014248255640268326, -0.0045767552219331264, -0.017200086265802383, -0.020606042817234993, 0.0037642926909029484, 0.0023043430410325527, 0.024707384407520294, -0.0028471676632761955, 0.013091648928821087, -0.03440017253160477, 0.008521989919245243, -0.02482091635465622, 0.007578255608677864, 0.003010369837284088, 0.006457127630710602, 0.012630426324903965, 0.010104340501129627, -0.0034644973929971457, -0.011324808932840824, 0.0004461449570953846, 0.03911174461245537, 0.014787532389163971, 0.014716574922204018, -0.0038600852712988853, 0.008202681317925453, 0.013630925677716732, -0.022181298583745956, 0.01819349080324173, 0.02375655435025692, 0.012268543243408203, 0.0016258124960586429, -1.1267266927461606e-05, 0.04643455520272255, -0.010572659783065319, -0.010423649102449417, -0.013595446944236755, 0.012587851844727993, 0.004913803189992905, -0.004775436129420996, 0.006999952252954245, 0.020889872685074806, 0.03150510787963867, -0.02008095756173134, -0.002503023948520422, -0.020677000284194946, -0.02097502164542675, 0.03295264020562172, -0.041609447449445724, 0.020904064178466797, 0.0027496011462062597, -0.0011503975838422775, 0.036670807749032974, -0.0043780747801065445, 0.0035727075301110744, -0.01605057530105114, 0.005066361743956804, 0.021315617486834526, 0.0002995734685100615, -0.0055311331525444984, -0.018732765689492226, -0.016632426530122757, -0.00021919199207331985, -0.00940186157822609, 0.012155011296272278, -0.0071383193135261536, 0.03232821449637413, 0.0228766817599535, -0.0014980891719460487, -0.023855894804000854, -0.6398658752441406, -0.03184570372104645, 0.003874276764690876, -0.006056218408048153, -0.007748553529381752, -0.007407957687973976, -0.0018289282452315092, -0.00302278739400208, -0.01820768229663372, 0.033690597862005234, -0.004881872329860926, -0.005616282112896442, -0.014730766415596008, -0.029461532831192017, -0.005353739485144615, -0.014127627946436405, -0.007443436421453953, -0.018746957182884216, 0.026268446817994118, 0.004739957395941019, -0.029177702963352203, 0.009032883681356907, -0.012453032657504082, 0.00941605307161808, -0.03150510787963867, 0.011154511012136936, 0.02079053223133087, -0.0030582661274820566, 0.0033367739524692297, 0.0124246496707201, -0.004846393596380949, 0.01840636134147644, 0.0052863298915326595, -0.017696788534522057, 0.04745634272694588, -0.0005268590757623315, -0.030313022434711456, -0.00023438132484443486, 0.0029411863069981337, 0.017838703468441963, -0.028737766668200493, 0.005822058767080307, 0.006233612075448036, 0.005247303284704685, -0.01317679788917303, 0.014645617455244064, 0.01209114957600832, 0.018321212381124496, -0.010884872637689114, -0.025133129209280014, -0.022961830720305443, 0.009039979428052902, 0.008763245306909084, -0.0012018417473882437, -0.013857989571988583, 0.01837797835469246, 0.021060170605778694, -0.021727170795202255, -0.004381622653454542, 0.003207276575267315, -0.004342596046626568, 0.002375300507992506, -0.010764244943857193, -0.028070766478776932, -0.03590447083115578, 0.0045164418406784534, -0.01925785094499588, -0.004672547802329063, 0.006776436232030392, -0.0222664475440979, 0.005524037405848503, 0.020393170416355133, -0.012133724056184292, -0.008855490013957024, 0.00530052138492465, 0.016348596662282944, 0.01694463938474655, -0.021684596315026283, -4.919901130051585e-06, 0.016192490234971046, 0.018150916323065758, -0.01779612898826599, 0.008231064304709435, 0.006808367092162371, 0.025714978575706482, -0.012020192109048367, 0.003437888342887163, 0.008536181412637234, -0.01840636134147644, 0.015780936926603317, 0.003127449657768011, 0.016178298741579056, -0.010537181049585342, -0.035223279148340225, -0.003842345904558897, 0.011374479159712791, -0.01005467027425766, 0.003354513319209218, 0.04126885160803795, -0.0384589359164238, -0.010877776890993118, -0.011899564415216446, 0.042886681854724884, 0.00961473397910595, -0.00235401326790452, 0.021954234689474106, -0.008458128198981285, 0.017072362825274467, 0.031164512038230896, -0.021500106900930405, 0.0006789740873500705, 0.007177345920354128, -0.0025952686555683613, -0.018704382702708244, 0.020194489508867264, -0.02460804395377636, 0.002426744671538472, 0.004310665186494589, 0.014830106869339943, -0.027290234342217445, 0.010047574527561665, -0.02778693661093712, 0.023046979680657387, -0.005485010799020529, -0.008671000599861145, 0.01901659555733204, 0.004704478662461042, -0.007670500315725803, 0.0167175754904747, 0.016348596662282944, -0.012204681523144245, -0.012126628309488297, 0.012048575095832348, -0.0256865955889225, 0.03036978840827942, 0.024693192914128304, 0.04172297939658165, -0.0065351808443665504, -0.010047574527561665, -0.019215276464819908, -0.029021596536040306, 0.005066361743956804, 0.010295925661921501, -0.012715575285255909, -0.016973022371530533, -0.016561469063162804, -0.014787532389163971, 0.019839702174067497, -0.002925220876932144, -0.011707979254424572, -0.006042026914656162, -0.011516394093632698, -0.016164107248187065, 0.0071915374137461185, -0.004998952150344849, -0.01006886176764965, -0.01798061840236187, -0.026041382923722267, 0.0023362739011645317, -0.03553549200296402, 0.010111436247825623, 0.006595494691282511, 0.000606686167884618, 0.00587882474064827, 0.01049460656940937, -0.0054566278122365475, 0.009621829725801945, 0.03320808708667755, -0.026594851166009903, -0.039054978638887405, 0.0063152131624519825, -0.03695463761687279, 0.0005219807499088347, 0.026452936232089996, -0.0006816349923610687, 0.006116532254964113, -0.02094663865864277, -0.008096245117485523, 0.0006625651731155813, -0.017483916133642197, 0.0014830107102170587, 0.02886549010872841, -0.0053395479917526245, -0.0018644069787114859, 0.012013096362352371, 0.016206681728363037, 0.019314616918563843, -0.008592947386205196, 0.0006780871190130711, 0.003462723456323147, 0.027900468558073044, 0.015128128230571747, -0.024721575900912285, 0.013609638437628746, -0.016376979649066925, 0.0033083909656852484, -0.008862585760653019, -0.0009118032176047564, 0.012460128404200077, 0.01629183068871498, 0.02585689350962639, 0.03408795967698097, 0.021968426182866096, -0.005949782207608223, 0.004583850968629122, -0.023032788187265396, 0.011260947212576866, -0.013070361688733101, 0.023004405200481415, -0.007074457593262196, 0.009330904111266136, -0.010409457609057426, -0.015780936926603317, -0.006847393698990345, -0.007833702489733696, 0.025927850976586342, 0.008365883491933346, -0.0019353644456714392, 0.0032463031820952892, -0.0012426422908902168, 0.006783531978726387, -0.009976617060601711, 0.02846812829375267, 0.012275638990104198, -0.02118789404630661, 0.006070409901440144, -0.02934800088405609, 0.02293344773352146, 0.03536519408226013, -0.006393265910446644, 0.003650760743767023, -0.004331952426582575, 0.02822687290608883, 0.006751601118594408, 0.010381074622273445, 0.0010315439430996776, 0.032839108258485794, 0.00717379804700613, 0.020662808790802956, 0.004881872329860926, -0.006400361657142639, 0.009259946644306183, -0.0009481689194217324, -0.012339500710368156, 0.03536519408226013, 0.002504797885194421, 0.02076214924454689, 0.0262968298047781, 0.0009996130829676986, 0.015695787966251373, -0.0038494416512548923, 0.012580756098031998, -0.028170106932520866, -0.027219276875257492, -0.0034467580262571573, 0.0007113484316505492, 0.008082053624093533, 0.004097792785614729, 0.013836702331900597, 0.009167701937258244, 0.014730766415596008, 0.029858894646167755, 0.003998452331870794, 0.025942042469978333, 0.026793532073497772, -0.01518489420413971, -0.0109061598777771, -0.015525490045547485, -0.030994214117527008, -0.025005405768752098, -0.02912093698978424, -0.03851570188999176, 0.02008095756173134, -0.003608186263591051, 0.015042979270219803, 0.032640427350997925, -0.009657308459281921, 0.016192490234971046, 0.010118531994521618, 0.011530585587024689, -0.02357206493616104, -0.024551277980208397, 0.030767150223255157, 0.005690787453204393, -0.017781937494874, -0.0007015917799435556, -0.02757406421005726, -0.0023575611412525177, -0.0248492993414402, 0.001841345801949501, -0.007017691619694233, -0.00887677725404501, -0.0033917659893631935, 0.02035059593617916, -0.016589852049946785, 0.017029788345098495, 0.00834459625184536, -0.016093149781227112, 0.003035204950720072, 0.003437888342887163, -0.003863633144646883, -0.010792627930641174, -0.0303981713950634, -0.027928851544857025, 0.022365787997841835, -0.03652889281511307, -0.0212020855396986, -0.012013096362352371, -0.009032883681356907, -0.00641455315053463, 0.007358287461102009, 0.009501202031970024, -0.022819915786385536, -0.013673500157892704, 0.028084957972168922, 0.022607043385505676, -0.014524989761412144, 0.0010129176080226898, 0.037948042154312134, -0.003313712775707245, -0.020010000094771385, -0.02585689350962639, 0.0005131110665388405, 0.012126628309488297, 0.021500106900930405, 0.013347095809876919, -0.021684596315026283, -0.00015100631571840495, -0.009621829725801945, -0.005690787453204393, -0.027758553624153137, -0.02635359577834606, 0.0030795533675700426, 0.003725266084074974, -0.036699190735816956, -0.020478319376707077, 0.003537228796631098, -0.007556968368589878, 0.023870086297392845, 0.0009871955262497067, 0.0027389575261622667, -0.02650970220565796, 0.00878453254699707, 0.012722671031951904, 0.02311793714761734, -0.006081053521484137, 0.023415958508849144, 0.01177184097468853, 0.011700883507728577, -0.006205229088664055, 0.02008095756173134, 0.012786531820893288, 0.0009641343494877219, -0.038856297731399536, -0.012779436074197292, -0.0027620187029242516, 0.003333226079121232, 0.0017650665249675512, -0.017455533146858215, 0.02421068213880062, 0.009316712617874146, 0.011488011106848717, 0.01210534106940031, -0.004466771613806486, 0.017725171521306038, 0.016859490424394608, 0.0010785532649606466, -0.006308117415755987, 0.020407361909747124, -0.021982617676258087, -0.009572159498929977, 0.028964830562472343, -0.010785532183945179, -0.04305697977542877, 0.029206085950136185, -0.02179812826216221, -0.020024191588163376, -0.021060170605778694, 0.0018067540368065238, 0.018264446407556534, 0.006677095778286457, 0.006964473519474268, -0.016348596662282944, -0.04359625652432442, -0.0013402088079601526, -0.018023192882537842, 0.015780936926603317, -0.0021961331367492676, -0.033718980848789215, 0.007556968368589878, -0.030965831130743027, -0.009813414886593819, -0.01737038418650627, 0.025118937715888023, -0.022635426372289658, -0.03147672489285469, -0.05089068412780762, 0.0012825558660551906, -0.00464771268889308, 0.0009925173362717032, 0.04643455520272255, 0.0008435066556558013, -0.0030901969876140356, 0.023472724482417107, -0.013489010743796825, -0.009806319139897823, 0.013311617076396942, -0.02890806458890438, -0.001702978741377592, -0.012651713564991951, -0.0064606755040585995, -0.01644793711602688, -0.0004665452288463712, -0.009997904300689697, 0.0006767566665075719, -0.011069362051784992, -0.01157316006720066, -0.020151915028691292, 0.012488511390984058, 0.013439340516924858, 0.02929123491048813, 0.02699221298098564, 0.01262333057820797, -0.03916851058602333, 0.008592947386205196, -0.04282991588115692, -0.005116031970828772, -0.0299440436065197, 0.014815915375947952, -0.0020187394693493843, 0.0024462579749524593, 0.016604043543338776, 0.0045661116018891335, -0.006808367092162371, -0.0034556277096271515, -0.018931446596980095, 0.012225968763232231, 0.024281639605760574, 0.003682691603899002, -0.008479415439069271, -0.006577755324542522, 0.011168702505528927, 0.010274638421833515, -0.022791532799601555, 0.01711493730545044, -0.033264853060245514, 0.02008095756173134, 0.0018377979286015034, -0.02100340463221073, 0.04257446900010109, -0.0020488963928073645, -0.01199890486896038, -0.006056218408048153, 0.013410957530140877, 0.0010829881066456437, 0.022748958319425583, 7.411726983264089e-05, 0.005783032160252333, -0.020180298015475273, -0.016745958477258682, -0.04064442589879036, 0.014496606774628162, -0.00878453254699707, -0.017043979838490486, -0.00961473397910595, 0.007925947196781635, -0.0054885586723685265, -0.029688596725463867, 0.010423649102449417, -0.01670338399708271, -0.026623234152793884, 0.009061266668140888, -0.0008160106372088194, 0.014901064336299896, -0.009039979428052902, 0.006616781931370497, -0.017242660745978355, -0.022848298773169518, -0.01583770290017128, -0.04651970416307449, -0.0072341118939220905, 0.018122533336281776, 0.04089987277984619, 0.012715575285255909, 0.0539560429751873, -0.026821915060281754, 0.003469819203019142, 0.018321212381124496, -0.003661404363811016, 0.0025828510988503695, -0.018974021077156067, -0.0006687739514745772, -0.009458627551794052, -0.016178298741579056, 0.01991065964102745, 0.00315938051789999, 0.009337999857962132, -0.01668919250369072, -0.016547277569770813, 0.031817320734262466, -0.019158510491251945, -0.02185489423573017, -0.015014596283435822, -0.027332808822393417, -0.02202519215643406, 0.009650212712585926, 0.006712574511766434, -0.007961425930261612, -0.03786289319396019, -0.005861085373908281, 0.02097502164542675, 0.00064926064806059, 0.029631830751895905, 0.012892968021333218, 0.02184070274233818, -0.023685596883296967, -0.006680643651634455, 0.00034525233786553144, 0.01294973399490118, -0.02335919253528118, -0.009919851087033749, -0.023657213896512985, 0.0006328517338261008, 0.019314616918563843, -0.013510297983884811, 0.02480672486126423, 0.00486058508977294, -0.0024107792414724827, -0.006425196770578623, 0.003682691603899002, -0.0018697287887334824, 4.429297041497193e-05, -0.005758197046816349, -0.0303981713950634, -0.004069409798830748, -0.026240063831210136, -0.008273638784885406, 0.008635521866381168, -0.017441341653466225, 0.0031256757210940123, 0.0018448936752974987, 0.029433149844408035, -0.030738767236471176, -0.018349595367908478, 0.022848298773169518, 0.012545277364552021, 0.04302859678864479, -0.027290234342217445, 0.023855894804000854, 0.039253659546375275, 0.009373478591442108, -0.012346596457064152, -0.0020701836328953505, 0.008018191903829575, -0.009337999857962132, 0.01346772350370884, 0.04424906522035599, -0.025133129209280014, -0.008302021771669388, 0.017086554318666458, 0.03471238538622856, -0.029603447765111923, -0.03485430032014847, 0.017171703279018402, 0.01338967029005289, 0.019186893478035927, -0.037976425141096115, -0.015028787776827812, -0.020648617297410965, 0.010714574716985226, -0.024891873821616173, 0.005364383105188608, -0.007521489635109901, -0.005598542746156454, 0.0021571065299212933, 0.04129723459482193, 0.009302521124482155, 0.0036543086171150208, -0.0011903111590072513, -0.002471093088388443, 0.023160511627793312, 0.0028382979799062014, -0.01944234035909176, 0.010537181049585342, 0.008167202584445477, 0.03914012759923935, -0.013985713012516499, 0.02053508535027504, -0.00205599213950336, 0.0017961104167625308, 0.007982713170349598, 0.00803947914391756, 0.0027336357161402702, 0.03340676799416542, -0.01253108587116003, 0.016987213864922523, 0.010430744849145412, -0.012644617818295956, 0.013772840611636639, -0.01602219231426716, -0.003994904458522797, -0.013595446944236755, -0.00044880586210638285, 0.0028453937266021967, 0.024522894993424416, -0.003418375039473176, -0.01817929930984974, 0.01111903227865696, -0.012474319897592068, -0.0019531038124114275, -0.026452936232089996, -0.012765244580805302, 0.01561063900589943, -0.06017191708087921, -0.01178603246808052, 0.005900111980736256, -0.005304069258272648, 0.01839216984808445, -0.005885920487344265, -0.001443097135052085, 0.021301425993442535, -0.005733361933380365, -0.02760244719684124, 0.012651713564991951, 0.010061766020953655, -0.013829606585204601, -0.017256852239370346, 0.006666452158242464, -0.014730766415596008, -0.00030378656811080873, 0.009501202031970024, -0.01624925620853901, -0.014184393920004368, -0.03102259710431099, 0.005226016044616699, 0.006925446912646294, 0.0101469149813056, -0.02422487363219261, 0.013276138342916965, -0.009153510443866253, 0.0045483727008104324, -0.014688191935420036, -0.008912255987524986, 0.016206681728363037, 0.004927994683384895, 0.004679643549025059, 0.026623234152793884, -0.024962831288576126, 0.012467224150896072, -0.0036755958572030067, 0.010672000236809254, -0.021940043196082115, -0.03471238538622856, 0.010274638421833515, 0.004406457766890526, 0.006442936137318611, 0.013552872464060783, -0.007443436421453953, -0.016220873221755028, 0.00017384575039613992, -0.007883372716605663, 0.026921255514025688, -0.012382075190544128, 0.01800900138914585, 0.0033403218258172274, 0.012013096362352371, 0.020435744896531105, 0.03641536459326744, -0.03187408670783043, -0.015014596283435822, -0.0006745392456650734, -0.018505701795220375, -0.0329810231924057, -0.012382075190544128, 0.0020045479759573936, 0.05372897908091545, -0.0052650426514446735, -0.02567240409553051, -0.01424115989357233, -0.016164107248187065, -0.048676811158657074, 0.000994291272945702, -0.0020400267094373703, 0.021500106900930405, 0.020166106522083282, -0.0004669887130148709, 0.003909755498170853, 0.04260285198688507, -0.008699383586645126, 0.009813414886593819, -0.02249351143836975, -0.00460159033536911, -0.004253899212926626, -0.033917661756277084, 0.0062087769620120525, 0.010196585208177567, -0.02524666115641594, -0.017668405547738075, 0.029149319976568222, -0.00020854837202932686, -0.005623377859592438, 0.016263447701931, 0.004374526906758547, -0.034570470452308655, 0.0038707288913428783, 0.0008749940316192806, -0.002554468112066388, -0.015270043164491653, 0.008394266478717327, -0.002254673046991229, -0.00609169714152813, 0.01779612898826599, -0.014702383428812027, -0.018278637900948524, -0.01102678757160902, -0.0017845798283815384, -0.0036578564904630184, 0.0038175107911229134, -0.012978116981685162, -0.012772340327501297, 0.01102678757160902, -0.014517894014716148, 0.006457127630710602, -0.005023787263780832, 0.009110935963690281, 0.0055524203926324844, 0.002419648924842477, -0.019626829773187637, -0.01859085075557232, 0.009515393525362015, -0.011949234642088413, -0.010224968194961548, 0.02977374568581581, -0.01563902199268341, -0.015312617644667625, -0.017611639574170113, -0.021443340927362442, 0.002935864496976137, -0.016646618023514748, -0.020904064178466797, 0.006013643927872181, -0.023387575522065163, 0.0038884682580828667, 0.03823187202215195, -0.018718574196100235, -0.013432244770228863, 4.357230864115991e-05, 0.008883873000741005, 0.006989308632910252, -0.005715622566640377, -0.01688787341117859, -0.017043979838490486, 0.016632426530122757, 0.004693835042417049, -0.015028787776827812, -0.00047053658636286855, 0.007109936326742172, 0.019186893478035927, -0.0073724789544939995, 0.008479415439069271, 0.20299507677555084, -0.02010934054851532, -0.002769114449620247, 0.021074362099170685, 0.004321308806538582, -0.00020477875659707934, 0.02931961789727211, 0.022110341116786003, -0.011424149386584759, 0.004087149165570736, 0.00036166125210002065, -0.006130723748356104, -0.018292829394340515, 0.00496702129021287, 0.009671499952673912, -0.02269219234585762, -0.031363192945718765, -0.018775340169668198, -0.003024561330676079, -0.003799771424382925, -0.006975117139518261, 0.007344095967710018, -0.0009756649378687143, -0.019541680812835693, 0.011097745038568974, 0.002150010783225298, -0.012438841164112091, 0.007819510996341705, 0.004711574409157038, -0.0029731171671301126, -0.01113322377204895, -0.005949782207608223, 0.0011495106155052781, 0.01167959626764059, -0.014276638627052307, -0.0008315325831063092, 0.017668405547738075, -0.0027070266660302877, 0.0207479577511549, 0.005066361743956804, 0.0006740957614965737, 0.0015131676336750388, 0.009231563657522202, -0.024494512006640434, -0.011033883318305016, 0.010466223582625389, -0.017285235226154327, -0.011629926040768623, -0.019413957372307777, -0.004580303095281124, -0.013744457624852657, 0.02889387309551239, 0.01881791464984417, 0.03848731890320778, -0.011942138895392418, 0.0005086762248538435, 0.005353739485144615, -0.00044348405208438635, -0.004331952426582575, 0.006457127630710602, -0.013928947038948536, 0.0027726623229682446, 0.000886524620000273, 0.019797127693891525, -0.012992308475077152, 0.009600542485713959, -0.010012095794081688, -0.011729266494512558, -0.0006674434989690781, -0.027957234531641006, -0.010303021408617496, -0.009799223393201828, -0.018065767362713814, 0.0037536490708589554, -0.03698302060365677, -0.020279638469219208, 0.021670404821634293, 0.041637830436229706, 0.011218372732400894, 0.04518570378422737, 0.002534954808652401, -0.025402767583727837, -0.010473319329321384, -0.010757149197161198, -0.018321212381124496, -0.02676514908671379, 0.023259852081537247, -0.03576255589723587, -0.021556872874498367, -0.017512299120426178, -0.007507298141717911, -0.021457532420754433, -0.01305617019534111, 0.006095245014876127, 0.018236063420772552, 0.0025722074788063765, 0.006506797857582569, -0.004072957672178745, -0.01475914940237999, -0.02846812829375267, -0.037351999431848526, 0.06573498249053955, 0.00930961687117815, 0.011246755719184875, -0.0005179893923923373, -0.003546098480001092, -0.029376383870840073, -0.026921255514025688, -0.008103340864181519, 0.007227016147226095, -0.002158880466595292, -0.0316186398267746, 0.009600542485713959, -0.008912255987524986, 0.007507298141717911, 0.004793175496160984, 0.008004000410437584, -0.023075362667441368, 0.030029192566871643, -0.0010954056633636355, -0.008600043132901192, -0.017200086265802383, -0.014815915375947952, 0.008961926214396954, -0.0029198990669101477, -0.03896982967853546, -0.02206776663661003, -0.006865133065730333, -0.03229983150959015, 0.009983712807297707, 0.010650712996721268, -0.03354868292808533, 0.034371789544820786, -0.005701431073248386, 0.028184298425912857, 0.00835878774523735, 0.009898563846945763, 0.0037713884375989437, -0.027715979143977165, -0.005502750165760517, 0.009025787934660912, 0.02270638383924961, 0.0007295312825590372, -0.01328323408961296, 0.02848231978714466, -0.0025526941753923893, 0.019087553024291992, 0.022096149623394012, -0.014645617455244064, -0.010750053450465202, -0.02206776663661003, -0.011927947402000427, 0.0003590003470890224, -0.0007357400609180331, 0.04563983157277107, 0.004846393596380949, -0.014659808948636055, -0.006943186279386282, 0.017271043732762337, 0.017043979838490486, -0.044816724956035614, -0.02631102129817009, 0.025161512196063995, -0.011480915360152721, 0.0081317238509655, -0.013049074448645115, -0.18460290133953094, -0.008805819787085056, 0.009664404205977917, -0.030284639447927475, 0.02483510784804821, 0.018477318808436394, 0.02184070274233818, 5.255285941530019e-05, -0.030710384249687195, 0.0014998631086200476, 0.01688787341117859, 0.008195585571229458, -0.030710384249687195, -0.012736862525343895, -0.0036968830972909927, 0.003407731419429183, -0.011942138895392418, -0.01165121328085661, 0.0017446662532165647, 0.02141495794057846, 0.028340404853224754, -0.015681596472859383, 0.0045554679818451405, 0.0015548551455140114, -0.005438888445496559, -0.0010315439430996776, -0.010288829915225506, 0.004899611696600914, 0.00350352399982512, -0.03232821449637413, -0.015085553750395775, -0.01026754267513752, 0.003448531962931156, -0.012921351008117199, 0.0075002023950219154, 0.013098744675517082, -0.00920318067073822, -0.007429244928061962, -0.029234468936920166, 0.020151915028691292, -0.002254673046991229, 0.03706816956400871, -0.005442436318844557, -0.008486511185765266, -0.02161363884806633, 0.01927204243838787, 0.0212020855396986, -0.04487349092960358, 0.02483510784804821, -0.0045164418406784534, 0.0028666809666901827, -0.0023575611412525177, 0.006159106735140085, -0.013751553371548653, 0.010402361862361431, 0.017412958666682243, 0.014844298362731934, 0.011353191919624805, 0.0049208989366889, -0.006077505648136139, 0.00032063896651379764, -0.01336128730326891, 0.012538181617856026, -0.007698883302509785, 0.0032658164855092764, -0.024749958887696266, -0.016334405168890953, 0.0053289043717086315, -0.028837107121944427, 0.007315712980926037, 0.0024746409617364407, 0.012225968763232231, 0.01904497854411602, -0.012396266683936119, 0.02565821260213852, 0.01779612898826599, 0.005396313965320587, 0.007205728907138109, 0.030653618276119232, -0.0004736409755423665, -0.013112936168909073, 0.01666080951690674, -0.004048122558742762, 0.0019247208256274462, -0.014156010933220387, -0.011743457987904549, 0.012708479538559914, 0.029631830751895905, -0.009494106285274029, 0.0035691596567630768, 0.024693192914128304, -0.009054170921444893, -0.0004490276041906327, 0.0006554694264195859, -0.0019300426356494427, 0.009118031710386276, -0.010075957514345646, -0.011821511201560497, 0.015128128230571747, -0.012807819060981274, 0.009529585018754005, -0.007152510806918144, -0.00042308378033339977, 0.0026591303758323193, 0.032243065536022186, -0.010125627741217613, -0.009153510443866253, 0.012914255261421204, 0.04686030000448227, 0.002683965489268303, 0.0006528085214085877, 0.0028241064865142107, 0.016376979649066925, 0.024707384407520294, 0.003931042738258839, 0.02140076644718647, -0.024324214085936546, -0.02355787344276905, 0.010189489461481571, 0.0037075267173349857, 0.04166621342301369, -0.00022163115500006825, -0.002343369647860527, 0.008365883491933346, -0.01816510781645775, -0.00964311696588993, -0.10234902054071426, -0.0009508298244327307, -0.0035922208335250616, 0.02524666115641594, -0.0026981569826602936, 0.03979293629527092, -0.0044632237404584885, 0.028979022055864334, -0.014915255829691887, 0.03848731890320778, -0.020889872685074806, 0.013779936358332634, 0.004094244912266731, 0.010437840595841408, 0.012396266683936119, -0.005378574598580599, 0.03317970409989357, -0.013247755356132984, -0.019385574385523796, 0.03505298122763634, 0.013638021424412727, -0.0002545598545111716, 0.020606042817234993, -0.027460532262921333, 0.011424149386584759, -0.01839216984808445, -0.02631102129817009, 0.02849651128053665, 0.010856489650905132, -0.0038813725113868713, -0.013261946849524975, -0.032441746443510056, 0.011268042959272861, -0.03042655438184738, 0.007099292706698179, -0.007056718226522207, -0.014390170574188232, -0.020180298015475273, 0.012573660351336002, 0.004080053418874741, 0.005474367178976536, -0.0033279042690992355, 0.0098417978733778, -0.00336693087592721, -0.007727266289293766, -0.013765744864940643, -0.0016683869762346148, -0.006467771250754595, -0.006560015957802534, -0.03496783226728439, -0.025147320702672005, -0.04458966106176376, -0.01880372315645218, 0.015241660177707672, 0.02544534206390381, 0.025118937715888023, 0.0006133384304121137, 0.005524037405848503, -0.004676095675677061, -0.0053714788518846035, -0.0016524215461686254, -0.006226516328752041, -0.01629183068871498, -0.00449160672724247, 0.012233064509928226, -0.001585899037308991, -0.022422553971409798, -0.016206681728363037, -0.009600542485713959, -0.016859490424394608, -0.010934542864561081, 0.03786289319396019, 0.0021322714164853096, 0.01389346830546856, -0.03513813018798828, -0.0001404735812684521, -0.006599042564630508, -0.028979022055864334, -0.0013748005731031299, -0.007670500315725803, -0.03300940617918968, -0.02313212864100933, 0.018477318808436394, -0.02997242659330368, -0.009196084924042225, -0.00920318067073822, -0.014872681349515915, -0.020875681191682816, -0.008905160240828991, -0.02486349083483219, 0.004562563728541136, 0.018335403874516487, 0.0062726386822760105, -0.016845298931002617, 0.0017331356648355722, 0.004087149165570736, -0.00791885145008564, -0.007521489635109901, 0.013403861783444881, 0.007556968368589878, -0.026694191619753838, 0.0141347236931324, -0.06851651519536972, 0.003345643635839224, 0.010366883128881454, -0.021571064367890358, 0.002052444266155362, -0.002534954808652401, 0.02954668179154396, -0.004087149165570736, -0.004012643825262785, 0.03332161903381348, -0.03624506667256355, 0.011296425946056843, -0.015028787776827812, 0.0027531490195542574, -0.01562483049929142, -0.017725171521306038, 0.02974536269903183, 0.0012603816576302052, 0.02335919253528118, 0.02267800085246563, 0.019385574385523796, -0.007627925835549831, 0.0020790533162653446, 0.02141495794057846, -0.01646212860941887, -0.0008993856608867645, -0.005332452245056629, 0.02824106439948082, -0.0072873299941420555, 0.007070909719914198, -0.0009712300961837173, -0.008862585760653019, 0.009366382844746113, 0.021556872874498367, -0.024891873821616173, -0.017171703279018402, 0.004374526906758547, 0.020847298204898834, 0.032612044364213943, 0.03312293812632561, -0.014801723882555962, -0.02523246966302395, 0.01649051159620285, -0.012885872274637222, -0.010452032089233398, 0.0021322714164853096, 0.0002485728182364255, 7.228789763757959e-05, 0.018108341842889786, -0.0037181703373789787, 0.022124532610177994, 0.01058685127645731, -0.00738667044788599, -0.0192294679582119, 0.0019247208256274462, -0.0018697287887334824, 0.0054246969521045685, -0.006446484010666609, 0.018974021077156067, 0.02223806455731392, 0.028993213549256325, 0.022365787997841835, 0.025346001610159874, 0.005204728804528713, 0.005009595770388842, -0.007684691809117794, -0.022323213517665863, -0.015369383618235588, -0.016008000820875168, -0.025956233963370323, -0.020662808790802956, 0.006992856506258249, 0.006826106458902359, 0.0196835957467556, -0.009408957324922085, -0.006435840390622616, 0.0026697739958763123, 0.008741958066821098, -0.011275138705968857, 0.020208681002259254, 0.008812915533781052, 0.0016426648944616318, -0.01986808516085148, 0.006630973424762487, 0.00470802653580904, 0.0034751410130411386, -0.015284234657883644, -0.014659808948636055, -0.01154477708041668, -0.009912755340337753, 0.028070766478776932, 0.008564564399421215, -0.0008426196873188019, 0.0064393882639706135, -0.00502733513712883, 0.028084957972168922, -0.001762405619956553, -0.01209114957600832, 0.01284329779446125, 0.0027921756263822317, 0.017923852428793907, -0.0045980424620211124, 0.0008474980131722987, -0.022621234878897667, -0.003970069345086813, -0.007755649276077747, -0.03474076837301254, -0.00577238854020834, 0.01541195809841156, 0.03247012943029404, -0.0033261303324252367, -0.020818915218114853, 0.01752649061381817, 0.014716574922204018, -0.01735619269311428, 0.01177184097468853, 0.005864633247256279, 0.0007352965767495334, -0.023004405200481415, 0.04263123497366905, 0.019939042627811432, 0.03019949048757553, 0.04038897901773453, 0.008713575080037117, 0.020166106522083282, -0.0064287446439266205, 0.03471238538622856, -0.026169106364250183, 0.017838703468441963, 0.017611639574170113, 0.00036698306212201715, 0.01369478739798069, -0.011005500331521034, -0.0004474754096008837, 0.004243255592882633, -0.007521489635109901, 0.006616781931370497, 0.018931446596980095, 0.01586608588695526, 0.10433582961559296, 0.04212034121155739, 0.003288877662271261, 0.0227205753326416, 0.009118031710386276, 0.024054575711488724, 0.015156511217355728, 0.010501702316105366, 0.003416601102799177, -0.025402767583727837, 0.010771340690553188, 0.0009800997795537114, -0.0013694787630811334, -0.029858894646167755, -0.02053508535027504, -0.005577255506068468, 0.011211276985704899, 0.02633940428495407, -0.024721575900912285, -0.01241045817732811, 0.0407295748591423, -0.00887677725404501, 0.024565469473600388, 0.009167701937258244, -0.015113936737179756, 0.013857989571988583, 0.014886872842907906, 0.004161654505878687, -0.006098792888224125, -0.015667404979467392, 0.009806319139897823, 0.00423261197283864, -0.022195490077137947, -0.03167540580034256, -0.019740361720323563, -0.029177702963352203, 0.004743505269289017, 7.80531918280758e-05, 0.030738767236471176, -0.0033154867123812437, 0.017838703468441963, 0.00023925965069793165, -0.0025172154419124126, -0.020052574574947357, 0.01840636134147644, -0.02206776663661003, -0.01816510781645775, 0.002852489473298192, -0.044220682233572006], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='6e7ccbc5-7a20-4216-b0e2-083b3aa5e745', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '3', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_type': 'application/pdf', 'file_size': 1719588, 'creation_date': '2024-02-25', 'last_modified_date': '2024-01-15', 'last_accessed_date': None}, hash='6d8bc2f997620f5bb0790c1ce7f08f0b0e931cbc01061563847f4b3ee1f31838')}, text='Bactrain-X (Li et al. 2023): Bactrian-X contains instruc-\\ntions and responses across 52 languages to facilitate mul-\\ntilingual instruction tuning. It is created by translating\\n67K English instructions from Alpaca-52k (Taori et al.\\n2023) and Dolly-15k (Conover et al. 2023) datasets into\\n51 languages, then generating responses with ChatGPT.\\nIn order to objectively and comprehensively assess the\\ncapabilities of the model, we conduct evaluations from two\\nperspectives: response quality and knowledge level. For the\\nformer, we employ the LLM-Eval benchmark and translate\\nit into various low-resource languages to support multi-\\nlingual evaluation. As for the latter, we utilize four widely\\nadopted standardized testing benchmarks: C-Eval, MMLU,\\nAGI-Eval, and GAOKAO-Bench.\\nLLM-Eval (Zhang et al. 2023a): LLM-Eval is a manually\\nconstructed benchmark for instruction-following evaluation.\\nIt has 453 instruction tasks from 17 major categories, in-\\ncluding factual question answering, reading comprehension,\\nframe generation, paragraph rewriting, summarizing, math\\nproblem solving, reasoning, poetry generation, program-\\nming, and more.\\nC-Eval (Huang et al. 2023b): C-Eval is a Chinese evaluation\\nsuite with 13948 exam questions across 52 subjects and 4\\ndifficulty levels from middle school to professional exams. It\\nincludes STEM, humanities, social science and other topics.\\nC-Eval HARD is a subset of 8 challenging math and science\\nsubjects requiring advanced reasoning.', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='20ed036d-e2d6-48d1-a439-1bf4e0c11b6b', embedding=[-0.00480399327352643, 0.006598548498004675, -0.0013146765995770693, -0.02836577594280243, -0.010788158513605595, 0.01229461282491684, -0.016022566705942154, -0.01921597309410572, 0.003070182166993618, -0.030573390424251556, 0.028324121609330177, 0.016466867178678513, -0.009587160311639309, -0.010808984749019146, -0.0003553532005753368, -0.0057932548224925995, 0.012023868039250374, -0.00473804259672761, 0.01092700194567442, 0.003703656606376171, 0.006376398727297783, 0.02688014693558216, -0.0162586010992527, -0.01073262095451355, -0.0008187441853806376, 0.006924831308424473, 0.013967679813504219, -0.027185603976249695, 0.02689403109252453, -0.0038008473347872496, 0.006869293749332428, 0.0016687281895428896, -0.007969630882143974, -0.00851112138479948, -0.0019038947066292167, -0.025116832926869392, -0.0205905269831419, -0.00804599467664957, 0.009198397397994995, 0.006098711397498846, 0.03723789006471634, -0.00647706026211381, -0.00498101906850934, 0.002046209527179599, 0.01078121643513441, 0.009996749460697174, -0.0017659188015386462, -0.012523705139756203, -0.017341582104563713, 0.02851850353181362, -0.0024367074947804213, -0.0009068231447599828, -0.021812351420521736, -0.007164336740970612, 0.02496410347521305, -4.2792074964381754e-05, 0.00645970506593585, 0.01187808159738779, -0.0034224982373416424, -0.01982688531279564, -0.018868863582611084, -0.008052936755120754, -0.03054562211036682, 0.0006816359818913043, -0.008337566629052162, -0.013217924162745476, -0.009004016406834126, 0.0028567099943757057, -0.01425925176590681, -0.007025493308901787, -0.011947503313422203, 0.023200789466500282, -0.005737717263400555, 0.007476735394448042, 0.032656047493219376, 0.001335503184236586, -0.03701573982834816, 0.00687276478856802, -0.00012137980229454115, 0.007504504173994064, 0.009732945822179317, -0.006997724529355764, -0.00032823526998981833, 0.0033877871464937925, 0.01119774766266346, 0.002976462710648775, -0.006393753923475742, 0.013183212839066982, -0.012051636353135109, -0.01696670427918434, 0.010933944024145603, 0.024061620235443115, 0.026630228385329247, 0.022201113402843475, 0.00663673086091876, -0.005040027666836977, 0.009538564831018448, 0.01182948611676693, -0.0029209251515567303, -0.0052864751778542995, -0.009892616420984268, -0.0022874504793435335, -0.017938610166311264, -0.010080055333673954, -0.018382910639047623, -0.03335026651620865, 0.023422937840223312, -0.0003740103275049478, 0.022909216582775116, -0.018480101600289345, -0.004852588754147291, -0.0004638248647097498, 0.01448140200227499, -0.0007822976913303137, 0.015314464457333088, -0.0020687717478722334, 0.0024315009359270334, -0.002308277180418372, -0.020521104335784912, -0.032933734357357025, 0.00905955396592617, 0.02163185365498066, 0.009628812782466412, 0.014814626425504684, 0.01448140200227499, -0.012225191108882427, -0.0014795535244047642, -0.011801717802882195, -0.0226176455616951, 0.0006425861502066255, 0.05251070111989975, -0.004800522234290838, -0.00015663309022784233, -0.0027699326165020466, -0.0011845106491819024, 0.008032110519707203, -0.007941861636936665, 0.011891965754330158, 0.0004390933318063617, 0.0024141455069184303, 0.016689017415046692, 0.03212844207882881, -0.022090038284659386, -0.006536068860441446, -0.02803255058825016, 0.015286695212125778, 0.011232458055019379, 0.014689667150378227, -0.0011497996747493744, -0.0019438123563304543, 0.010385511443018913, -0.009045669808983803, 0.011926677078008652, 0.01311379112303257, -0.0014743469655513763, 0.018146876245737076, -0.00714351050555706, 0.015800416469573975, 0.010684025473892689, -0.009309472516179085, -0.01546719204634428, 0.027130065485835075, 0.018355142325162888, 0.015231157653033733, 0.020298954099416733, 0.023520128801465034, 0.007240701001137495, -0.01686951331794262, 0.005525980610400438, 0.01330817211419344, 0.01916043646633625, 0.005897387862205505, -0.0024280298966914415, 0.011274111457169056, -0.0012018660781905055, 0.03240612894296646, 0.034683164209127426, -0.022589875385165215, -0.009198397397994995, -0.0033114231191575527, 0.0009745094575919211, 0.026921801269054413, 0.020937636494636536, -0.010163361206650734, -0.005834908224642277, 0.0010387246729806066, 0.022034501656889915, -0.0024818317033350468, -0.007726653944700956, -0.012162711471319199, -0.004672091919928789, 0.018646713346242905, 0.02327021025121212, -9.377375681651756e-05, -0.6828890442848206, -0.029906941577792168, -0.005335070658475161, -0.003575226292014122, 0.025547247380018234, 0.012176595628261566, 0.01549496129155159, 0.0182857196778059, -0.0024471208453178406, 0.026921801269054413, -0.01703612692654133, 0.034516554325819016, -6.741514516761526e-05, -0.014328673481941223, 0.0004260767309460789, -0.03193406015634537, 0.0016687281895428896, -0.010566008277237415, 0.0036585323978215456, 0.018813326954841614, -0.026366425678133965, 0.012016925029456615, -0.00332704302854836, 0.005411434452980757, 0.01795249618589878, 0.0011454608757048845, 0.03329472988843918, -0.006740863434970379, 0.008094590157270432, -0.002186788944527507, -0.010989481583237648, 0.008115416392683983, 0.004984490107744932, -0.024561457335948944, 0.04529082775115967, -0.00484564621001482, -0.013127675279974937, 0.018688367679715157, 0.011815601959824562, 0.02769932523369789, -0.028407428413629532, -0.00636598514392972, -0.005942511837929487, -0.006740863434970379, -0.02239549532532692, 0.0038008473347872496, 6.497452704934403e-05, -0.004380519967526197, 0.007414255756884813, -0.01932704821228981, -0.0065811933018267155, -0.01884109526872635, 0.002112160436809063, -0.0074489666149020195, -0.002476625144481659, 0.0061160665936768055, 0.009274762123823166, 0.01966027356684208, -0.007497561629861593, 0.0020271185785531998, 0.0013441808987408876, 0.015800416469573975, -0.024019965901970863, -0.02442261390388012, -0.011780891567468643, -0.006195901893079281, -0.009517738595604897, 0.00824037566781044, 0.02546394057571888, 0.0013424453791230917, -0.019507545977830887, 0.015508845448493958, -0.010323031805455685, 0.013835778459906578, 0.02272872067987919, -0.019118782132864, 0.019507545977830887, -0.0012990566901862621, -0.0016930258134379983, 0.016355792060494423, 0.005834908224642277, 0.0017086457228288054, 0.014467517845332623, -0.014925701543688774, -0.012107173912227154, 0.0003488448855932802, -0.00036620034370571375, 0.004984490107744932, 0.01964638940989971, 0.005939040798693895, 0.025366751477122307, -0.0024315009359270334, 0.024603109806776047, 0.002421087585389614, -0.0157032273709774, 0.016633478924632072, -0.021978963166475296, 0.0027786102145910263, -0.005258706398308277, -0.028768422082066536, -0.007615578826516867, -0.007518388330936432, -0.011003365740180016, -0.004411759786307812, -0.01374552957713604, 0.018979938700795174, -0.01927151158452034, 0.008913767524063587, 0.040320221334695816, -0.034849777817726135, -0.012926352210342884, -0.012940236367285252, 0.0005466972361318767, 0.005876561161130667, 0.011183863505721092, -0.03804318234324455, 0.029379334300756454, 0.004932423587888479, -0.006022347137331963, -0.03037901036441326, 0.034238867461681366, 0.0018466217443346977, 0.022131692618131638, 0.0026467088609933853, -0.022923100739717484, 0.016286371275782585, 0.025200137868523598, 5.293417416396551e-05, -0.0014248838415369391, -0.001749431132338941, 0.013669165782630444, -0.004665149375796318, 0.03373902663588524, -0.013391478918492794, 0.012239075265824795, -0.0024627407547086477, 0.03401671722531319, -0.004300684668123722, 0.017438773065805435, -0.03212844207882881, -0.048706382513046265, -0.00780301820486784, -0.002061829436570406, -0.019243741407990456, -0.01752207987010479, -0.03296150267124176, 0.004932423587888479, 0.020840445533394814, -0.01105890329927206, 0.014550823718309402, -0.01377329882234335, -0.0008998809498734772, -0.03104545921087265, 0.018438449129462242, -0.01571711152791977, -0.027088413015007973, -0.006497886963188648, -0.01620306447148323, -0.000488556397613138, -0.03329472988843918, 0.0023950545582920313, -0.00184488610830158, -0.013537264429032803, -0.009934269823133945, 7.370649836957455e-05, -0.011274111457169056, 0.009149801917374134, 0.024492034688591957, -0.02375616319477558, -0.017438773065805435, 0.015120083466172218, -0.01582818664610386, 0.004141014534980059, 0.02036837674677372, -0.007879381999373436, 0.016022566705942154, 0.009739887900650501, 0.004668620880693197, 0.010059229098260403, -0.01988242380321026, 0.0157032273709774, 0.002219764282926917, 0.011697584763169289, 0.025866588577628136, 0.009656582027673721, 0.006293092388659716, 0.011655931361019611, 0.02310359850525856, -0.000685974839143455, 0.0031343973241746426, 0.0016704637091606855, -0.0034381181467324495, -0.006862351670861244, 0.007796075660735369, -0.01163510512560606, 0.0287406537681818, 0.0010612867772579193, -0.007351776119321585, -0.009128975681960583, 0.02299252338707447, 0.03893178328871727, 0.020007383078336716, 0.02239549532532692, -0.019368700683116913, 0.01752207987010479, -0.010517412796616554, 0.0005866147694177926, -0.026741303503513336, 0.030129091814160347, 0.013190154917538166, 0.0004113245813641697, -0.0014170738868415356, 0.002985140308737755, 0.0009623606456443667, 0.005362839438021183, 0.022923100739717484, 0.011947503313422203, 0.01784142106771469, 0.0123432083055377, -0.009767657145857811, 0.021590201184153557, -0.002145135775208473, 0.04193080961704254, 0.0035457219928503036, -0.015564383007586002, -0.000921575294341892, -0.007372602354735136, 0.007573925890028477, -0.0032124968711286783, -0.004776224493980408, -0.0069040050730109215, 0.012141885235905647, 0.015050660818815231, 0.026408078148961067, 0.010302205570042133, 4.775465276907198e-05, 0.021451357752084732, -0.004887299612164497, 0.00612995121628046, 0.010760389268398285, -0.011204689741134644, 0.02907387912273407, 0.03171190991997719, -0.01988242380321026, 0.013613628223538399, -0.005782841704785824, 0.014717436395585537, 0.010496586561203003, -0.01248899381607771, 0.0015940996818244457, -0.02075713872909546, 0.007483677472919226, 0.0014396359911188483, 0.011898908764123917, 0.038293104618787766, -0.004102832637727261, -0.00983013678342104, -0.002348194597288966, -0.001409263932146132, 0.029379334300756454, -0.005949454382061958, 0.01713331788778305, 0.010940886102616787, -0.001102939946576953, -0.003215968143194914, 0.010309147648513317, 0.011864197440445423, 0.009844020940363407, -0.008344508707523346, -0.00859442725777626, -0.02004903554916382, 0.005689122248440981, -0.004581843502819538, -0.005342012736946344, 0.030767772346735, -0.0035543995909392834, 0.013065195642411709, -0.018202414736151695, 0.005675237625837326, 0.01648075133562088, 0.008039052598178387, -0.04034798964858055, 0.023284094408154488, 0.02222888171672821, 0.0068033430725336075, -0.0011749651748687029, -0.010128650814294815, 0.0012417837278917432, -0.029906941577792168, 0.017272161319851875, 0.0019767878111451864, 0.004064650274813175, 0.016286371275782585, 0.0015515787526965141, 0.021867888048291206, 0.0011116176610812545, 0.019313164055347443, -0.0223399568349123, -0.016133641824126244, 0.013565032742917538, -0.021368050947785378, -0.019035477191209793, 0.011371302418410778, 0.006504829041659832, 0.016286371275782585, -0.002035796409472823, -0.006883178371936083, -0.010454933159053326, 0.009316414594650269, -0.0026276176795363426, 0.015689343214035034, 0.006449291482567787, 0.0007341362652368844, -0.0035891106817871332, 0.015675457194447517, 0.013030484318733215, -0.013363709673285484, -0.030018016695976257, 0.007976572960615158, 0.014911817386746407, 0.004456883762031794, -0.02327021025121212, 0.003651590319350362, -0.032989270985126495, 0.04170865938067436, 0.022326072677969933, -0.011503203772008419, -0.003252414520829916, -0.02096540480852127, 0.003235059091821313, 0.007428139913827181, 0.0025911713019013405, -0.009823194704949856, 0.007705827243626118, 0.01445363275706768, 0.0010352536337450147, 0.0015810830518603325, -0.02656080760061741, 0.02501964196562767, -0.008205665275454521, -0.00401258422061801, -0.02129863016307354, 0.004630438517779112, -0.00249050953425467, -0.027685441076755524, -0.0012218249030411243, 0.02590824104845524, 0.021617969498038292, -0.04418007656931877, -0.0014899668749421835, 0.0058939168229699135, -0.003339191898703575, 0.0030094380490481853, -0.0013493875740095973, -0.012093289755284786, 0.005633584689348936, 0.008649964816868305, 0.015286695212125778, -0.005401021335273981, -0.013787182979285717, -0.006247968412935734, -0.005397550296038389, 0.020243417471647263, 0.005616229027509689, 0.01681397669017315, 0.0008525873417966068, -0.005321186035871506, 0.003146546194329858, 0.0129194101318717, -0.0057030064053833485, -0.015397770330309868, 0.016661249101161957, 0.013502553105354309, 0.005821023602038622, 0.02075713872909546, -0.015217273496091366, 0.0013389743398874998, -0.001065625692717731, 0.0034207624848932028, -0.014689667150378227, -0.038126491010189056, -0.0003399502020329237, 0.012863872572779655, -0.03679358959197998, -0.020396145060658455, -0.01029526349157095, -0.00901095848530531, -0.020493336021900177, -0.017480427399277687, -0.02103482559323311, -0.017313813790678978, -0.017161086201667786, -0.028546271845698357, 0.0007632066844962537, -0.00998980738222599, -0.029434872791171074, -0.020410029217600822, 0.0005167590570636094, 0.011697584763169289, 0.01791084185242653, 0.012246017344295979, -0.021423589438199997, 0.006917889229953289, 0.01577264815568924, -0.013245692476630211, -0.014745204709470272, -0.028823960572481155, -0.023534012958407402, 0.002405467675998807, 0.025200137868523598, -0.0054704430513083935, -0.010066171176731586, -0.016216948628425598, 0.01062154583632946, 0.0005345483659766614, -0.00480399327352643, 0.03493308275938034, -0.0041444855742156506, -0.001789348665624857, 0.015522729605436325, 0.004849117714911699, 0.013259576633572578, 7.988938159542158e-05, -0.020840445533394814, 0.018132992088794708, -0.016022566705942154, -0.0024367074947804213, 0.004522834904491901, 0.015508845448493958, 0.008004341274499893, 0.01642521470785141, 0.011301880702376366, -0.00015576531586702913, -0.014981239102780819, -0.0068033430725336075, -0.02660246007144451, 0.017063895240426064, 0.006810285151004791, 0.006400696467608213, 0.020076803863048553, 0.004033410456031561, -0.00897624809294939, 0.0035543995909392834, -0.018521754071116447, 0.003995228558778763, -0.01763315498828888, 0.026088738813996315, 0.0006061397143639624, -0.04018137603998184, 0.03584945201873779, 0.013571975752711296, -0.010003691539168358, 0.007476735394448042, -7.799112790962681e-05, -0.008719386532902718, 0.01784142106771469, 0.0027734036557376385, -0.0182857196778059, -6.275086343521252e-05, -0.006518713664263487, -0.022645413875579834, 0.012128000147640705, -0.021992847323417664, -0.02513071708381176, -0.011565683409571648, -0.01147543452680111, -0.0004041654465254396, -0.006740863434970379, -0.00044321524910628796, -0.01724439300596714, 0.0017329433467239141, 0.010336915962398052, -0.002205879893153906, 0.030295703560113907, 0.007101857103407383, -0.014536939561367035, -0.013523380272090435, -0.011787833645939827, -0.022048385813832283, -0.017605386674404144, -0.00903178472071886, -0.0013138088397681713, 0.03093438409268856, -0.004557545762509108, 0.022256651893258095, -0.007101857103407383, -0.008844345808029175, -0.005151102785021067, -0.004484652541577816, 0.02650526911020279, -0.005147631745785475, -0.007532272953540087, -0.04953944683074951, -0.011072788387537003, 0.03190629184246063, 0.00444994168356061, -0.004786638077348471, -0.020271185785531998, 0.0004529776924755424, -0.0010526090627536178, -0.0015194711741060019, -0.021229207515716553, -0.00802516844123602, -0.004998374730348587, -0.00826814491301775, -0.006268794648349285, 0.014273135922849178, 0.00020728935487568378, -0.026755187660455704, -0.020771022886037827, 0.01549496129155159, 0.007476735394448042, -0.010239725932478905, -0.005137218162417412, 0.02053498849272728, -0.010496586561203003, 0.010225840844213963, 0.002799436915665865, -0.0009849227499216795, 0.010316089726984501, -0.013030484318733215, -0.0032975387293845415, 0.009316414594650269, 0.0019021591870114207, 0.00689706252887845, 0.0020288540981709957, -0.008191780187189579, 0.0015255456091836095, 0.006188959814608097, 0.005939040798693895, 0.01198915671557188, -0.013009658083319664, 0.013315114192664623, -0.01108667254447937, -0.030906615778803825, -0.030628928914666176, 0.014356442727148533, -0.014731320552527905, 0.024464266374707222, -7.254042884596856e-06, -0.009614928625524044, 0.015675457194447517, 0.009240050800144672, -0.013433131389319897, 0.010038401931524277, 0.00718516344204545, 0.022687066346406937, 0.00643540732562542, 0.008934594690799713, -0.004050766117870808, 0.024158811196684837, -0.015855954959988594, 0.01527281105518341, 0.009101207368075848, 0.01681397669017315, 0.010441049002110958, 0.012391803786158562, -0.006987310945987701, 0.004897712729871273, 0.0027699326165020466, 0.020076803863048553, -0.013891316018998623, -0.029879171401262283, 0.02574162930250168, 0.04895630106329918, 0.011149152182042599, -0.02392277680337429, -0.008108474314212799, -0.010350801050662994, 0.002006292110309005, 0.015564383007586002, 0.0012955856509506702, -0.004953250288963318, 0.0029191896319389343, -0.005359368398785591, 0.04326370730996132, -0.023992197588086128, 0.006303505506366491, 0.013155444525182247, -0.016411330550909042, -0.0030962154269218445, -0.0013398420996963978, -0.0017763320356607437, 0.008497236296534538, -0.022853679955005646, 0.02890726551413536, -0.0036411769688129425, 0.017216622829437256, 0.0030233224388211966, -0.0006994253490120173, -0.02174292877316475, -0.006553424522280693, 0.019202088937163353, 0.027310563251376152, -0.028226932510733604, -0.0030337355565279722, 0.011045019142329693, 0.004800522234290838, 0.020187878981232643, 0.004724157974123955, 0.009351125918328762, -0.015508845448493958, -0.026699651032686234, -0.010441049002110958, 0.01603645086288452, -0.010246668010950089, -0.016452983021736145, -0.010711794719099998, -0.006886649411171675, -0.011836428195238113, -0.005088623147457838, -0.019951844587922096, 0.01549496129155159, -0.023478476330637932, -0.008629138581454754, -0.013828836381435394, 0.00897624809294939, 0.006987310945987701, 0.013828836381435394, -0.007247643079608679, 0.004751926753669977, 0.036265984177589417, -0.04362470284104347, 0.0068519385531544685, -0.0041965520940721035, 0.009101207368075848, -0.021659623831510544, 0.014467517845332623, -0.01119774766266346, -0.027116181328892708, 0.015133967623114586, -0.006959542166441679, -0.020410029217600822, -0.02546394057571888, 0.0025165427941828966, 0.013287345878779888, 0.007782191503793001, -0.007247643079608679, 0.008636080659925938, 0.0025963778607547283, 0.018688367679715157, -0.021048709750175476, 0.005543336272239685, 0.021062595769762993, -0.020826561376452446, -0.00963575579226017, 0.036599207669496536, -0.02354789711534977, 0.021978963166475296, -0.004689447116106749, -0.0033860516268759966, 0.010066171176731586, -0.03232282027602196, -0.01763315498828888, 0.020687716081738472, 0.01319709699600935, -0.02211780659854412, -0.01707777939736843, 0.0016687281895428896, 0.005401021335273981, -0.011461550369858742, 0.012419572100043297, -0.005925156641751528, -0.0051545738242566586, 0.0287406537681818, 0.008205665275454521, -0.0025581959635019302, 0.03385010361671448, -0.019077129662036896, 0.014064870774745941, -0.002546047093346715, -0.010059229098260403, -0.04748455807566643, -0.005675237625837326, -0.028546271845698357, 0.03226728364825249, -0.00998980738222599, -0.021090364083647728, -0.03637705743312836, 0.004842175170779228, -0.03165637329220772, -0.003104893025010824, -0.010274436324834824, 0.02974032796919346, 0.01796638034284115, 0.023256326094269753, 0.0006543011404573917, 0.035016391426324844, 0.011065846309065819, 0.016230832785367966, -0.00843475665897131, 0.009760715067386627, 0.009288646280765533, 0.008052936755120754, 0.02299252338707447, 0.002365550259128213, -0.020632179453969002, -0.019521430134773254, -0.006362514104694128, 0.025325097143650055, 0.005324657540768385, 0.02689403109252453, 0.006102182436734438, -0.0022700950503349304, -0.007976572960615158, -0.007393429055809975, -0.039070628583431244, 0.011982214637100697, -0.013696935027837753, -0.019701926037669182, -0.010107823647558689, 0.0034953909926116467, 0.011211631819605827, -0.020895982161164284, 0.009850963018834591, 0.010080055333673954, -0.018854979425668716, 0.0028775364626199007, 0.0003922335454262793, -0.014967354945838451, -0.0007857687887735665, -0.04354139789938927, 0.003596052760258317, 0.016064221039414406, -0.019896307960152626, 0.007705827243626118, 0.005890445783734322, 0.0023030703887343407, -0.021159784868359566, 0.009760715067386627, -0.029268259182572365, -0.01593926176428795, 0.011503203772008419, -0.008858230896294117, 0.019535314291715622, -0.02174292877316475, -0.003507539862766862, -0.013377593830227852, -0.01631413958966732, -0.018660597503185272, -0.01889663189649582, -0.025436172261834145, 0.030573390424251556, 0.001119427615776658, -0.017535964027047157, -0.007865497842431068, -0.008920710533857346, 0.0025200138334184885, -0.0017997618997469544, -0.01582818664610386, -0.00249050953425467, -0.019993498921394348, 0.008663848973810673, 0.010982539504766464, -0.01179477572441101, -0.013877431862056255, -0.016064221039414406, -0.013363709673285484, -0.0037348964251577854, -0.012280728667974472, 0.21493010222911835, 0.0012018660781905055, 0.004394404124468565, 0.01620306447148323, -0.031017690896987915, -0.01698058843612671, 0.01757761649787426, 0.006050115916877985, 0.00012984058412257582, 0.02250657044351101, -0.01319709699600935, -0.005650940351188183, -0.00245753419585526, 0.0011255020508542657, 0.004036881495267153, -0.02846296690404415, -0.03201736509799957, -0.027990898117423058, -0.03215621039271355, -0.015397770330309868, -0.003738367697224021, -0.004863001871854067, 0.004411759786307812, -0.018271835520863533, 0.010628487914800644, -0.01960473507642746, -0.02386723831295967, 0.009788483381271362, 0.02665799669921398, -0.001881332602351904, -0.011961388401687145, -0.003419026965275407, 0.002365550259128213, -0.002407203195616603, -0.005522509571164846, -0.005945982877165079, 0.007518388330936432, -0.0045991986989974976, 0.005453087855130434, 0.005678708665072918, 0.00835145078599453, 0.014064870774745941, -0.013433131389319897, -0.030240166932344437, 0.007685001008212566, 0.029323797672986984, -0.0027161305770277977, 0.0015619921032339334, -0.033433571457862854, 0.0004130601300857961, -0.05787007138133049, 0.004852588754147291, -0.008885999210178852, 0.039986997842788696, 0.005831437185406685, 0.0013658752432093024, 0.0238117016851902, -0.0011966595193371177, -0.03360018506646156, -0.0023724923375993967, 0.00952468067407608, 0.02140970341861248, -0.005317714996635914, 0.012419572100043297, -0.018577292561531067, 0.014884049072861671, -0.00212778034619987, -0.00808070506900549, 0.01409958116710186, -0.024339307099580765, 0.050677962601184845, -0.006772103253751993, -0.014717436395585537, -0.005373252555727959, -0.0534270703792572, -0.02628311887383461, 0.008566658943891525, 0.02749105915427208, 0.009156744927167892, 0.005956396460533142, 0.00307365320622921, -0.01960473507642746, -0.006414580624550581, 0.0019281924469396472, -0.012482051737606525, -0.024006081745028496, 0.020076803863048553, 0.0009849227499216795, -0.014384211041033268, -0.010052287019789219, -0.004248618148267269, 0.011343533173203468, -0.011836428195238113, 0.00032476417254656553, 0.01873002015054226, 0.009816252626478672, -0.021770698949694633, 0.011767006479203701, 0.005741188768297434, 0.000866905611474067, -0.017660923302173615, 0.06075802072882652, -0.007171278819441795, 0.002801172435283661, -0.01086452230811119, 0.021437473595142365, 0.01185725536197424, 0.007136567961424589, -0.010767332278192043, -0.01888274773955345, 0.0010031460551545024, -0.03984815254807472, -0.009128975681960583, -0.013613628223538399, 0.012128000147640705, 0.0018396795494481921, 0.01330817211419344, -0.008531947620213032, 0.021215323358774185, 0.001283436780795455, 0.0021729045547544956, 0.00031022896291688085, 0.011739238165318966, 0.020687716081738472, 0.02086821384727955, -0.01993796043097973, -0.03476647287607193, -0.0015619921032339334, 0.0014665370108559728, -0.03995922952890396, 0.03504415974020958, -0.0008621328161098063, 0.03859855979681015, -0.0170916635543108, -0.008934594690799713, 0.020007383078336716, 0.0063486299477517605, 0.005602344870567322, -0.03937608376145363, -0.01997961476445198, 0.002492245053872466, 0.0012790979817509651, 0.026088738813996315, 0.02672741934657097, 0.005491269752383232, 0.007740538567304611, 0.01448140200227499, -0.012822219170629978, -0.01921597309410572, -0.028324121609330177, -0.00846252590417862, -0.022812025621533394, -0.004828291013836861, -0.007115741726011038, 0.013766356743872166, 0.0026310887187719345, -0.016300255432724953, -0.0074906195513904095, 0.006779045332223177, 0.003936219960451126, -0.0376821905374527, -0.007324007339775562, 0.014148176647722721, -0.013120733201503754, -0.002568609081208706, -0.0255194790661335, -0.1826072782278061, 0.007247643079608679, -0.009385836310684681, -0.013148501515388489, 0.004543661139905453, 0.027185603976249695, 0.005119862966239452, 0.008837403729557991, -0.016883399337530136, 0.006393753923475742, 0.00396745977923274, -0.015411654487252235, -0.019688041880726814, -0.02222888171672821, -0.006806814111769199, -0.018438449129462242, -0.02868511527776718, 0.006022347137331963, 0.014689667150378227, 0.010559066198766232, 0.006806814111769199, -0.01873002015054226, -0.01768869161605835, 0.0008781866636127234, 0.0008868643781170249, -0.00037466114736162126, -0.028018666431307793, 0.0226592980325222, -0.0031153063755482435, -0.010059229098260403, -0.01631413958966732, 0.001933399005793035, -0.008643022738397121, 0.004897712729871273, 0.011225515976548195, 0.0003234625328332186, -0.018105223774909973, 0.03557176515460014, 0.009385836310684681, 0.019535314291715622, 0.020451681688427925, 0.011190805584192276, 0.0033478697296231985, 0.011968330480158329, -0.01026749424636364, 0.03257274255156517, 0.012232133187353611, -0.012912468053400517, 3.528040906530805e-05, -0.011871139518916607, 0.012947178445756435, -0.03532184660434723, 0.03515523299574852, 0.011496261693537235, 0.01478685811161995, -0.010684025473892689, -0.005692593287676573, -0.011891965754330158, -0.004772753454744816, -0.006917889229953289, 0.0002020827232627198, -0.024131041020154953, 0.00013081682845950127, 0.009726003743708134, 0.0007566983695141971, -0.025699974969029427, -0.04548520967364311, 0.009149801917374134, -0.027629904448986053, 0.0022805084008723497, -0.0007935787434689701, -0.04206965118646622, 0.010559066198766232, -0.009656582027673721, 0.00765029015019536, -0.0019091013818979263, -0.01878555677831173, 0.006706152576953173, -0.005046969745308161, -0.011739238165318966, -0.021909542381763458, 0.024103272706270218, -0.013738587498664856, -0.016508519649505615, 0.0048734149895608425, -0.0035543995909392834, -0.015564383007586002, 0.004113245755434036, 0.005980694200843573, -0.012572300620377064, 0.015203389339148998, -0.018549524247646332, -0.00801822543144226, -0.011968330480158329, 0.023006407544016838, 0.026741303503513336, -0.013599744066596031, -0.008747155778110027, -0.01845233328640461, 0.008525005541741848, -0.0005341144860722125, 0.0013285609893500805, -0.02924049086868763, 0.006313919089734554, 0.026421964168548584, 0.0050261435098946095, -0.013571975752711296, 0.038737401366233826, 0.023089714348316193, -0.01992407627403736, -0.00119058508425951, 0.019854653626680374, 0.015411654487252235, 0.01703612692654133, -0.002528691664338112, 0.0005558088305406272, -0.0129194101318717, -0.04715133458375931, -0.016494635492563248, -0.0011124854208901525, 0.050733502954244614, 0.012162711471319199, 0.010288321413099766, 0.007254585158079863, -0.02451980486512184, 0.012162711471319199, -0.08452806621789932, -0.01588372327387333, 0.007955745793879032, 0.019146552309393883, 0.0007979176007211208, 0.03346133977174759, 0.008302855305373669, -0.002783817006275058, -0.005151102785021067, 0.014113466255366802, 0.007685001008212566, -0.025533363223075867, -0.01757761649787426, -0.0017745965160429478, 0.0365714393556118, 0.012273786589503288, 0.007407313212752342, -0.010697909630835056, -0.004321511369198561, 0.022298304364085197, 0.004342338070273399, 0.025699974969029427, -0.004571429919451475, -0.04851200059056282, -0.011683700606226921, -0.007171278819441795, -0.024075504392385483, 0.028823960572481155, 0.0336279533803463, 0.022423263639211655, 0.009996749460697174, -0.003596052760258317, -0.01267643366008997, 0.016355792060494423, -0.02518625371158123, -0.002471418585628271, -0.0002544745511841029, -0.019313164055347443, 0.021937310695648193, -0.002674477407708764, 0.007136567961424589, 0.004616554360836744, -0.01070485170930624, -0.03360018506646156, 0.018202414736151695, -0.016633478924632072, -0.01029526349157095, 0.013995449058711529, 0.004616554360836744, -0.024630878120660782, -0.005140689201653004, -0.009004016406834126, -0.03262827917933464, -0.005671766586601734, 0.006768632214516401, -0.007407313212752342, 0.0011810394935309887, 0.018382910639047623, -0.029906941577792168, 0.020451681688427925, -0.029490409418940544, 0.005914743058383465, -0.008282029069960117, 0.014384211041033268, 0.0030267934780567884, -0.004127129912376404, -0.009191455319523811, 0.0037904339842498302, 0.013780240900814533, -0.021159784868359566, 5.841199526912533e-05, 0.0295737162232399, -0.03385010361671448, 0.023936660960316658, -0.019674157723784447, 0.008073762990534306, -0.025922125205397606, -0.003540515201166272, 0.011343533173203468, -0.0035162176936864853, -0.019091013818979263, -0.02546394057571888, -0.016008682548999786, -0.007081030402332544, 0.0005332467262633145, 0.004356222227215767, 0.003511010902002454, 0.006300034467130899, 0.017605386674404144, -0.015370002016425133, 0.016730669885873795, 0.01698058843612671, 0.02546394057571888, -0.01344007346779108, -0.03598829731345177, 0.010225840844213963, 0.011426839977502823, -0.009538564831018448, 0.002544311573728919, 0.012822219170629978, -0.02836577594280243, 0.0036342348903417587, -0.08652741461992264, 0.010697909630835056, -0.012141885235905647, 0.011301880702376366, -0.01530058030039072, 0.0018518283031880856, 0.004245147109031677, -0.016189180314540863, -0.013120733201503754, -0.00802516844123602, -0.030573390424251556, 0.004946308210492134, -0.021659623831510544, 0.01355114858597517, 0.007719711866229773, -0.012662548571825027, 0.030101321637630463, -0.005786312744021416, 0.015050660818815231, 0.013127675279974937, -0.012141885235905647, 0.0027525771874934435, 0.0028063789941370487, 0.01390520017594099, -0.02672741934657097, -0.0066714417189359665, -0.00804599467664957, 0.01834125816822052, -0.010163361206650734, -0.011891965754330158, 0.007573925890028477, -0.006976897828280926, -0.009663524106144905, 0.04084782674908638, -0.0053385416977107525, 0.0007068014238029718, 0.012419572100043297, 0.022798141464591026, 0.031128766015172005, -0.02535286732017994, -0.01784142106771469, -0.0182857196778059, 0.003410349367186427, -0.005595402792096138, 0.0057932548224925995, -0.005668295547366142, -0.005880032200366259, 0.025811050087213516, 0.02479749172925949, -0.021784583106637, 0.006334745325148106, 0.014078754931688309, 0.0035474575124680996, -0.017452657222747803, -0.011614278890192509, -0.008698560297489166, -0.0008738477481529117, 0.0021607556845992804, 0.014745204709470272, -0.038126491010189056, 0.03412779048085213, 0.0016149262664839625, 0.02924049086868763, -0.009503853507339954, 0.033378034830093384, -0.0020271185785531998, -0.009726003743708134, 0.01785530522465706, 0.015855954959988594, -0.015564383007586002, -0.013294287957251072, 0.004800522234290838, 0.012884698808193207, 0.008101532235741615, 0.00066905323183164, 0.028435196727514267, 0.027310563251376152, 0.04312486574053764, -0.005737717263400555, 0.025227908045053482, 0.018813326954841614, -0.011107498779892921, -0.0018830682383850217, 0.02129863016307354, 0.005758543964475393, 0.00704979058355093, -0.01932704821228981, 0.015120083466172218, 7.647252641618252e-05, -0.00318299257196486, -0.00645970506593585, 0.00905955396592617, -0.005848792381584644, -0.006650615017861128, 0.016661249101161957, 0.001588025246746838, -0.0028306767344474792, 0.005130276083946228, 0.015619920566678047, 0.015536614693701267, 0.006737392395734787, 0.010614603757858276, -0.005574576091021299, -0.018966054543852806, 0.0016756703844293952, 0.020187878981232643, -0.016786208376288414, -0.03765442222356796, -0.0023603434674441814, 0.014536939561367035, -0.0021607556845992804, 0.00733789149671793, 0.042347341775894165, 0.008580543100833893, -0.00862219650298357, 0.0013953795423731208, 0.006768632214516401, -0.009614928625524044, -0.0246864166110754, 0.022978639230132103, 0.005164986941963434, 0.019229857251048088, 0.03718235343694687, 0.013322056271135807, 0.015009008347988129, 0.02392277680337429, 0.039015091955661774, -0.018077455461025238, -0.0020132341887801886, -0.011871139518916607, -0.006876236293464899, -0.009246992878615856, -0.03932054713368416, -0.0325172021985054, -0.03554399684071541, 0.010982539504766464, -0.014439748600125313, -0.010711794719099998, -0.025477826595306396, 0.08413930237293243, 0.010205014608800411, 0.00425556069239974, 0.0026657998096197844, 0.008969305083155632, 0.02474195323884487, -0.0010031460551545024, -0.014981239102780819, -0.018493985757231712, -0.008997074328362942, -0.01823018305003643, -0.009371952153742313, -0.0047415136359632015, -0.012530647218227386, -0.022923100739717484, -0.01248899381607771, 0.003540515201166272, 0.006161191035062075, 0.00048725472879596055, -0.016383560374379158, 0.021826235577464104, 0.0007593017071485519, 0.005716891027987003, -0.008282029069960117, -0.0395149290561676, -0.01888274773955345, 0.015106198377907276, -0.00848335213959217, -0.03532184660434723, -0.00025794561952352524, 0.0054704430513083935, -0.0017980263801291585, -0.021215323358774185, -0.012620896100997925, 0.01245428342372179, -0.020840445533394814, -0.022798141464591026, -0.005709948483854532, 0.01921597309410572, 0.017813650891184807, -0.02310359850525856, -0.005369781516492367, -0.013703877106308937, -0.022923100739717484, 0.006650615017861128, 0.01560603640973568, -0.020937636494636536, 0.01401627529412508, 0.00206009391695261], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='f2d3cbe5-fa54-48be-ae94-874e7bd3197a', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '4', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_type': 'application/pdf', 'file_size': 1719588, 'creation_date': '2024-02-25', 'last_modified_date': '2024-01-15', 'last_accessed_date': None}, hash='734dbbbcf139212d56384e0358b44344d6d672ec16dde4515f21b2da28b93cc2')}, text='Method ACC. F. INFO. LC. H. A VG.\\n', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='92bab47d-a532-46e1-9b74-1cae7c77bfe1', embedding=[0.007403654046356678, 0.007097514346241951, 0.014159840531647205, -0.016200771555304527, -0.005795540753751993, 0.014138727448880672, -0.019170677289366722, 0.014138727448880672, -0.027475157752633095, -0.03473805636167526, 0.02712327241897583, 0.04312698915600777, -0.000896426266990602, -0.0033499423880130053, 0.000258635263890028, -0.006094642914831638, 0.017903892323374748, -0.005172704812139273, -0.014392084442079067, -0.01669340953230858, -0.0070728822611272335, 0.005946851335465908, -0.04129718616604805, -0.013554598204791546, -0.014335782267153263, 0.012266700156033039, 0.01586296223104, -0.027165498584508896, -0.03212003409862518, -0.012168172746896744, 0.011534780263900757, 0.004321143962442875, -0.033499423414468765, 0.0062494720332324505, -0.006967316847294569, -0.029079752042889595, -0.007241786923259497, -0.01869211532175541, 0.03383723273873329, -0.015412549488246441, 0.003481899155303836, 0.04019930586218834, 0.011084367521107197, -0.0008775124442763627, -0.0075092194601893425, -0.003944627474993467, 0.009641640819609165, -0.012252625077962875, -0.027756664901971817, 0.024167440831661224, 0.014891760423779488, 0.008776004426181316, -0.017749063670635223, 0.004314106423407793, -0.005721644964069128, 0.015694057568907738, 0.014990287832915783, 0.04754665866494179, 0.0055210706777870655, 0.0001525200204923749, -0.006629507523030043, -0.018931396305561066, -0.03648340329527855, 0.03237339109182358, -0.00038553366903215647, -0.013751653954386711, -0.009789432398974895, 0.028164850547909737, 0.02361850067973137, 0.0011383469682186842, -0.005594966467469931, 0.01679193787276745, 0.004588576499372721, -0.005024913232773542, 0.03744053095579147, 0.002431523287668824, -0.011562931351363659, 7.711223588557914e-06, -0.005031951237469912, -0.006791374646127224, 0.010352447628974915, -0.0032390987034887075, -0.006464121863245964, 0.019043998792767525, 0.013301241211593151, 0.0015219013439491391, 0.004954536445438862, -0.007248824927955866, -0.025856487452983856, 0.0010741280857473612, 0.008811192587018013, 0.0034361539874225855, 0.03583593666553497, 0.015947414562106133, -0.000316696212394163, -0.013294204138219357, -0.016524504870176315, 0.006865270435810089, -0.010120203718543053, -0.008367817848920822, -0.01482138317078352, -0.02070489525794983, -0.02029670961201191, -0.0051199221052229404, -0.0037510907277464867, -0.016440052539110184, 0.023632576689124107, 0.012245587073266506, -0.023646650835871696, -0.015482926741242409, -0.041437942534685135, 0.016144469380378723, 0.0009668031707406044, -0.017453480511903763, -0.007023618556559086, -0.00321446661837399, 0.0045357937924563885, -0.01387129444628954, -0.013843144290149212, -0.011154744774103165, 0.04701179638504982, 0.007917406037449837, 0.04087492451071739, -0.012738225981593132, 0.01990259811282158, 0.024997888132929802, 0.012653773650527, -0.026644708588719368, -0.042057257145643234, -0.0011049179593101144, 0.040621567517519, 0.01869211532175541, 0.028488585725426674, 0.001240393496118486, -0.026180220767855644, 0.04487233608961105, -0.016130395233631134, -0.016228921711444855, -0.013688314706087112, 0.009557188488543034, -0.005633674096316099, 0.01910030096769333, 0.009726093150675297, 0.00046008924255147576, -0.02078934758901596, 0.023871857672929764, -0.018002420663833618, 0.01164738368242979, -0.0029787039384245872, -0.018410606309771538, 0.005112884566187859, -0.04521014541387558, -0.007692199200391769, 0.0393829345703125, 0.027503307908773422, -0.008156687021255493, -1.6288413462461904e-05, 0.030881401151418686, -0.014891760423779488, -0.006900459062308073, 0.0012764617567881942, 0.015088815242052078, -0.0016221884870901704, 0.005707569885998964, 0.002765813609585166, 0.019438110291957855, 0.0286434143781662, -0.015848886221647263, -0.002142977900803089, -0.02050784043967724, -0.016045942902565002, 0.017256425693631172, -0.02902344986796379, 0.012639698572456837, 0.015187343582510948, 0.006925090681761503, 0.028404133394360542, -0.029699068516492844, -0.0048419334925711155, -0.03896067291498184, 0.0009668031707406044, 0.015722207725048065, 0.01301269605755806, -0.007438842672854662, -0.004120569676160812, -0.00580609729513526, 0.013498296961188316, -0.0031827969942241907, 0.004989725071936846, -0.011295498348772526, 0.019761843606829643, 0.02432226948440075, 0.011964079923927784, -0.011591081507503986, -0.6287757158279419, -0.023365143686532974, -0.00859302468597889, 0.004778594244271517, 0.008536722511053085, 0.0044548604637384415, -0.005939813796430826, -0.022619148716330528, -0.033809080719947815, 0.025166792795062065, -0.019452186301350594, 0.007980745285749435, -0.010957689024508, -0.031191058456897736, -0.011879627592861652, -0.03003687784075737, 0.0017822959925979376, -0.015398474410176277, 0.012590434402227402, -0.011035104282200336, -0.03383723273873329, 0.005879993084818125, 0.007811840157955885, 0.003209188347682357, -0.004993243608623743, -0.016299299895763397, 0.011774062179028988, -0.012344115413725376, 0.017833516001701355, -0.0029751851689070463, -0.019269205629825592, 0.0323452427983284, 0.024646004661917686, 0.0013653126079589128, 0.04028375819325447, -0.04028375819325447, -0.02059229277074337, 0.00690397759899497, 0.03043098747730255, 0.019536638632416725, -0.011323649436235428, -0.01396982278674841, 0.012688961811363697, -0.0018174845026805997, -0.013139374554157257, 0.010106128640472889, 0.0029276807326823473, 0.0017699800664559007, 0.0029857417102903128, -0.013280128128826618, 0.0033464233856648207, 0.022436168044805527, -0.005830729380249977, -0.003467823611572385, 0.01019058097153902, 0.006291698198765516, 0.040424514561891556, -0.007811840157955885, 0.0010706091998144984, -0.001770859700627625, 0.0015236607287079096, 0.009472736157476902, 0.00929679349064827, -0.008452270179986954, -0.012773414142429829, 0.006305773742496967, 0.009472736157476902, 0.015834812074899673, -0.0005665343487635255, -0.01119697093963623, -0.01045097503811121, 0.012724150903522968, 0.0021447371691465378, -0.0005616959533654153, -0.015497001819312572, 0.019536638632416725, 0.022379865869879723, -0.0050988090224564075, -0.008395968936383724, 0.026391351595520973, 0.01119697093963623, 0.0017163176089525223, 0.03265490010380745, 0.003045561956241727, -0.0032690088264644146, 0.0011093164794147015, 0.014272443018853664, 0.015820736065506935, -0.008269290439784527, 0.010887312702834606, 0.0071080708876252174, 0.008839343674480915, -0.007875179871916771, -0.03181037679314613, 0.000814173195976764, 0.020226331427693367, -0.013765729032456875, -0.00570405088365078, 0.01380795519798994, -0.03769388794898987, -0.0036490443162620068, 0.0014057793887332082, 0.029192354530096054, 0.004989725071936846, 0.026067618280649185, 0.010422824881970882, 0.003012133063748479, 0.006129831541329622, 0.017960194498300552, -0.01496213674545288, -0.005679418798536062, 0.011717760004103184, -0.00988795980811119, -0.011900740675628185, 0.018424682319164276, -0.03043098747730255, 0.020930102095007896, 0.007291051093488932, 0.022267263382673264, -0.007614784874022007, 0.010633955709636211, -0.010148354806005955, 0.036708611994981766, 0.02070489525794983, -0.008374855853617191, 0.017805365845561028, -0.004757481161504984, 0.017734989523887634, 0.030290234833955765, 2.8504721285571577e-06, -0.009310868568718433, 0.006443008780479431, 0.0208034235984087, -0.0233932938426733, 0.014905835501849651, 0.016200771555304527, 0.025800185278058052, 0.004729330074042082, 0.011112518608570099, -0.016651183366775513, -0.03124736063182354, -0.00683360081166029, 0.003140570828691125, -0.03105030581355095, -0.029811671003699303, -0.034315794706344604, 0.0005942452698945999, 0.021267911419272423, 0.007861103862524033, -0.0007825035718269646, -0.006027784664183855, -0.027756664901971817, -0.02109900675714016, 0.003515328047797084, -0.04402781277894974, -0.008684514090418816, -0.015848886221647263, -0.03465360403060913, -0.010648030787706375, -0.036201898008584976, 0.00467654736712575, 0.017326802015304565, -0.0012078442377969623, -0.005172704812139273, -0.011281423270702362, 0.0014893519692122936, -0.005172704812139273, 0.03718717396259308, -0.039917800575494766, -0.03800354525446892, 0.007882216945290565, -0.05883512273430824, -0.005802578758448362, 0.017917968332767487, -0.02522309496998787, 0.012928243726491928, -0.011021028272807598, 0.013202713802456856, -0.018706189468503, -0.026349125429987907, 0.009219379164278507, 0.03563888370990753, -0.0006703403196297586, 0.0056020044721663, 0.04551980271935463, 0.02278805337846279, 0.01019058097153902, -0.0015852405922487378, 0.00462024612352252, 0.007016581017524004, -0.005278270225971937, -0.00509529048576951, -0.011992230080068111, 0.008212989196181297, -0.0014295316068455577, 0.009458660148084164, 0.004088900052011013, -0.010085015557706356, -0.008191876113414764, 0.026250598952174187, 0.0016468203393742442, 0.020662669092416763, 0.0004992363974452019, -0.021225685253739357, 0.009817582555115223, -0.01054246537387371, 0.003538200631737709, -0.018649889156222343, 0.009754243306815624, 0.010387635789811611, 0.017326802015304565, -0.008227064274251461, -0.030571741983294487, -0.004563944414258003, -0.0017831757431849837, 0.019269205629825592, 0.00908566266298294, 0.008205951191484928, 0.011781099252402782, -5.7291228586109355e-05, -0.015792585909366608, 0.003663119627162814, 0.03392168506979942, 0.005668862257152796, -0.022759901359677315, -0.013019734062254429, -0.02069081924855709, 0.010514314286410809, 0.012681924737989902, 0.0008462826954200864, -0.023787405341863632, -0.015454775653779507, 0.038313206285238266, 0.024448947980999947, 0.02551867812871933, -0.012428567744791508, 0.04278917983174324, -0.007734425365924835, 0.024181516841053963, 0.0059433323331177235, 0.012245587073266506, 0.0015403752913698554, 0.01717197336256504, -0.02391408383846283, 0.012942318804562092, -0.009916110895574093, 0.02281620353460312, 0.0237029530107975, 0.005950370337814093, -0.002640894614160061, -0.0110491793602705, 0.026560256257653236, -0.00482433894649148, 0.00487008411437273, -0.0044548604637384415, -0.010739521123468876, -0.008811192587018013, -0.009057511575520039, 0.021239759400486946, 0.014511724933981895, 0.0024491173680871725, 0.02944571152329445, 0.017157897353172302, -0.011168819852173328, -0.00515159172937274, -0.01839653216302395, -0.009634602814912796, 0.0011515426449477673, -0.001021345378831029, 0.007002505473792553, -0.029473861679434776, -0.017720913514494896, 0.014694704674184322, -0.01718604937195778, 0.0076851616613566875, 0.014173915609717369, 0.006625988986343145, 0.003585705067962408, 0.012217436917126179, 0.03206373378634453, -0.025068266317248344, -0.03597668930888176, 0.03800354525446892, -0.0008893885533325374, -0.007181966677308083, -0.003895363537594676, -0.023956310003995895, 0.008367817848920822, -0.013505334965884686, -0.007769613992422819, -0.020972328260540962, 0.012161134742200375, -0.012477830983698368, 0.006728035397827625, -0.017960194498300552, 0.0032373392023146152, 0.021239759400486946, -0.0015588492387905717, 0.010929538868367672, -0.002507178345695138, -0.004078343510627747, 0.007734425365924835, -0.016594883054494858, -0.01980406977236271, 0.038116149604320526, -0.01817132532596588, -0.021267911419272423, -0.00660839444026351, -0.0020497282966971397, -0.005792022217065096, 0.020747121423482895, -0.0007794246193952858, -0.0010503758676350117, 0.020859723910689354, 0.047349605709314346, 0.007692199200391769, 0.011337724514305592, -0.009958337061107159, 0.021549418568611145, 0.0026655264664441347, -0.013561636209487915, -0.014244292862713337, -0.0062635475769639015, 0.010260957293212414, 0.016524504870176315, 0.04529459774494171, 0.0013090110151097178, -0.004261323716491461, -0.012217436917126179, 0.0070728822611272335, -0.02069081924855709, -0.002331236144527793, 0.008909720927476883, 0.010887312702834606, -0.029867973178625107, -0.022436168044805527, 0.005207893438637257, -0.010887312702834606, 0.04599836841225624, -0.0007833833224140108, 0.006777299102395773, -0.0339498370885849, 0.0014902317197993398, 0.0007046490791253746, 0.0001762722386047244, 0.00381794897839427, 0.05613264814019203, 0.010577653534710407, -0.001697843661531806, 0.010493201203644276, 0.016425978392362595, 0.02812262438237667, -0.0020409312564879656, -0.009163076989352703, 0.003568110754713416, 0.0008968661422841251, 0.02139458991587162, 0.014356895349919796, -0.0018069279612973332, 0.006710441317409277, 0.008241139352321625, -0.010788784362375736, 0.016932692378759384, 0.01366016361862421, 0.015525152906775475, 0.04067787155508995, 0.009198266081511974, -0.008783042430877686, 0.008607099764049053, -0.00509529048576951, -0.019015848636627197, 0.018312079831957817, 0.007241786923259497, -0.01787574216723442, 0.01405427511781454, 0.0012527095386758447, -0.011013991199433804, -0.015004362910985947, 0.010127241723239422, -0.010838048532605171, -0.0269121415913105, -0.016552656888961792, 0.003909438848495483, -0.03907327726483345, -0.019452186301350594, -0.03468175604939461, 0.01808687299489975, -0.00793148111552, -0.03789094462990761, 0.0024192072451114655, -0.03898882493376732, -0.0003362698189448565, -0.012949356809258461, 0.003627931233495474, -0.016608957201242447, -0.025096416473388672, -0.02502604015171528, 0.001516623073257506, -0.0019494411535561085, 0.012597472406923771, 0.014793233014643192, -0.0006633026641793549, -0.011619232594966888, 0.02420966699719429, -0.0036490443162620068, -0.003499493235722184, 0.009655715897679329, -0.013378656469285488, 0.00735439034178853, 0.013174562714993954, -0.006446527782827616, -0.004570981953293085, 0.004592095036059618, -0.0387636162340641, -0.002711271634325385, -0.00231012306176126, -0.003529403591528535, -0.004775075241923332, 0.00950088631361723, -0.010887312702834606, 0.031894829124212265, 0.01330827921628952, 0.00938828382641077, -0.02893899753689766, 0.021830925717949867, -0.021915378049016, -0.012752301059663296, -0.006749148480594158, 0.013026771135628223, 0.0048067448660731316, 0.028713790699839592, -0.01527179591357708, -0.014919910579919815, -0.019832221791148186, 0.00909270066767931, -0.011189932934939861, 0.007825915701687336, -0.004655434284359217, 0.032683052122592926, -0.0049228668212890625, 0.016327450051903725, 0.015454775653779507, 0.0006545055075548589, -0.011781099252402782, -0.004036117345094681, -0.010486164130270481, 0.03203558176755905, 0.0018966584466397762, -0.01628522388637066, 0.038341354578733444, 0.01767868734896183, 0.004592095036059618, -0.02831968106329441, 0.026053542271256447, -0.010978802107274532, 0.019916674122214317, 0.002739422256127, -0.015299946069717407, -0.02301325835287571, -0.02450525015592575, -0.01839653216302395, 0.0014057793887332082, -0.007544407621026039, 0.0024684711825102568, 0.010718408040702343, 0.01727050170302391, -0.010521352291107178, -0.02349182218313217, 0.025757959112524986, -0.021141232922673225, -0.02029670961201191, 0.002545885741710663, 0.01030318345874548, 0.01776313968002796, -0.007825915701687336, 0.011035104282200336, -0.03594854101538658, -0.01155589334666729, -0.023885933682322502, -0.022745827212929726, -0.004553387872874737, 0.022478394210338593, 0.023027334362268448, 0.01967739127576351, 0.0451819933950901, -0.019142527133226395, 0.0060876053757965565, 0.015511076897382736, -0.0022080764174461365, 0.004039636347442865, -0.019043998792767525, -0.002116586547344923, -0.014891760423779488, -0.012893055565655231, 0.015187343582510948, -0.019058074802160263, 0.020916026085615158, -0.0010574135230854154, 0.01556737907230854, 0.051065508276224136, -0.018861019983887672, -0.018030570819973946, -0.008776004426181316, -0.029586466029286385, 0.022070208564400673, -0.01470878068357706, -0.006288179662078619, -0.006362075451761484, -0.02340736985206604, -0.019550712779164314, 0.03338681906461716, -0.00017649216169957072, -0.0037370154168456793, 0.002554682781919837, 0.026039468124508858, -0.01366720162332058, -0.009662753902375698, 0.0005951249622739851, 0.013793880119919777, -0.02260507270693779, -0.010999915190041065, -0.04329589381814003, 0.0003938909212592989, 0.004877121653407812, -0.024054838344454765, 0.01596149057149887, 0.026180220767855644, 0.0025740365963429213, 0.00687934597954154, -0.0037299776449799538, -0.017932044342160225, -0.031191058456897736, -0.01859358698129654, -0.01676378771662712, 0.008867494761943817, -0.033809080719947815, -0.011161782778799534, -0.00675618601962924, 0.000204642943572253, -0.0041276076808571815, -0.03516031801700592, 0.03231709077954292, -0.022858429700136185, -0.009620527736842632, 0.04090307652950287, 0.042958084493875504, 0.050615094602108, -0.010408748872578144, 0.01939588412642479, 0.0032197448890656233, 0.0044865296222269535, -0.011569968424737453, 0.008860456757247448, 0.020437462255358696, -0.00509529048576951, 0.005869436543434858, 0.025293471291661263, -0.03364017605781555, 0.010978802107274532, 0.024646004661917686, 0.008360780775547028, -0.014012048952281475, -0.04692734405398369, 0.016608957201242447, 0.016144469380378723, 0.026363201439380646, -0.04208540916442871, -0.012365228496491909, -0.01869211532175541, 0.014779157005250454, 0.004409115295857191, 0.004915829282253981, -0.003228542162105441, -0.007368465419858694, -0.014582102186977863, 0.048982348293066025, 0.009402358904480934, 0.005394392181187868, 0.00090082484530285, -0.0039024013094604015, 0.025800185278058052, -0.0009360132971778512, -0.0007473151199519634, 0.0034238381776958704, 0.0017919727833941579, 0.06277623027563095, -0.017903892323374748, 0.013899445533752441, -0.0008805914549157023, 0.007607746869325638, -0.009880921803414822, 0.005879993084818125, -0.01190777774900198, 0.0270388200879097, -0.028882695361971855, 0.023576274514198303, -0.007551445625722408, 0.0006237156339921057, 0.013709427788853645, -0.0021218648180365562, 0.010387635789811611, -0.015736283734440804, -0.024955661967396736, 0.011386988684535027, 0.023942233994603157, 0.005415505263954401, 0.0001811106485547498, 0.004106494598090649, -0.015046589076519012, -0.011358837597072124, -0.002628578571602702, -0.019550712779164314, 0.014779157005250454, -0.056695662438869476, -0.00030921868165023625, 0.0034308757167309523, 0.005084733944386244, 0.013779805041849613, -0.008973059244453907, -0.029896123334765434, 0.01452580001205206, 0.016299299895763397, -0.04228246584534645, 0.008853418752551079, 0.0052641951479017735, -0.01396278478205204, -0.024364495649933815, 0.004588576499372721, -0.014919910579919815, 0.0015034273965284228, -0.008783042430877686, -0.012632660567760468, -0.02822115272283554, -0.013441995717585087, 0.018945472314953804, 0.012365228496491909, 0.0026655264664441347, -0.01461025234311819, 0.009838695637881756, -0.0009034639806486666, 0.006172057706862688, -0.02520901896059513, 0.004307068884372711, -0.0066717336885631084, -0.007980745285749435, -0.009578301571309566, 0.030205782502889633, -0.012674886733293533, 0.04560425505042076, -0.020761197432875633, -0.004929904360324144, 0.007368465419858694, -0.03181037679314613, 0.019719617441296577, 0.016820088028907776, 0.003923514392226934, -0.021521268412470818, -0.020535990595817566, -0.014905835501849651, -0.005580891389399767, -0.020226331427693367, 0.028291529044508934, -0.014948061667382717, -0.015342172235250473, 0.013392731547355652, 0.010760634206235409, -0.0034783801529556513, 0.001030142419040203, -0.014553951099514961, -0.018452832475304604, 0.02060636691749096, 0.013329392299056053, -0.018649889156222343, -0.015539227984845638, -0.009958337061107159, 0.03496326506137848, -0.0008093348005786538, -0.027658136561512947, -0.024181516841053963, -0.013913520611822605, -0.04290178045630455, -0.00187026709318161, -0.023857781663537025, 0.020831573754549026, -0.005130478646606207, 0.015285870991647243, -0.006122793536633253, 0.01736902818083763, 0.0019424034981057048, 0.018607662990689278, -0.020043352618813515, -0.009247529320418835, -0.0018034090753644705, -0.010676181875169277, 0.020113728940486908, -0.025166792795062065, -0.025842411443591118, -0.018917320296168327, 0.006017228122800589, 0.010169467888772488, -0.010070939548313618, 0.012034456245601177, -0.019466260448098183, -7.065184763632715e-05, 0.01215409766882658, 0.03504771739244461, -0.013350505381822586, -0.018030570819973946, 0.013843144290149212, -0.025786111131310463, -0.003839062061160803, 0.022253187373280525, -0.007678124122321606, -0.014455423690378666, 0.009029361419379711, 0.0016257072566077113, 0.0015306983841583133, 0.008466346189379692, 0.01470878068357706, -0.020648593083024025, 0.008114460855722427, -0.02170424722135067, 0.02682768926024437, -0.003365777200087905, -0.0016952045261859894, 0.025659432634711266, 0.01470878068357706, 0.002904808148741722, -0.000990555388852954, 0.006048897746950388, -0.006376150529831648, -0.0024966218043118715, 0.04399966076016426, -0.008783042430877686, -0.014751006849110126, -0.01387129444628954, -0.0010222250130027533, 0.006126312538981438, -0.007621822413057089, -0.008093347772955894, -0.0185795109719038, -0.02019818127155304, 0.03304900974035263, 0.026461729779839516, -0.022619148716330528, -0.0003485857741907239, -0.004342257045209408, -0.0014497649390250444, 0.011978155001997948, -0.0025529235135763884, 0.017622385174036026, -0.0159896407276392, -0.00519733689725399, 0.0047926693223416805, -0.011893702670931816, 0.0017919727833941579, -0.002952312584966421, 0.01900177262723446, -0.012745263986289501, -0.00021278027270454913, 0.20178475975990295, -0.01867803931236267, 0.00010474067676113918, 0.035807784646749496, 0.006742110941559076, -0.012921205721795559, 0.02661655843257904, 0.015919264405965805, -0.01244968082755804, 0.012520057149231434, 0.0191988293081522, -0.002257340354844928, -0.010957689024508, -0.0015192622086033225, 0.01105621736496687, 0.011450327932834625, -0.02803817205131054, -0.029558314010500908, -0.0010354206897318363, 0.023182163015007973, 0.009247529320418835, -0.007882216945290565, -0.002223911229521036, -0.01948033645749092, 0.015412549488246441, -0.0038601751439273357, -0.011879627592861652, -0.01918475329875946, 0.008367817848920822, 0.005046026315540075, -0.018100949004292488, -0.013681276701390743, 0.005024913232773542, 0.008367817848920822, -0.022154660895466805, -0.008649325929582119, -0.002969906898215413, -0.0016802494646981359, 0.03065619431436062, 0.029473861679434776, 0.008846381679177284, -0.010577653534710407, -0.0009316147188656032, -0.023139936849474907, -0.017636461183428764, 0.025589054450392723, -0.02070489525794983, 0.005035469774156809, -0.02723587490618229, 0.010493201203644276, 0.0014471258036792278, 0.018748415634036064, 0.035104017704725266, 0.02111308090388775, 0.0037299776449799538, -0.012069645337760448, -0.0012685443507507443, -0.003270768327638507, 0.016806013882160187, 0.00807927269488573, -0.0013556358171626925, 0.002744700526818633, 0.01511696632951498, 0.01949441246688366, -0.025391999632120132, 0.00716085359454155, 0.0018966584466397762, -0.015947414562106133, -0.004563944414258003, -0.014349858276546001, -0.0185795109719038, -0.016102243214845657, -0.010289108380675316, -0.010795822367072105, -0.04718070104718208, -0.051178108900785446, 0.04447822645306587, 0.02774258889257908, 0.01615854538977146, 0.05511922016739845, -0.0004965972620993853, -0.04360555112361908, 0.0016054739244282246, -0.02533569745719433, -0.00047372476547025144, -0.04031191021203995, -0.004468935541808605, -0.004102975595742464, -0.011091405525803566, -0.017622385174036026, -0.004180390387773514, -0.0041135321371257305, -0.029361259192228317, -0.005464769434183836, 0.009106775745749474, -0.01636967621743679, 0.02551867812871933, 0.008522647432982922, 9.51188339968212e-05, -0.030881401151418686, -0.020141879096627235, 0.04943276196718216, 0.020127804949879646, 0.01960701495409012, 0.025969089940190315, -0.007516256999224424, -0.012196323834359646, -0.011928890831768513, 0.00574979605153203, -0.0125622833147645, 0.0010116684716194868, -0.04974241927266121, 0.006355037447065115, -0.007537370081990957, -0.009409396909177303, 0.009191228076815605, -0.00482433894649148, -0.006221321411430836, 0.0335838757455349, 0.0005907264421693981, 0.003392168553546071, -0.007945556193590164, 0.0066048759035766125, -0.0005216690478846431, -0.005654787179082632, -0.02450525015592575, -0.025955015793442726, 0.006808968726545572, -0.026560256257653236, -0.012590434402227402, 0.03231709077954292, -0.030881401151418686, 0.025279397144913673, 0.013765729032456875, 0.008628212846815586, -0.0010626917937770486, 0.002709512133151293, -0.005542183760553598, -0.009367170743644238, -0.01977591961622238, 0.007132702972739935, -0.014835459180176258, -0.008318554610013962, -0.009134926833212376, 0.008487459272146225, 0.00026787223760038614, -0.018410606309771538, 0.01380795519798994, -0.014948061667382717, -0.020535990595817566, -0.011394026689231396, -0.00164594070520252, -0.00994426105171442, 0.003071953309699893, 0.024786757305264473, 0.006967316847294569, -0.004011485725641251, -0.004669509828090668, -0.00391999538987875, 0.007565520703792572, -0.04861639067530632, -0.004813782405108213, -0.006742110941559076, -0.012379303574562073, -0.018410606309771538, 0.011816288344562054, -0.18151620030403137, 0.0005665343487635255, 0.015919264405965805, -0.021028628572821617, 0.011274385266005993, 0.021338287740945816, 0.027573684230446815, -0.00504954531788826, -0.03918587788939476, -0.022140584886074066, 0.009458660148084164, 0.003800354665145278, -0.005116403568536043, -0.00374053418636322, -0.016341526061296463, -0.004549868870526552, -0.02772851474583149, 0.0011128353653475642, 0.02078934758901596, 0.02380148135125637, 0.02902344986796379, -0.013632013462483883, 0.00029954183264635503, -0.0031863159965723753, 0.0025564422830939293, 0.012463755905628204, 0.013632013462483883, 0.025884637609124184, 0.00023884173424448818, -0.038228753954172134, -0.010535427369177341, -0.010648030787706375, 0.004307068884372711, -0.002705993363633752, 0.010296146385371685, 0.005320496391505003, 0.015342172235250473, 0.0014084185240790248, -0.023463672026991844, 0.012815640307962894, 0.014033162035048008, 0.029107902199029922, -0.010028713382780552, -0.020338935777544975, -0.024167440831661224, 0.022647298872470856, 0.018368380144238472, -0.020212257280945778, 0.014180953614413738, 0.0009272161987610161, -0.02229541353881359, 0.0007042092620395124, 0.03896067291498184, 0.0017031219322234392, 0.003119457745924592, 0.005633674096316099, 0.01221039891242981, 0.0036420065443962812, 0.005904625169932842, -0.0031476086005568504, 0.00938828382641077, 0.004183908924460411, 0.02761591039597988, -0.007811840157955885, -0.004447822459042072, -0.022267263382673264, -0.0367930643260479, -0.0014761562924832106, -0.0323452427983284, 0.004416152834892273, 0.004187427926808596, -0.024730456992983818, 0.002925921231508255, -0.008536722511053085, 0.010908425785601139, 0.01687639020383358, -0.013477183878421783, 0.016425978392362595, 0.019424034282565117, 0.014694704674184322, -0.03797539696097374, 0.03313346207141876, -0.0007816238794475794, 0.02301325835287571, -0.013139374554157257, 0.006882864516228437, -0.00016010753461159766, 0.008719703182578087, -0.026799539104104042, -0.01546885073184967, 0.03282380476593971, -0.0019441628828644753, -0.01090138778090477, -0.00748810637742281, 0.007326239254325628, -0.009416433982551098, -0.00665413960814476, -0.005461250431835651, -0.008895644918084145, -0.013498296961188316, 0.0027306252159178257, -0.02332291752099991, -0.02743293158710003, -0.00497213052585721, 0.02321031503379345, 0.006006671581417322, -0.04039636254310608, 0.012653773650527, 0.03054359182715416, -0.02250654436647892, -0.0031528868712484837, -0.0076710861176252365, 0.013477183878421783, -0.005056582856923342, -0.009507924318313599, 0.023435520008206367, -0.0025828336365520954, -0.024744531139731407, 0.022154660895466805, 0.009902034886181355, 0.0422261618077755, -0.014652478508651257, 0.005887031089514494, 0.042535822838544846, -0.024477099999785423, -0.02359035052359104, -0.09700757265090942, 0.0030825098510831594, 0.010936575941741467, 0.044647131115198135, -0.010260957293212414, 0.02422374300658703, -0.010324296541512012, 0.03960813954472542, -0.00974016822874546, 0.033809080719947815, 0.01497621275484562, -0.035723332315683365, 0.0023752215784043074, 0.02291473187506199, -0.003684232709929347, 0.005042507778853178, 0.021464966237545013, -0.021070854738354683, -0.01300565805286169, 0.048081524670124054, 0.009606451727449894, -0.007910368032753468, 0.01045097503811121, -0.020662669092416763, 0.004285955801606178, -0.012245587073266506, -0.03442839905619621, 0.02118345908820629, 0.003193353535607457, 0.02239394187927246, 0.03181037679314613, -0.028375981375575066, 0.02170424722135067, -0.00010259637929266319, 0.016440052539110184, -0.010802860371768475, -0.03257044777274132, -0.010563578456640244, 0.01280156522989273, -0.014483573846518993, -0.010556540451943874, 0.0015201418427750468, -0.016946766525506973, -0.015511076897382736, -0.005352166015654802, -0.008578948676586151, -0.020353009924292564, 0.02332291752099991, -0.009113813750445843, -0.033612027764320374, -0.008564873598515987, -0.02239394187927246, -0.02280212752521038, -0.004039636347442865, 0.0025388479698449373, -0.016707485541701317, 0.03147256746888161, 0.006055935751646757, -0.02322438918054104, 0.007600709330290556, 0.01482138317078352, -0.0018007699400186539, -0.039242181926965714, 0.008269290439784527, 0.02933310903608799, -0.0031264955177903175, -0.0074740308336913586, -0.034822508692741394, 0.020817497745156288, 0.006471159402281046, -0.003979816101491451, 0.0351884700357914, 0.00437040813267231, 0.02572980895638466, -0.03383723273873329, 0.00980350747704506, -0.03105030581355095, -0.049573514610528946, 0.004553387872874737, -0.01577850989997387, -0.006837119814008474, -0.028967147693037987, -0.028193002566695213, -0.0240126121789217, 0.005542183760553598, 0.012386341579258442, -0.019621090963482857, -0.013083073310554028, -0.010528390295803547, -0.020859723910689354, -0.010725445114076138, 0.009395320899784565, 0.00011392267333576456, -0.018030570819973946, -0.018832867965102196, 0.010035751387476921, -0.007868141867220402, -0.01019058097153902, 0.03507586568593979, 0.011577006429433823, -0.031388115137815475, 0.004391521215438843, -0.057033471763134, 0.009430509991943836, 0.01787574216723442, -0.00592925725504756, -0.010957689024508, 0.004233173094689846, 0.020353009924292564, -0.00447245454415679, -0.011921853758394718, -0.0067808181047439575, -0.03389353305101395, 0.00879007950425148, -0.02301325835287571, -0.013913520611822605, -0.023942233994603157, 0.026166146621108055, 0.020958252251148224, -0.0009509683586657047, 0.02201390638947487, -0.0011920094257220626, 0.0112040089443326, -0.004328181967139244, 0.007431804668158293, 0.01315344963222742, -0.011239197105169296, -0.00467654736712575, -0.01656673103570938, 0.012695999816060066, -0.008895644918084145, 0.008339667692780495, 0.010795822367072105, -0.015497001819312572, -0.022759901359677315, 0.02551867812871933, -0.03887622058391571, -0.028770092874765396, 0.02471638098359108, 0.021479042246937752, 0.01039467379450798, 0.0058412859216332436, -0.02399853616952896, -0.020845649763941765, -0.0016424218192696571, 0.0044196718372404575, -0.013399769552052021, 0.003003335790708661, -0.013695352710783482, 0.004993243608623743, 0.013132336549460888, -0.009923147968947887, 0.013864257372915745, -0.003775722812861204, -0.006355037447065115, -0.03152886778116226, -0.00036046188324689865, -0.01756608486175537, 0.00852968543767929, 0.0027288657147437334, 0.03676491230726242, -0.01059876661747694, 0.020240407437086105, 0.014652478508651257, 0.010648030787706375, -0.0029751851689070463, 0.00726290000602603, -0.012639698572456837, -0.01084508653730154, 0.0060524167492985725, -0.019128451123833656, -0.014293556101620197, -0.014145764522254467, 0.022168735042214394, 0.015215493738651276, 0.007248824927955866, -0.0030754723120480776, 0.025870563462376595, 0.009564225561916828, 0.010324296541512012, -0.008262252435088158, 0.023548124358057976, 0.003369295969605446, -0.016102243214845657, -0.004940460901707411, 0.0061826142482459545, 0.010056864470243454, 0.0025370887015014887, -0.020521914586424828, 0.004155758302658796, 0.004152239300310612, 0.003916476853191853, -0.0030772315803915262, -0.00032593318610452116, 0.0016688131727278233, 0.008508572354912758, 0.027911493554711342, 0.026757312938570976, 0.010619879700243473, 0.022056132555007935, 0.020170031115412712, 0.023379219695925713, 0.02439264766871929, 0.0014963896246626973, -0.012738225981593132, -0.020747121423482895, -0.018058722838759422, -0.0055351462215185165, -0.023745179176330566, -0.02050784043967724, 0.028066324070096016, 0.022351715713739395, 0.002435042057186365, 0.0007644694996997714, 0.008614137768745422, 0.006140388082712889, -0.0037475719582289457, 0.0125622833147645, -0.0031968725379556417, -0.021563494578003883, -0.023956310003995895, 0.018424682319164276, 0.019719617441296577, -0.002313641831278801, 0.03710272163152695, 0.007572558708488941, 0.014497649855911732, 0.017157897353172302, 0.029755370691418648, -0.021577568724751472, 0.019719617441296577, 0.02029670961201191, -0.0035962616093456745, 0.024688230827450752, -0.026363201439380646, -0.010296146385371685, -0.02170424722135067, 0.01705937087535858, 0.013983897864818573, 0.006196689326316118, 0.019649241119623184, 0.07961039245128632, 0.010120203718543053, -0.00683360081166029, 0.0038531373720616102, 0.005489401053637266, 0.014666554518043995, 0.006921572145074606, 0.005718126427382231, -0.01452580001205206, -0.03192298114299774, 0.002142977900803089, -0.010584691539406776, -0.02330884151160717, -0.0367930643260479, -0.014722855761647224, -0.02632097527384758, 0.005517552141100168, 0.017031218856573105, -0.021239759400486946, -0.00814261194318533, 0.018945472314953804, 0.008987135253846645, 0.009268642403185368, 0.009620527736842632, -0.007002505473792553, -0.010120203718543053, 0.0161726213991642, 0.026841765269637108, -0.004743405617773533, -0.033809080719947815, 0.006172057706862688, 0.018143175169825554, -0.03744053095579147, -0.014061312191188335, -0.003017411334440112, -0.012590434402227402, -0.009733130224049091, -0.017622385174036026, 0.023336993530392647, 0.007361427880823612, 0.0005093531217426062, 0.007776651531457901, -0.0018808236345648766, -0.009852771647274494, -0.005105847027152777, 0.006161501165479422, -0.007178447674959898, -0.005000281613320112, -0.04005855321884155], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='f2d3cbe5-fa54-48be-ae94-874e7bd3197a', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '4', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_type': 'application/pdf', 'file_size': 1719588, 'creation_date': '2024-02-25', 'last_modified_date': '2024-01-15', 'last_accessed_date': None}, hash='734dbbbcf139212d56384e0358b44344d6d672ec16dde4515f21b2da28b93cc2')}, text='1k SFTLLaMA (Touvron et al. 2023a) 0.482 1.194 0.858 0.614 2.970 1.224\\nLLaMA with 10Kpretrain 0.482 1.441 0.829 0.712 2.963 1.285\\nLLaMA with 100Kpretrain 0.587 1.952 0.881 0.991 2.973 1.477\\nLLaMA with 1Mpretrain 0.735 2.071 1.002 1.046 2.957 1.562\\nChinese LLaMA (Cui, Yang, and Yao 2023b) 0.509 1.205 0.811 0.726 2.970 1.244\\nOpen Chinese LLaMA (OpenLMLab 2023) 1.406 2.584 1.685 1.877 2.989 2.108\\n5k SFTLLaMA (Touvron et al. 2023a) 0.450 1.279 0.767 0.612 3.000 1.199\\nLLaMA with 10Kpretrain 0.411 1.372 0.814 0.612 2.961 1.258\\nLLaMA with 100Kpretrain 0.488 1.922 0.876 0.977 3.000 1.493\\nLLaMA with 1Mpretrain 0.682 2.085 1.039 1.008 2.969 1.623\\nChinese LLaMA (Cui, Yang, and Yao 2023b) 0.581 1.341 0.899 0.783 2.992 1.432\\nOpen Chinese LLaMA (OpenLMLab 2023) 1.295 2.481 1.667 1.884 2.969 2.245\\n950k SFTLLaMA (Touvron et al. 2023a) 1.783 2.767 2.142 2.212 2.993 2.379\\nLLaMA with 1Mpretrain 1.812 2.799 2.080 2.303 3.000 2.399\\nLLaMA-EXT with 1Mpretrain 1.591 2.726 1.918 2.164 2.998 2.279\\nChinese LLaMA (Cui, Yang, and Yao 2023b) 1.808 2.795 2.112 2.313 3.000 2.406\\nOpen Chinese LLaMA (OpenLMLab 2023) 1.890 2.858 2.189 2.390 2.993 2.464\\nLLaMA2 (Touvron et al. 2023b) 1.868 2.822 2.171 2.379 3.000 2.448\\nChinese LLaMA2 (Cui, Yang, and Yao 2023a) 1.701 2.838 2.011 2.251 3.000 2.360\\nTable 1: Response quality with different scales of further pretraining and instruction tuning (SFT). ACC., F., LC., H., INFO., and\\nA VG. ', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='e3d874b7-d0ef-4984-90c4-6299da743e55', embedding=[-0.0007973179453983903, 0.00703132851049304, 0.03166702017188072, -0.020528007298707962, -0.01543072797358036, 0.007180635817348957, -0.009638996794819832, -0.0013567860005423427, -0.031528130173683167, -0.036917079240083694, 0.010569562204182148, 0.034055937081575394, -0.02358359657227993, -0.0029687832575291395, 5.09174533362966e-05, 0.010034834034740925, 0.0249863900244236, 0.0026753770653158426, 0.002689266111701727, -0.017652975395321846, -0.015625175088644028, 0.010180668905377388, -0.053250595927238464, -0.0047569978050887585, -0.010139002464711666, -0.003079895628616214, 0.019361328333616257, -0.022611364722251892, -0.029750332236289978, 0.008715375326573849, 0.005187558010220528, 0.012805698439478874, -0.0368337444961071, 0.018208537250757217, -0.010944566689431667, -0.008534817956387997, 0.0002207055949838832, -0.018277982249855995, 0.021541906520724297, -0.01501405704766512, 0.026375295594334602, 0.03575040027499199, 0.011257070116698742, -0.014861277304589748, 0.0034271215554326773, 0.006941049825400114, -0.0040243505500257015, -0.02536139450967312, -0.023222481831908226, 0.019611330702900887, 0.012395971454679966, 0.018472429364919662, -0.023916933685541153, 0.010986234061419964, -0.011402904987335205, 0.011979300528764725, 0.01831964962184429, 0.02476416528224945, 0.002031272742897272, -0.00684382626786828, -0.012611252255737782, 0.012923755683004856, -0.024319715797901154, 0.025861399248242378, -0.0047431085258722305, -0.01570850796997547, -0.006333404220640659, 0.011930689215660095, 0.03291703388094902, -0.017583530396223068, 0.0058646490797400475, 0.009097323752939701, 0.0062257638201117516, -0.025903066620230675, 0.03552817553281784, 0.0013481053756549954, -0.007354248780757189, -0.023930823430418968, 0.0043681045062839985, 0.009590384550392628, 0.017958534881472588, -0.004041711799800396, -0.006093818228691816, 0.03541706129908562, 0.012250136584043503, 0.010444561019539833, 0.00492366636171937, -0.008132034912705421, -0.005100751295685768, 0.004020878113806248, 0.01340987253934145, -0.009888999164104462, 0.028666986152529716, 0.0020347449462860823, -0.0017005398403853178, -0.012569584883749485, -0.00414587976410985, -0.00018012353393714875, -0.01623629219830036, -0.029416995123028755, -0.021569686010479927, -0.014930722303688526, -0.03622262552380562, -0.011145957745611668, -0.01745852828025818, -0.01051400601863861, 0.006017428357154131, -0.0029149630572646856, -0.0025225975550711155, 0.0063750711269676685, -0.02837531641125679, 0.020000223070383072, -0.008597318083047867, -0.0360281802713871, -0.027125302702188492, -0.012027911841869354, 0.031722575426101685, -0.023653041571378708, -0.00551395071670413, -0.013604318723082542, 0.03322259336709976, 0.0013099104398861527, 0.042083803564310074, -0.0165835190564394, 0.03452816233038902, 0.01306959055364132, 0.016194624826312065, -0.01816686987876892, -0.034055937081575394, 0.0037396252155303955, 0.012805698439478874, 0.02684752270579338, 0.015458506532013416, 0.02152801863849163, -0.02405582368373871, 0.03475038707256317, -0.007486194837838411, 0.0007417617598548532, -0.012979311868548393, -3.222692248527892e-05, 0.012402916327118874, 0.028666986152529716, 0.006954938638955355, -0.01736130565404892, -0.023653041571378708, 0.02905588038265705, 0.0028298927936702967, 0.02719474770128727, 0.008069534786045551, -0.010979289188981056, 0.0041736578568816185, -0.029889222234487534, -0.0041736578568816185, 0.0292781051248312, 0.01680574379861355, -0.007263970095664263, -0.0054618665017187595, 0.025000279769301414, -0.03447260707616806, 0.004739636089652777, -0.010257058776915073, 0.00040495244320482016, 0.007757031358778477, 0.011222347617149353, -0.0022830115631222725, 0.026750298216938972, 0.025305839255452156, -0.01894465647637844, 0.002260441891849041, -0.02958366461098194, -0.014333493076264858, 0.039528220891952515, -0.027111414819955826, 0.013132091611623764, 0.003711847122758627, 0.0150418346747756, 0.04172268882393837, -0.00684382626786828, -0.00928482599556446, -0.03541706129908562, 0.0013585221022367477, 0.025903066620230675, 0.002017383696511388, 0.0009592121350578964, -0.018472429364919662, -0.006093818228691816, -0.005680619273334742, -0.0015963719924911857, 0.008208424784243107, -0.016639074310660362, 0.020014112815260887, 0.029972556978464127, 0.011798743158578873, -0.015847399830818176, -0.6320070624351501, -0.016319626942276955, 0.026639185845851898, 0.002845517825335264, -0.0010703244479373097, -0.003020867006853223, -0.00021278449275996536, -0.02255580760538578, -0.03205591440200806, 0.03163924068212509, -0.014764053747057915, -0.007930643856525421, -0.01426404807716608, -0.019527995958924294, -0.0026163486763834953, -0.006062567699700594, -0.01224319264292717, -0.02187524363398552, 0.010819565504789352, -0.010958455502986908, -0.02800031378865242, 0.0062847924418747425, -0.0033472597133368254, 0.005597284995019436, -0.03058367595076561, -0.0007274386589415371, 0.018277982249855995, -0.011687630787491798, 0.011812631972134113, 0.00012934172991663218, -0.015444616787135601, 0.011597352102398872, 0.00830564834177494, 0.015152947045862675, 0.04022267088294029, -0.023528041318058968, -0.026736410334706306, 0.02631973847746849, 0.004298659041523933, 0.0084931505843997, -0.022347472608089447, 0.004840332083404064, -0.0013229314936324954, 0.00770147517323494, 0.0011658116709440947, 0.01826409250497818, 0.02243080548942089, 0.007486194837838411, -0.005496589001268148, -0.0069584110751748085, -0.01713908091187477, 0.005121584981679916, 0.0057917311787605286, -0.0074514723382890224, -0.003965321928262711, 0.007555639836937189, 0.009812609292566776, -0.02569473162293434, 0.002986144507303834, -0.004663246683776379, 0.00502436188980937, 0.007465361151844263, -0.003972266800701618, -0.021194681525230408, -0.028916990384459496, 0.004236158449202776, -0.00423963088542223, -0.0006601636414416134, -0.0010312615195289254, -0.01713908091187477, -0.017125191166996956, 0.011111235246062279, -0.0029080186504870653, -0.004208380356431007, 0.010757064446806908, 0.010326504707336426, 0.011812631972134113, -0.00168578268494457, -0.011895966716110706, 0.022666919976472855, 0.022014135494828224, -0.006982716731727123, 0.008902877569198608, -0.0029080186504870653, 0.01501405704766512, -0.004947972018271685, -0.003480941755697131, 0.004673663526773453, -0.01145151723176241, 0.020958567038178444, 0.012194580398499966, 0.009437605738639832, -0.015389060601592064, -0.04008378088474274, -0.006361182313412428, 0.006968827918171883, -0.02047245018184185, -0.0017916866345331073, 0.021819688379764557, -0.024291938170790672, -0.007361193187534809, -0.0071181352250278, 0.04122268408536911, 0.017777975648641586, 0.01025011483579874, 0.028305871412158012, 0.00805564597249031, 0.0038299039006233215, 0.02536139450967312, -0.006312570534646511, -0.002930588321760297, 0.016791854053735733, 0.001199666177853942, -0.01244458369910717, 0.015125169418752193, -0.02719474770128727, 0.007291748188436031, 0.011284848675131798, 0.018708541989326477, -0.019930778071284294, 0.0007126815617084503, -0.006857715547084808, 0.03294481337070465, -0.0038299039006233215, -0.01909743621945381, 0.002069467678666115, -0.01426404807716608, 0.008534817956387997, 0.03783375769853592, 0.013902933336794376, -0.009222324937582016, -0.020583562552928925, 0.008076478727161884, -0.03494483605027199, 0.03269480913877487, 0.02744475193321705, 0.02875032089650631, -0.00024002004647627473, -0.010597340762615204, 0.006513961590826511, -0.023347483947873116, -0.0005138946580700576, 0.0024409994948655367, -0.03805598244071007, -0.030167004093527794, -0.02812531404197216, -0.011236236430704594, 0.0177918653935194, 0.009354270994663239, 0.008520928211510181, 0.0108403991907835, -0.020611342042684555, -0.01748630590736866, -0.0040243505500257015, -0.03138924017548561, 0.0007304769242182374, -0.00790286622941494, -0.021333571523427963, -0.007805642671883106, -0.022222470492124557, -0.008208424784243107, 0.0237363763153553, 0.010562618263065815, -0.016125179827213287, 0.0036910134367644787, -0.014680719934403896, 0.029361439868807793, 0.03061145357787609, -0.012284859083592892, -0.04822276160120964, 0.007611196022480726, -0.04152824357151985, -0.0038194870576262474, 0.01972244307398796, -0.00013194592611398548, 0.004583384376019239, -0.019916890189051628, 0.001979188760742545, -0.005732703022658825, -0.03663929924368858, 0.017527973279356956, 0.0339726023375988, 0.0004099438083358109, -0.004902832675725222, 0.03391704708337784, 0.010868176817893982, 0.007027856539934874, -0.01602795720100403, -0.017055746167898178, 0.02109745889902115, 0.0060903457924723625, 0.020861344411969185, -0.022694697603583336, -0.005788259208202362, -0.016472406685352325, 0.013229314237833023, 0.007194524630904198, -0.018805766478180885, -0.012382082641124725, 0.01851409673690796, 0.013090424239635468, 0.02380582131445408, 0.00522575294598937, -0.0012118191225454211, 0.005618118215352297, -0.014159880578517914, 0.005892427172511816, -0.009979277849197388, 0.004256992135196924, 0.005597284995019436, 0.02134746126830578, -0.00483685964718461, -0.03238924965262413, -0.004576439969241619, -0.015444616787135601, 0.017152968794107437, 0.0011224084300920367, 0.002550375647842884, 0.00336462096311152, 0.001984397182241082, -0.008965377695858479, -0.009993167594075203, 0.04452827572822571, 0.005423671565949917, -0.0064202104695141315, -0.0008285682997666299, -0.01854187436401844, 0.016014067456126213, 0.0066736857406795025, -0.015555729158222675, 0.009180658496916294, -0.007784809451550245, 0.031055903062224388, 0.016000179573893547, -0.0019340494181960821, 0.004305603448301554, 0.047806091606616974, 0.004545189905911684, 0.020416894927620888, 0.021361349150538445, -0.004913249518722296, 0.01851409673690796, 0.01263208594173193, -0.0074375830590724945, 0.019861333072185516, -0.022694697603583336, 0.017000190913677216, 0.02930588275194168, -0.01856965199112892, 0.01593073271214962, -0.011708464473485947, 0.010104279965162277, -0.012326526455581188, -0.02193080075085163, -0.0004238328547216952, -0.0272225271910429, 0.009243158623576164, 0.01126401498913765, 0.028861433267593384, 0.030250338837504387, 0.00713202403858304, 0.008027867414057255, 0.015250170603394508, 0.0013715431559830904, 0.02731974981725216, -0.016722409054636955, -0.00017317902529612184, 0.004416715819388628, -0.01854187436401844, 0.009819554165005684, -0.016222404316067696, -0.022569697350263596, 0.00575700867921114, -0.021166903898119926, 0.021569686010479927, 0.013111257925629616, -0.005677146837115288, 0.0026232933159917593, 0.014458495192229748, 0.017625197768211365, -0.03858376294374466, -0.016264069825410843, 0.025028057396411896, 0.0015807468444108963, 0.0018524512415751815, -0.011847354471683502, -0.039778221398591995, -0.002899338025599718, -0.019652998074889183, -0.0023698180448263884, -0.016722409054636955, -0.0015086974017322063, -0.006819520611315966, 0.0007400256581604481, -0.017000190913677216, 0.008347315713763237, 0.013569596223533154, 0.012125135399401188, -0.0071077183820307255, 0.018430761992931366, -0.0030538535211235285, -1.741555934131611e-05, -0.030667008832097054, -0.024375272914767265, 0.01934743858873844, -0.005972289014607668, -0.0300836693495512, -0.013569596223533154, -0.0003865060571115464, 0.018361316993832588, 0.009791776537895203, -0.00566325755789876, -0.00911815743893385, 0.031055903062224388, 0.04063934460282326, 0.035639286041259766, 0.002789961639791727, 0.009590384550392628, 0.02486138977110386, 0.016194624826312065, -0.017583530396223068, -0.0409449003636837, -0.0022066219244152308, 0.01763908565044403, 0.03750041872262955, 0.025930846109986305, -0.005118112545460463, 0.005229224916547537, -0.020514117553830147, -0.008423705585300922, -0.023194704204797745, 0.0017916866345331073, 0.013708486221730709, 0.021069679409265518, -0.03300036862492561, -0.020694674924016, 0.007757031358778477, 0.010548729449510574, 0.027430862188339233, 0.007072995882481337, -0.0034792055375874043, -0.03761153295636177, 0.0004596405487973243, 0.009736220352351665, 0.0016363030299544334, -0.0010668522445484996, 0.03216702491044998, 0.026264183223247528, -0.008638985455036163, -0.009868165478110313, 0.03466705232858658, 0.007847310043871403, -0.007972311228513718, -0.020944679155945778, -0.007666752208024263, 0.005409782752394676, 0.0027309332508593798, 0.0007825608481653035, -0.012791809625923634, 0.01693074405193329, 0.0142362704500556, -0.017750198021531105, 0.021819688379764557, -0.012145969085395336, 0.028639208525419235, 0.027861421927809715, -0.0019531468860805035, 0.0005642424221150577, 0.005527839530259371, 0.004566023126244545, -0.026180848479270935, 0.027389194816350937, 9.380530536873266e-05, -0.011986245401203632, 0.01683352142572403, -0.010430672205984592, -0.017819643020629883, -0.030111446976661682, 0.009388993494212627, 0.004625051748007536, -0.012659863568842411, 0.0019097435288131237, -0.0031111459247767925, -0.03519483655691147, -0.01165290828794241, -0.028416983783245087, 0.009013989940285683, -0.013944600708782673, -0.04372271150350571, 0.005795203614979982, -0.023375261574983597, 0.014416827820241451, -0.013569596223533154, 0.006996606010943651, -0.019250215962529182, -0.020916899666190147, -0.030722565948963165, -0.025097502395510674, 0.008076478727161884, 0.011972355656325817, 0.028666986152529716, -0.004274353384971619, -0.00575700867921114, 0.029861444607377052, 0.0033038563560694456, -0.004670191090553999, 0.005340337287634611, -0.01848631724715233, -0.010423727333545685, 0.013576540164649487, -0.028083646669983864, -0.017972422763705254, 0.0014809193089604378, -0.01695852354168892, -0.013104313053190708, 0.0025816261768341064, -0.01873631961643696, -0.014389049261808395, 0.007625085301697254, 0.01876409910619259, 0.018222425132989883, 0.012222358956933022, 0.009854276664555073, -0.03222258388996124, 0.0036285128444433212, -0.037417083978652954, -0.019930778071284294, -0.013750153593719006, 0.002250025048851967, 0.013152924366295338, 0.013250147923827171, 0.00405212864279747, 0.014764053747057915, -0.008319537155330181, -0.0033038563560694456, -0.025278059765696526, 0.020694674924016, 0.01894465647637844, 0.01954188570380211, -0.006013955920934677, 0.012326526455581188, 0.029944779351353645, 0.004166713450103998, -0.02925032749772072, -0.009041767567396164, -0.019402993842959404, 0.021861355751752853, 0.012868199497461319, -0.01440293900668621, 0.04538939520716667, 0.0026719048619270325, 0.012764031998813152, -0.024222493171691895, 0.007072995882481337, -0.004020878113806248, 0.03297258913516998, -8.040454122237861e-05, -0.004586856812238693, -0.028014201670885086, -0.016764076426625252, -0.031972579658031464, 0.0023333593271672726, -0.013437650166451931, 0.005944510921835899, 0.008826487697660923, 0.01736130565404892, -0.009361215867102146, -0.009138991124927998, 0.03761153295636177, -0.017097413539886475, -0.029194770380854607, 0.028430873528122902, -0.014090435579419136, 0.006545212119817734, -0.011770964600145817, 0.006111179478466511, -0.037972647696733475, -0.004621579311788082, -0.02006966806948185, -0.017055746167898178, -0.0016484559746459126, 0.0036771243903785944, 0.027361417189240456, -0.0001519114157417789, 0.05727841705083847, -0.025375284254550934, 0.030111446976661682, 0.014569607563316822, -0.0076320297084748745, 0.01565295271575451, -0.013868210837244987, -0.0009748372831381857, 0.0015486284391954541, -0.012326526455581188, 0.016319626942276955, -0.003322953823953867, 0.011020956560969353, -0.013048756867647171, 0.008013978600502014, 0.03363926336169243, -0.019527995958924294, -0.014319604262709618, -0.008132034912705421, -0.016764076426625252, -0.0018923822790384293, 0.012014023028314114, 0.001444460591301322, 0.006267431192100048, -0.02426416054368019, -0.024555830284953117, 0.009791776537895203, -0.008979267440736294, 0.017180748283863068, -0.008750097826123238, 0.028389206156134605, -0.013694597408175468, 0.006947994232177734, -0.005697980523109436, 0.02081967703998089, -0.016222404316067696, -0.009354270994663239, -0.03111145831644535, 0.002602459629997611, 0.007409804966300726, -0.024819722399115562, 0.005111168138682842, 0.006604240275919437, -0.010479283519089222, 0.00042947527254000306, -0.020389117300510406, -0.0033611487597227097, -0.0028958655893802643, -0.01736130565404892, -0.03319481387734413, -0.0034340661950409412, -0.026458628475666046, -0.010666785761713982, -8.425658597843722e-05, 0.0049826945178210735, 0.0012005342869088054, -3.374603693373501e-05, 0.024930834770202637, -0.01801409013569355, -0.005645896308124065, 0.036389295011758804, 0.02905588038265705, 0.05386171489953995, -0.00925704836845398, 0.005652841180562973, 0.011145957745611668, 0.008250092156231403, -0.03061145357787609, -0.005107696168124676, 0.011673741973936558, -0.007729253266006708, 0.010014000348746777, 0.02629196085035801, -0.030417006462812424, -0.004798664711415768, 0.03805598244071007, 0.005451449658721685, -0.01947244070470333, -0.04177824407815933, 0.010180668905377388, 0.006156318821012974, 0.023222481831908226, -0.022847477346658707, -0.004482688847929239, -0.02659752033650875, 0.011708464473485947, -0.013541817665100098, 0.0063889604061841965, 0.001109387376345694, -0.01306959055364132, 0.0030590619426220655, 0.03752819821238518, 0.024972502142190933, -0.004916721489280462, -0.019139103591442108, -0.01901410147547722, 0.013229314237833023, 0.00566325755789876, -0.020778009667992592, 0.023569708690047264, 0.003847265150398016, 0.042556032538414, -0.007979256100952625, 0.004000044893473387, -0.018861321732401848, 0.006159791257232428, 0.004201435949653387, 0.02654196321964264, -0.01106262393295765, 0.03055589646100998, -0.03213924914598465, 0.024000268429517746, 0.002107662381604314, -0.013354316353797913, 0.0056111738085746765, -0.0024687775876373053, -0.0034479552414268255, -0.02159746363759041, -0.020264115184545517, 0.015541840344667435, 0.017666863277554512, 0.003191007999703288, -0.010854288004338741, -0.0015790107427164912, -0.016541851684451103, -0.010764009319245815, -0.013527928851544857, -0.02401415817439556, 0.024680830538272858, -0.04022267088294029, -0.011673741973936558, 0.009076490066945553, 0.0038680988363921642, 0.011270958930253983, -0.015389060601592064, -0.01623629219830036, 0.01250708382576704, -0.0014626899501308799, -0.032555919140577316, 0.016250181943178177, -0.0028802405577152967, -0.016597406938672066, -0.004166713450103998, -0.0005425408016890287, -0.005819509271532297, -0.006423682905733585, 0.011354293674230576, -0.011562629602849483, -0.030194781720638275, -0.021833578124642372, 0.011340404860675335, 0.011861243285238743, 0.0017916866345331073, -0.018097424879670143, 0.02084745466709137, -0.014139046892523766, 0.004604218062013388, -0.002658015815541148, -0.0042187971994280815, 0.01811131276190281, -0.02187524363398552, 0.0005685827345587313, 0.01161818578839302, -0.003416704945266247, 0.018805766478180885, 0.006097290199249983, 0.003527817316353321, -0.025472506880760193, -0.0339726023375988, -0.0018559235613793135, 0.0021962050814181566, 0.014430716633796692, -0.008298703469336033, -0.005486172623932362, -0.03005589172244072, -0.0059097884222865105, -0.013159869238734245, 0.02958366461098194, -0.0128959771245718, 0.007604251615703106, 0.03291703388094902, 0.0012725836131721735, 0.0177918653935194, 0.024958612397313118, -0.02644474059343338, -0.0029653108213096857, 0.004784775897860527, -0.0013029659166932106, -0.03394482284784317, -0.013694597408175468, -0.018125202506780624, 0.041056014597415924, 0.010187613777816296, -0.004857693333178759, -0.03294481337070465, -0.019708553329110146, -0.04491716995835304, -0.015139058232307434, -0.011132068932056427, 0.017152968794107437, 0.002163218567147851, 0.024375272914767265, 0.007805642671883106, 0.02177802100777626, -0.006677158176898956, 0.006316042970865965, -0.018833544105291367, -0.005388949066400528, -0.004371576476842165, -0.0315559096634388, 0.011472349986433983, 0.0022743309382349253, -0.014215436764061451, -0.009402883239090443, 0.009027878753840923, -0.010923733003437519, -0.015125169418752193, 0.031778134405612946, 0.0021458573173731565, -0.024403050541877747, -0.0059861778281629086, 0.028666986152529716, 0.013159869238734245, -0.0046389405615627766, 0.005875065457075834, -0.02084745466709137, -0.009993167594075203, 0.019180769100785255, -0.024347493425011635, -0.011826520785689354, -0.009680664166808128, 0.006232708692550659, -0.0011415057815611362, 0.015611285343766212, -0.0029097546357661486, -0.012784864753484726, 0.010000111535191536, -0.02700030244886875, 0.025333616882562637, -0.004361159633845091, -1.63304775924189e-05, 0.015916844829916954, 0.010958455502986908, 0.006965355481952429, 0.0010095598408952355, 0.0026250293012708426, -0.0075209173373878, 0.006350765470415354, 0.041083794087171555, -0.009930666536092758, -0.009826499037444592, -0.012562640011310577, -0.011180680245161057, -0.004079906735569239, 0.006979244761168957, -0.003993100021034479, -0.011312626302242279, -0.036694854497909546, 0.028361428529024124, 0.02837531641125679, -0.02436138316988945, 0.006677158176898956, -0.005795203614979982, 0.01345848385244608, -0.0049375551752746105, -0.004520883783698082, 0.002230927813798189, -0.02150024101138115, 0.007729253266006708, 0.00342191313393414, -0.00830564834177494, -0.0124931950122118, -0.02081967703998089, 0.030500341206789017, -0.004378521349281073, -0.011305682361125946, 0.20466895401477814, -0.031722575426101685, -0.006350765470415354, 0.015236281789839268, -0.011972355656325817, 0.0022031497210264206, 0.045472729951143265, 0.025903066620230675, -0.01152790617197752, 0.02401415817439556, 0.020639119669795036, -0.007812587544322014, -0.013361260294914246, 0.0017699850723147392, 0.012409861199557781, -0.010715397074818611, -0.03488927707076073, -0.026347516104578972, 0.010291781276464462, 0.012986255809664726, -0.009166768752038479, -0.008909821510314941, -0.0022274553775787354, -0.0068542431108653545, -0.003319481620565057, -0.004104212392121553, 0.010264003649353981, -0.002362873638048768, 0.004816025961190462, -0.0033142731990665197, 0.0016163374530151486, -0.001132825156673789, 0.002807323122397065, -0.00365629093721509, -0.03136146068572998, -0.0030434366781264544, 0.004423660691827536, -0.0028732959181070328, 0.03080590069293976, 0.009104268625378609, 0.013784876093268394, -0.00011664626799756661, -0.006489655934274197, -0.025028057396411896, 0.00317017431370914, 0.044722720980644226, -0.010548729449510574, -0.004569495562463999, -0.00405907304957509, 0.009743164293467999, 0.0026215570978820324, 0.031028125435113907, 0.018777986988425255, 0.034111492335796356, 0.0062847924418747425, 0.0026163486763834953, 0.003036492271348834, -0.020208559930324554, -0.002276067156344652, 0.007486194837838411, -0.01788908801972866, -0.010180668905377388, 0.01602795720100403, 0.017000190913677216, -0.014722386375069618, -0.0037430974189192057, 0.001251750043593347, -0.0032083692494779825, -0.0009722330723889172, -0.011368182487785816, -0.015069613233208656, -0.00927093718200922, -0.032028134912252426, -0.014375160448253155, -0.021764131262898445, -0.03630596026778221, 0.046250518411397934, 0.052695032209157944, 0.008500095456838608, 0.0339726023375988, 0.0001493072195444256, -0.03811153769493103, 0.004288242198526859, -0.023847488686442375, -0.020736342296004295, 0.002696210751309991, 0.00013053530710749328, -0.01929188147187233, -0.010757064446806908, -0.009486217051744461, -0.010326504707336426, -0.027153080329298973, -0.009555662050843239, 0.030528118833899498, 0.002548639662563801, 0.00351566425524652, 0.012277915142476559, -0.015166835859417915, -0.015291837975382805, -0.03552817553281784, -0.0360281802713871, 0.06322292983531952, 0.04036156088113785, 0.017777975648641586, 0.015333504416048527, -0.01688907854259014, -0.028236426413059235, -0.006437571719288826, -0.003618096001446247, 0.0033507319167256355, 0.006302153691649437, -0.053250595927238464, 0.002406276995316148, -0.006864659953862429, -0.018930766731500626, 0.0010217127855867147, -0.000707907194737345, 0.004579912405461073, 0.05311170592904091, 0.013819598592817783, -0.0045938012190163136, -0.01683352142572403, 0.013375149108469486, 0.007007022853940725, 0.001835089991800487, -0.022611364722251892, -0.03505594655871391, 0.0036805965937674046, -0.026000291109085083, 0.010020945221185684, 0.012416805140674114, -0.03188924491405487, 0.03400038182735443, 0.005843815393745899, 0.010784843005239964, -0.011833465658128262, -0.016819631680846214, -0.007208413910120726, -0.019680775701999664, -0.02852809615433216, 0.0068091037683188915, -0.01067373063415289, 0.017972422763705254, -0.024403050541877747, 0.03138924017548561, 0.0022482890635728836, 0.0034531636629253626, 0.025055835023522377, 0.004597273655235767, -0.01906965672969818, -0.021666908636689186, -0.008777875453233719, -0.0020139114931225777, -0.0013897725148126483, 0.02902810275554657, 0.005152835510671139, -0.01688907854259014, 0.0036319850478321314, 0.007472305558621883, 0.02177802100777626, -0.04402827098965645, -0.012500139884650707, 0.013507095165550709, -0.018083535134792328, -0.008250092156231403, 0.00605215085670352, -0.17811310291290283, 0.00036133217508904636, 0.01225708145648241, -0.02787531167268753, 0.0028611430898308754, 0.009159824810922146, 0.023930823430418968, -0.017569640651345253, -0.03136146068572998, -0.019555773586034775, 0.02772253192961216, -0.013764042407274246, -0.022611364722251892, -0.019903000444173813, -0.00925704836845398, 0.01106262393295765, -0.017027968540787697, -0.006097290199249983, 0.014125158078968525, 0.01695852354168892, 0.017750198021531105, -0.024403050541877747, 0.005947983358055353, 0.001442724489606917, -0.0016067888354882598, -0.014194603078067303, -0.013514040037989616, 0.02850031852722168, -0.004486161284148693, -0.021639131009578705, -0.011382071301341057, -0.00847926177084446, 0.006788270082324743, 0.0027378778904676437, 0.011895966716110706, 0.024430828168988228, -0.007590362802147865, -0.00385073758661747, -0.009694552980363369, 0.008722319267690182, 0.02268080972135067, 0.04233380779623985, -0.007277858909219503, -0.018097424879670143, -0.026430850848555565, 0.032805923372507095, 0.035667065531015396, -0.01997244544327259, 0.026514185592532158, -0.0031875355634838343, -0.01306959055364132, -0.014159880578517914, 0.037722643464803696, -0.005055611953139305, -0.01168068591505289, 0.020389117300510406, 0.009097323752939701, 0.019777998328208923, -0.0009435869287699461, 0.0003849869535770267, 0.014305715449154377, -0.0056563131511211395, 0.024750277400016785, -0.003177118953317404, 0.017305748537182808, -0.02641696110367775, -0.02305581234395504, 0.0032569807954132557, -0.014722386375069618, 0.004486161284148693, 0.002930588321760297, -0.01362515240907669, 0.004545189905911684, -0.00771536398679018, 0.022639142349362373, 0.02666696533560753, 0.01230569276958704, 0.028305871412158012, 0.02150024101138115, 0.009694552980363369, -0.035167060792446136, 0.02100023441016674, -0.02100023441016674, -0.004958388861268759, -0.01450016163289547, 0.005302142817527056, 0.0006458405405282974, 0.02277803234755993, -0.01146540604531765, -0.006722297519445419, 0.009194547310471535, -0.015291837975382805, -0.011458461172878742, -0.019680775701999664, -0.0046979691833257675, 0.0025382228195667267, -0.00990983285009861, 0.0032951757311820984, 0.012944589368999004, -0.02134746126830578, 0.00045052586938254535, -0.005007000174373388, -0.0023715542629361153, -0.007882032543420792, 0.024278048425912857, -0.016194624826312065, -0.01210430171340704, 0.01361126359552145, 0.03738930821418762, -0.020514117553830147, -0.0008337766630575061, -0.005788259208202362, 0.009180658496916294, 0.006680630147457123, 0.0019618275109678507, 0.022889144718647003, -0.0150418346747756, -0.016902966424822807, 0.014694608747959137, -0.00454171746969223, 0.04297270253300667, -0.02205580286681652, -0.004791720304638147, 0.014875166118144989, -0.011562629602849483, 0.002553848084062338, -0.12022356688976288, 0.004256992135196924, 0.004076434299349785, 0.03608373552560806, -0.01126401498913765, 0.023139147087931633, -0.003428857773542404, 0.04502828046679497, -0.014847388491034508, 0.04430605098605156, -0.023847488686442375, -0.0042187971994280815, 0.0023298871237784624, 0.003812542650848627, -0.012590418569743633, -0.006590351462364197, 0.02122245915234089, -0.009250103496015072, -0.022694697603583336, 0.03419482707977295, 0.009826499037444592, -0.015972400084137917, 0.005916732829064131, -0.02541695162653923, 0.0030486450996249914, 0.003847265150398016, -0.031722575426101685, 0.031167015433311462, 0.006604240275919437, -0.004291714634746313, 0.028694765642285347, -0.018722431734204292, 0.010493173263967037, -0.011361238546669483, 0.012465417385101318, -0.006427155341953039, -0.01673629879951477, -0.006288264878094196, 0.02638918347656727, 0.0034340661950409412, 0.0034792055375874043, 0.02438916079699993, -0.0008333426667377353, -0.009055656380951405, 0.011750130914151669, -0.01184041053056717, -0.008687596768140793, 0.004493105690926313, -0.002414957620203495, -0.03869487717747688, -0.029222548007965088, -0.02109745889902115, -0.034305937588214874, 0.022347472608089447, 0.019527995958924294, 0.007833421230316162, 0.02159746363759041, 0.01568073034286499, -0.005347282160073519, 0.0061459019780159, 0.004954916425049305, -0.018027979880571365, -0.03391704708337784, 0.004093795549124479, 0.030444784089922905, 0.004986166954040527, -0.0072570256888866425, -0.016639074310660362, -0.004197963513433933, -0.00835425965487957, 0.0003767403250094503, 0.01745852828025818, 0.008173702284693718, 0.007555639836937189, -0.03858376294374466, 0.02225024811923504, -0.014972389675676823, -0.039305996149778366, 0.0021892606746405363, -0.017694642767310143, -0.010833454318344593, -0.011757075786590576, -0.008458428084850311, -0.010222336277365685, 0.011944578029215336, 0.004208380356431007, -0.018986323848366737, -0.022291915491223335, -0.004170185420662165, -0.016125179827213287, -0.004486161284148693, 0.02255580760538578, 0.009159824810922146, -0.02747252956032753, -0.016569629311561584, 0.018000200390815735, -0.0061354851350188255, -0.010319559834897518, 0.03083367832005024, 0.008298703469336033, -0.01425015926361084, 0.0022482890635728836, -0.043139372020959854, 0.01987522281706333, 0.01565295271575451, -0.011986245401203632, 4.1097464418271556e-05, -0.022111358121037483, 0.024958612397313118, -0.0198474433273077, -0.010034834034740925, 0.01541683916002512, -0.0292781051248312, 0.011770964600145817, -0.020403005182743073, 0.0001720939326332882, -0.0253891721367836, -0.021069679409265518, 0.026708632707595825, 0.007305637001991272, 0.008097312413156033, 0.023139147087931633, 0.009055656380951405, 0.002118079224601388, 0.0036354572512209415, 0.006510489620268345, 0.0019965500105172396, -0.012625141069293022, -0.033555932343006134, 0.035861510783433914, -0.014736276119947433, -0.0012899449793621898, 0.0056250630877912045, -0.01761130802333355, -0.003472261130809784, 0.011750130914151669, -0.02925032749772072, -0.01879187673330307, 0.0344170518219471, 0.016097402200102806, 0.02065300941467285, 0.030444784089922905, -0.021680798381567, -0.022097468376159668, -0.0005954927764832973, -0.006277848035097122, -0.016666853800415993, 0.016500184312462807, -0.012361248955130577, -0.00811814609915018, 0.014958500862121582, -0.011194569990038872, 0.029222548007965088, -0.004020878113806248, -0.00847926177084446, -0.033833712339401245, -0.007923699915409088, 0.003218785859644413, 0.014680719934403896, -0.004843804053962231, 0.015305726788938046, 0.021458573639392853, 0.025333616882562637, 0.01501405704766512, 0.011708464473485947, -0.006909799296408892, -0.006267431192100048, -0.01711130142211914, -0.017180748283863068, -0.00038108063745312393, -0.014514051377773285, -0.021319683641195297, -0.011951522901654243, 0.009007045067846775, 0.011979300528764725, 0.023791933432221413, 0.01686129905283451, 0.00644104415550828, 0.0050417231395840645, 0.013354316353797913, -0.00365629093721509, 0.021555796265602112, 0.001970508135855198, -0.008520928211510181, -0.0031962161883711815, 0.0034323299769312143, 0.011007067747414112, -0.005868121050298214, -0.020764121785759926, 0.007368138059973717, -0.008583429269492626, -0.009986222721636295, 0.01230569276958704, 0.013694597408175468, -0.0024896112736314535, 0.016847411170601845, 0.004125046078115702, 0.01361126359552145, -0.0013099104398861527, 0.00033659228938631713, 0.029639219865202904, 0.009993167594075203, 0.026430850848555565, -0.01386126596480608, -0.013764042407274246, -0.015375171788036823, -0.008958433754742146, -0.009194547310471535, -0.038472652435302734, -0.014694608747959137, 0.02809753641486168, 0.02852809615433216, -0.00040950978291220963, -0.004941027611494064, 0.008819542825222015, 0.013514040037989616, -0.005343809723854065, 0.01087512169033289, -0.0024305826518684626, -0.007145913317799568, -0.029111435636878014, 0.029444772750139236, 0.02062522992491722, 0.010882065631449223, 0.03213924914598465, 0.013187647797167301, 0.014305715449154377, 0.01854187436401844, 0.028694765642285347, -0.03141701593995094, 0.02180579863488674, 0.007861198857426643, 0.008645930327475071, 0.008916766382753849, -0.0300836693495512, -0.01829187199473381, -0.009854276664555073, 0.0035312895197421312, -0.0002233097911812365, 0.020583562552928925, 0.023041924461722374, 0.07838976383209229, 0.010958455502986908, 0.0015607813838869333, 0.026625297963619232, 0.014722386375069618, 0.027125302702188492, 0.0022534974850714207, 0.004243102855980396, -0.002456624759361148, -0.020541897043585777, 2.4753424554546655e-07, -0.01811131276190281, -0.008562595583498478, -0.03580595552921295, -0.02834753878414631, -0.03350037336349487, -0.009076490066945553, 0.022097468376159668, -0.026986412703990936, -0.014486272819340229, 0.044972725212574005, -9.521590982330963e-05, 0.018597429618239403, 0.007486194837838411, -0.017000190913677216, 0.008097312413156033, 0.011375127360224724, 0.01012511271983385, 0.004625051748007536, -0.010264003649353981, 0.01909743621945381, 0.03211146965622902, -0.029666997492313385, -0.027083635330200195, -0.00302954763174057, -0.01426404807716608, 0.006409794092178345, -0.009493161924183369, 0.00970844179391861, -0.003572956658899784, -0.0007890713168308139, 0.010382060892879963, -0.005899371579289436, -0.01720852591097355, -0.008388983085751534, -0.015222392044961452, -0.014291826635599136, -0.013958489522337914, -0.0515839084982872], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='f2d3cbe5-fa54-48be-ae94-874e7bd3197a', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '4', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_type': 'application/pdf', 'file_size': 1719588, 'creation_date': '2024-02-25', 'last_modified_date': '2024-01-15', 'last_accessed_date': None}, hash='734dbbbcf139212d56384e0358b44344d6d672ec16dde4515f21b2da28b93cc2')}, text='respectively denote accuracy, fluency, logical coherence, harmlessness, informativeness and their average. Approximately\\n1 million samples account for around 0.5 billion tokens. The pretraining scales for Chinese LLaMA and Open Chinese LLaMA\\nare 30 billion and 100 billion tokens, respectively.\\nMMLU (Hendrycks et al. 2020): MMLU measures a LLM’s\\nability to learn and apply knowledge across 57 diverse\\nsubjects including STEM, humanities, and social sciences.\\nThe test covers a wide range of difficulty levels from\\nelementary to advanced professional.\\nAGI-Eval (Zhong et al. 2023): AGIEval uses questions from\\nstandardized tests taken by millions of people, including\\ncollege entrance exams, law school admission tests, and\\nprofessional qualification exams. It has 19 tasks in both\\nEnglish and Chinese.\\nGaokao-Bench (Zhang et al. 2023b): GAOKAO-Bench\\nuses 2811 exam questions from Chinese college entrance\\nexams (Gaokao) from 2010-2022 covering all subjects. It\\nhas 1781 multiple choice, 218 fill-in-blank, and 812 open-\\nended questions across math, Chinese, English, physics, etc.\\nEvaluation Protocol\\nFor LLM-Eval, we followed the practice of Zhang et al.\\n(2023a), evaluating the response quality of a model through\\n5 scoring items: accuracy, fluency, informativeness, logical-\\nity, and harmlessness. Scores for each aspect range from 0\\nto 3. We use the prompt shown in Appendix to submit the\\ninstruction, model response, and reference answer to GPT-4\\nfor automated evaluation. Based on the results reported by\\nZhang et al. (2023a), this evaluation method demonstrates a\\nhigh degree of consistency with human evaluation.\\nFor the four standardized testing benchmarks, we calcu-\\nlate the accuracy metric for model responses. Additionally,\\nwe follow the common practice of employing a zero-shot\\nsetting for AGI-Eval and GAOKAO-Bench, while using a5-shot setting for C-Eval and MMLU.\\nMain Results\\nThe Impact of Vocabulary Extension on Transfer\\nWhen we aim to enhance the capabilities of a LLM\\nin a specific language, vocabulary extension is an intu-\\nitively reasonable approach. In this section, we evaluate\\nthe impact of vocabulary extension through the LLM-\\nEval benchmark, and the experimental results are presented\\nin table 1. Initially, we collected one million Chinese\\nsentences from the internet (approximately 0.5 billion\\ntokens) and further pretrain the original LLaMA without\\nvocabulary extension. Surprisingly, we find that this model\\nsignificantly ourperform the vocabulary-extended Chinese\\nLLaMA, across settings of 1K, 5K, and 950K instruction\\ntuning. This discovery is thought-privoking, given that the\\nChinese LLaMA underwent further Chinese pretraining on\\n30 billion tokens, a much larger volume than our 0.5 billion\\ntokens. Moreover, within the 950K setting, we include\\nresults from extending the vocabulary on original LLaMA\\nand training it with the same 0.5 billion tokens, to mitigate\\nthe influence of training data discrepancy. The outcomes\\nremain consistent. This indicates that vocabulary extension\\nis not a favorable choice within training scales of tens of\\nbillions of tokens. While we don’t negate the efficacy of\\nvocabulary extension in settings involving larger-scale pre-\\ntraining (such as trillions of tokens), as reported in other\\nliteratures (Team 2023b), this already leans more towards\\nretraining than mere language transfer.', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='b316c5e3-b776-47da-8d63-ba510e173633', embedding=[0.005710112862288952, -0.0018865012098103762, 0.031217144802212715, -0.017744630575180054, -0.006579195149242878, 0.02003425918519497, -0.0017224577022716403, -0.005741525441408157, -0.02912297286093235, -0.0363827720284462, 0.005137705709785223, 0.019266394898295403, -0.0166696198284626, 0.0011622662423178554, -0.007511102128773928, 0.005957923363894224, 0.01574818417429924, 0.006306952331215143, -0.0024501830339431763, -0.010233527980744839, -0.021556025370955467, -0.006181302014738321, -0.03646653890609741, -0.021458297967910767, -0.010121838189661503, 0.012851244769990444, 0.02873205952346325, -0.027964197099208832, -0.036689918488264084, 0.0011936788214370608, 0.010603498667478561, 0.01901509426534176, -0.031943127512931824, 0.003036551410332322, -0.00841857772320509, -0.02725217677652836, 0.002989432541653514, -0.018177425488829613, 0.027363866567611694, -0.010079954750835896, 0.026330741122364998, 0.02836906909942627, 0.008020684123039246, -0.02688918635249138, 0.004369841888546944, 0.010156741365790367, 0.01385644730180502, -0.02873205952346325, -0.02236577309668064, 0.024864818900823593, 0.014093787409365177, 0.019950492307543755, -0.022547267377376556, 0.00976582895964384, -0.02451579086482525, 0.009772809222340584, 0.010701226070523262, 0.035991862416267395, 0.014010020531713963, -0.003003393765538931, -0.014324146322906017, 0.008788547478616238, -0.026414508000016212, 0.03501458093523979, 0.0010889702243730426, -0.0047293417155742645, -0.0016256021335721016, 0.008167276158928871, 0.01703261025249958, -0.013256117701530457, 0.01051275059580803, 0.02395734377205372, -0.003073199652135372, -0.01054067350924015, 0.029178816825151443, -0.002226804383099079, -0.006216204725205898, -0.026777498424053192, 0.0017207125201821327, 0.010624440386891365, 0.021639792248606682, -0.004429176915436983, -0.014673175290226936, 0.022980064153671265, 0.013542321510612965, 0.004390783607959747, -0.005123744253069162, -0.008278965950012207, -0.0020749769173562527, 0.00804162584245205, 0.009249266237020493, 0.005280807614326477, 0.034316521137952805, 0.015441038645803928, -0.012153186835348606, -0.011880944482982159, 0.004917817190289497, 0.012990855611860752, -0.022030705586075783, -0.02003425918519497, -0.01874983310699463, -0.01623682491481304, -0.026693731546401978, -0.009137576445937157, -0.023510586470365524, -0.01158077921718359, 0.0059300013817846775, 0.003347187303006649, -0.002729406114667654, -0.008641955442726612, -0.031161300837993622, 0.023301169276237488, -0.004383802879601717, -0.025325536727905273, -0.020173870027065277, -0.02015990950167179, 0.008013703860342503, -0.007532043848186731, -0.013898330740630627, -0.015231621451675892, 0.04590428248047829, 0.012481274083256721, 0.02674957551062107, -0.01510597113519907, 0.03183143585920334, 0.02362227626144886, 0.017074493691325188, -0.00894212070852518, -0.04068281129002571, 0.007169053889811039, 0.01676734909415245, 0.033450931310653687, 0.01577610708773136, 0.014519602991640568, -0.036689918488264084, 0.035070423036813736, -0.010240508243441582, -0.0070748161524534225, -0.003884691745042801, -0.013123487122356892, 0.005982355680316687, 0.01821930892765522, -0.00012957697617821395, -0.011894905008375645, -0.013681933283805847, 0.021123230457305908, -0.005703132599592209, 0.03428860008716583, 0.005039977375417948, -0.0060277292504906654, -0.01153191551566124, -0.027070682495832443, 0.005245904438197613, 0.021402452141046524, 0.024306373670697212, -0.010031091049313545, -0.004401254467666149, 0.024236567318439484, -0.01659981533885002, -0.008627994917333126, 0.01263484638184309, 0.007448276970535517, -0.002519988687708974, 0.016530008986592293, -0.015050126239657402, 0.02355246990919113, 0.029262583702802658, -0.021360568702220917, 0.0017783022485673428, -0.03493081405758858, -0.013116506859660149, 0.03858863562345505, -0.031384680420160294, 0.02817361429333687, 0.012320720590651035, -0.004331448581069708, 0.038532789796590805, -0.014107748866081238, -0.006893320940434933, -0.02115115150809288, 0.001992955105379224, 0.013633069582283497, 0.014770903624594212, 0.0020522898994386196, -0.016446242108941078, -0.012579001486301422, -0.0008176002302207053, -0.00788805354386568, 0.005245904438197613, -0.012718613259494305, 0.014701097272336483, 0.02267291769385338, 0.018721910193562508, -0.008502344600856304, -0.6254597902297974, -0.016851115971803665, 0.00871176179498434, -0.0028079375624656677, 0.00040051067480817437, -0.006450054235756397, -0.003999871201813221, -0.016097214072942734, -0.019587501883506775, 0.02711256593465805, -0.020844006910920143, -0.006512879393994808, -0.010854799300432205, -0.01510597113519907, 0.007902014069259167, -0.021332647651433945, -0.006317423190921545, -0.034176912158727646, 0.02039724960923195, -0.010701226070523262, -0.01983880251646042, -0.004865462891757488, 0.011964711360633373, 0.003748570568859577, -0.012313740327954292, -0.004254662431776524, 0.02098361775279045, -0.011259672231972218, 0.013388749212026596, 0.017507290467619896, -0.011985653080046177, 0.02217031642794609, 0.005259865429252386, 0.0009057300048880279, 0.045150380581617355, -0.009074751287698746, -0.02895543910562992, 0.011727371253073215, 0.0062860106118023396, 0.013681933283805847, -0.008544228039681911, 0.002797466702759266, 0.01262088492512703, -0.00015553600678686053, -0.01162964291870594, 0.019559580832719803, 0.007622791454195976, -0.002097663702443242, -0.00361244915984571, -0.0152735048905015, -0.012844263575971127, 0.01914074458181858, 0.002036583609879017, 0.005427399650216103, -0.0019981905352324247, 0.005985845811665058, 0.015399155206978321, -0.01673942618072033, 0.004708399996161461, -0.009284169413149357, 0.010052032768726349, 0.008348771370947361, -0.00494224950671196, -0.0101008964702487, -0.03127298876643181, -0.0009694278123788536, -0.01775859110057354, 0.007853150367736816, 0.0009022397571243346, -0.0048200893215835094, -0.00806954875588417, 0.007559966295957565, 0.0027590736281126738, -0.007881072349846363, -0.002314061624929309, 0.01594364084303379, 0.012062438763678074, -0.005305239465087652, -0.002926607383415103, 0.01654396951198578, 0.0057868994772434235, -0.006708335597068071, 0.020704394206404686, 4.589184754877351e-05, 0.020704394206404686, 0.004575768951326609, 0.01262088492512703, 0.005835763178765774, -0.018428726121783257, 0.01322819571942091, 0.00957037229090929, -0.0051062931306660175, -0.022547267377376556, -0.027754778042435646, 0.0013350355438888073, 0.01012881938368082, -0.016222864389419556, -0.003598487935960293, 0.0101008964702487, -0.027657050639390945, -0.025883983820676804, -0.0023821222130209208, 0.01739560067653656, 0.013465534895658493, 0.018959250301122665, 0.02272876165807247, 0.003884691745042801, -0.0015732478350400925, 0.04071073234081268, -0.0051411958411335945, -0.008083509281277657, 0.029904797673225403, -0.007594869006425142, -0.005556540098041296, 0.029234660789370537, -0.030351553112268448, 0.006600136868655682, 0.007559966295957565, 0.02807588502764702, -0.014868631958961487, -0.0027084643952548504, -0.0018515983829274774, 0.034679513424634933, -0.007336587645113468, -0.012229972518980503, 0.030630776658654213, -0.0019894647412002087, 0.006998029537498951, 0.02829926460981369, 0.004739812575280666, -0.012948972173035145, -0.0027503478340804577, 0.009025887586176395, -0.02987687475979328, 0.052829016000032425, 0.020578743889927864, 0.035600949078798294, -0.001614258741028607, 0.005849724635481834, -0.01364004984498024, -0.0341210663318634, -0.011769254691898823, 0.0061429087072610855, -0.03733213245868683, -0.025311576202511787, -0.019461851567029953, -0.020997578278183937, 0.029011283069849014, 0.0029335878789424896, 0.005252885166555643, -0.0012582491617649794, -0.016027407720685005, -0.023245325312018394, -0.005420418921858072, -0.030156098306179047, -0.0003490289091132581, -0.008956082165241241, -0.02546514943242073, -0.006544291973114014, -0.038337334990501404, -0.009535470046103, 0.012941991910338402, -0.018735872581601143, -0.009975246153771877, 0.00050042022485286, -0.020830044522881508, 0.001661377609707415, 0.03110545687377453, -0.021597908809781075, -0.03132883459329605, -0.008397636003792286, -0.0548115000128746, -0.014121709391474724, 0.016990726813673973, -0.012313740327954292, 0.001441489439457655, -0.018735872581601143, 0.0047572641633450985, -0.009835634380578995, -0.02425052784383297, 0.01162964291870594, 0.025953790172934532, -0.004781696014106274, -0.001724202767945826, 0.0377509668469429, 0.02154206484556198, 0.005675210151821375, -0.010645382106304169, -0.016222864389419556, 0.020215755328536034, -0.012641826644539833, 0.03786265477538109, -0.01287916675209999, 0.002869017655029893, -0.012397507205605507, 0.012928030453622341, 0.005197040271013975, -0.008020684123039246, -0.001795753720216453, 0.02454371377825737, 0.006045180838555098, 0.03057493269443512, 0.009654139168560505, -0.023370975628495216, 0.006359306629747152, -0.011099119670689106, 0.005448341369628906, -0.005633326712995768, 0.008097470737993717, 0.014275282621383667, 0.018917366862297058, -0.00853026658296585, -0.014310184866189957, -0.028257381170988083, -0.009004945866763592, 0.02929050661623478, 0.003209320828318596, 0.0009589569526724517, 0.00988449901342392, 0.006436093244701624, -0.01327705942094326, -0.00535410363227129, 0.052438102662563324, 0.021932976320385933, -0.011503992602229118, -0.0037136676255613565, -0.02282649092376232, 0.029513884335756302, 0.013158390298485756, -0.012516176328063011, 0.0012477783020585775, -0.004034774377942085, 0.027321983128786087, 0.01604136824607849, 0.027657050639390945, -0.005336652044206858, 0.046574417501688004, 0.015078049153089523, 0.019992375746369362, 0.0005654268315993249, 0.011657565832138062, 0.014617330394685268, 0.0043454100377857685, -0.002739876974374056, 0.019629385322332382, -0.01618098095059395, 0.018093658611178398, 0.024822935461997986, -0.018442686647176743, 0.01824723184108734, -0.00434191944077611, 0.020020298659801483, -0.007273762486875057, -0.005291278474032879, 0.0010191644541919231, -0.023440781980752945, -0.00424070144072175, -0.0003335407527629286, 0.026512235403060913, 0.017632940784096718, 0.011301555670797825, 0.017018649727106094, 0.009130596183240414, -0.0005754614248871803, 0.020271599292755127, -0.012718613259494305, 0.00021956099953968078, 0.001125618233345449, -0.020704394206404686, 0.01556668896228075, -0.021960899233818054, -0.03152428939938545, 0.01703261025249958, -0.021919015794992447, 0.016683582216501236, 0.005155156832188368, 0.015734223648905754, 0.007273762486875057, 0.013081603683531284, 0.023971306160092354, -0.032836638391017914, -0.022756684571504593, 0.030323632061481476, 0.004010342061519623, 0.004704909864813089, -0.00048296875320374966, -0.03205481544137001, 0.010142779909074306, -0.018498532474040985, 0.0005894225905649364, -0.011517954058945179, 0.008600072003901005, -0.019070940092206, -0.002987687475979328, -0.028410952538251877, 0.020383289083838463, 0.02076024003326893, -4.454890586202964e-06, 0.006544291973114014, 0.007448276970535517, 0.000948486034758389, 0.01344459317624569, -0.02197485975921154, -0.016962805762887, 0.017577094957232475, -0.017018649727106094, -0.024362217634916306, -0.008376693353056908, -0.0019563070964068174, 0.0026857773773372173, 0.0007233624346554279, -0.0013577224453911185, 0.00029732901020906866, 0.019852764904499054, 0.04140878841280937, 0.013647030107676983, 0.018693989142775536, 0.007245840039104223, 0.034176912158727646, 0.016613775864243507, -0.014966359362006187, -0.02987687475979328, -0.008690820075571537, 0.012278837151825428, 0.03532172739505768, 0.029234660789370537, -0.017283910885453224, 0.011699449270963669, -0.021179074421525, -0.0013751739170402288, -0.019559580832719803, -0.005399477202445269, 0.015804028138518333, 0.02734990604221821, -0.03479120135307312, -0.02177940309047699, 0.02286837436258793, 0.0030103742610663176, 0.01865210570394993, 0.009779790416359901, 0.00723885977640748, -0.037639278918504715, 0.00434890016913414, 0.0011945514706894755, 0.0029684908222407103, 0.008963062427937984, 0.03191520273685455, 0.03766719996929169, -0.0013996058842167258, 0.014142651110887527, 0.029039205983281136, 0.014205476269125938, -0.010435963980853558, -0.02510215900838375, -0.008690820075571537, 0.000538813357707113, 0.008278965950012207, 0.008956082165241241, -0.014017000794410706, 0.0227985680103302, 0.0022878844756633043, -0.0030400417745113373, 0.011099119670689106, -0.01098742987960577, 0.012292798608541489, 0.01957354135811329, 0.004565298091620207, -0.00991940125823021, 0.0134096909314394, 0.007176034152507782, -0.02553495578467846, 0.013165370561182499, -0.014756942167878151, -0.019084900617599487, 0.024822935461997986, -0.009165499359369278, -0.02725217677652836, -0.01286520529538393, 0.02286837436258793, 0.0026037555653601885, -0.020508939400315285, -0.01057557575404644, 0.0027643090579658747, -0.02754536084830761, -0.030435319989919662, -0.03384184464812279, 0.020299522206187248, -0.010673304088413715, -0.035628870129585266, 0.012188089080154896, -0.02836906909942627, 0.001082862145267427, -0.018233269453048706, 0.017381640151143074, -0.013835505582392216, -0.03258533775806427, -0.034316521137952805, -0.0185822993516922, 0.00682700565084815, 0.012243933975696564, 0.03384184464812279, -0.01077103242278099, -0.0023541999980807304, 0.028871672227978706, 0.0014467248693108559, -0.0035810365807265043, 0.005528618115931749, -0.02052289992570877, -0.005116763990372419, -0.003874220885336399, -0.01664169877767563, -0.024599557742476463, -0.004010342061519623, -0.04023605212569237, 0.0006282520480453968, 0.00786013063043356, -0.01812158152461052, 0.0022041175980120897, 0.009312091395258904, 0.003807905362918973, 0.02725217677652836, 0.004279094282537699, 0.009577353484928608, -0.041995156556367874, 0.00886533409357071, -0.01673942618072033, -0.02095569483935833, -0.017632940784096718, 0.010945546440780163, 0.01640435867011547, 0.009081732481718063, -0.012537118047475815, 0.006509389262646437, -0.002249491401016712, 0.0069037918001413345, -0.027000876143574715, 0.0273080226033926, 0.011441167443990707, 0.023999227210879326, -0.010477847419679165, 0.013584204949438572, 0.012474292889237404, 0.01200659479945898, -0.012523157522082329, -0.0019999356009066105, -0.02359435334801674, 0.026149244979023933, 0.007915975525975227, -0.021667715162038803, 0.045317914336919785, 0.009367936290800571, 0.0021814305800944567, -0.027782700955867767, 0.01577610708773136, -0.012216011993587017, 0.030714543536305428, -0.002992922905832529, -0.016753386706113815, -0.02822945825755596, -0.01364004984498024, -0.024236567318439484, 0.004572278819978237, -0.014324146322906017, 0.0002595902478788048, 0.004966681357473135, 0.0077624027617275715, 0.0032965780701488256, -0.01510597113519907, 0.024557674303650856, -0.022254083305597305, -0.03130091354250908, 0.02635866403579712, 4.065641405759379e-05, 0.0026369134429842234, -0.0062057338654994965, 0.015064087696373463, -0.041688013821840286, -0.013612127862870693, -0.011427206918597221, -0.029625574126839638, 0.0002833678445313126, 0.007971820421516895, 0.019545618444681168, 0.016222864389419556, 0.04487115517258644, -0.012271856889128685, 0.018456649035215378, 0.015357271768152714, -0.01016372162848711, -0.0018254212336614728, -0.009165499359369278, 0.007867111824452877, -0.01423339918255806, -0.011790196411311626, 0.012306759133934975, -0.01447771955281496, 0.011783216148614883, -0.015050126239657402, 0.008320849388837814, 0.043865952640771866, -0.025283653289079666, -0.03004440851509571, -0.023035908117890358, -0.022575190290808678, 0.004554827231913805, 0.0025548916310071945, -0.004736322443932295, 0.010121838189661503, -0.033032096922397614, -0.013360826298594475, 0.02473916858434677, -0.003401286667212844, 0.011406265199184418, 0.0008970042690634727, 0.01937808468937874, -0.021067384630441666, -0.0016735936515033245, -0.0022826490458101034, 0.012292798608541489, -0.024222606793045998, -0.006247617304325104, -0.041827622801065445, 0.0029440587386488914, 0.0020871928427368402, -0.016823193058371544, 0.010966488160192966, 0.022617073729634285, -0.0289275161921978, -0.007559966295957565, -0.01344459317624569, -0.01258598268032074, -0.004411725327372551, -0.026972953230142593, -0.026498274877667427, -0.005748506169766188, -0.03791850060224533, -0.0026194618549197912, -0.0032599300611764193, -0.008537246845662594, 0.011266653425991535, -0.01362608838826418, 0.02282649092376232, -0.021067384630441666, -0.0083348099142313, 0.05274524912238121, 0.04866858944296837, 0.05693359673023224, -0.010847818106412888, 0.020299522206187248, 0.015357271768152714, 0.007169053889811039, -0.018177425488829613, -0.003870730521157384, 0.025939827784895897, -0.00722489831969142, -9.05293745745439e-06, 0.01162964291870594, -0.025283653289079666, -0.00909569300711155, 0.028704136610031128, 0.0010095661273226142, -0.017632940784096718, -0.04774715378880501, 0.023859616369009018, 0.0034117575269192457, 0.0269171092659235, -0.026707692071795464, -0.011720390990376472, -0.02619112841784954, 0.013779661618173122, -0.006327894050627947, 0.004097599536180496, -0.00576595775783062, -0.009416799992322922, -0.00028642185498028994, 0.04012436419725418, 0.003396051237359643, 0.0059300013817846775, -0.007587888278067112, -0.011699449270963669, 0.023747926577925682, 0.0005226708017289639, -0.008034645579755306, 0.015790067613124847, -0.002446692669764161, 0.04341919720172882, -0.013605146668851376, -0.0046211425215005875, -0.015161816030740738, 0.0164741650223732, 0.0031482407357543707, 0.014407913200557232, -0.011134021915495396, 0.029904797673225403, -0.02066251076757908, 0.01474298071116209, 0.0009711729362607002, -0.00886533409357071, 0.0054448507726192474, -0.0060277292504906654, 0.004020812921226025, -0.01528746634721756, -0.015259543433785439, 0.020020298659801483, 0.0052040209993720055, 0.0031430053059011698, -0.028787903487682343, 0.005790389608591795, -0.018903406336903572, -0.006649000570178032, -0.007392432074993849, -0.02003425918519497, 0.016851115971803665, -0.03962176293134689, -0.014324146322906017, 0.005671719554811716, -0.005186569411307573, 0.017521250993013382, -0.0059998068027198315, -0.030882077291607857, 0.01710241660475731, 0.006289500743150711, -0.02984895184636116, 0.012900108471512794, 0.008963062427937984, -0.01567837782204151, -0.005329671315848827, -0.003008629195392132, -0.019810881465673447, -0.004956210497766733, 0.020341405645012856, -0.02372000552713871, -0.02728009968996048, -0.02098361775279045, 0.014379991218447685, 0.015315388329327106, 0.004303526598960161, -0.015873834490776062, 0.017870280891656876, -0.004582749679684639, 0.013270079158246517, -0.01093856617808342, 0.01262088492512703, 0.008586111478507519, -0.002800957066938281, -0.006373268086463213, 0.019517697393894196, -0.017046572640538216, 0.016530008986592293, -0.004474550485610962, 0.013758719898760319, -0.01851249299943447, -0.03515418991446495, 0.01197867188602686, 0.007176034152507782, 0.004750283434987068, -0.009968265891075134, -0.009898459538817406, -0.012292798608541489, -0.011887924745678902, -0.027517439797520638, 0.02098361775279045, -0.013388749212026596, 0.007936917245388031, 0.008404616266489029, -0.0033681290224194527, 0.017674824222922325, 0.02006218209862709, -0.018372882157564163, -0.01012881938368082, 0.026833342388272285, -0.0014397442573681474, -0.03694121912121773, -0.018275152891874313, -0.01174831297248602, 0.03328339755535126, 0.013067642226815224, -0.016292668879032135, -0.030323632061481476, -0.0337301529943943, -0.04308412969112396, -0.007273762486875057, -0.009668100625276566, 0.01411472912877798, 0.01601344719529152, 0.021737519651651382, -0.004334939178079367, 0.016516048461198807, -6.390910129994154e-07, 0.011720390990376472, -0.012739554978907108, -0.00032525131246075034, -0.016418319195508957, -0.020704394206404686, 0.0032023403327912092, -0.011238730512559414, -0.01309556420892477, -0.003909123595803976, 0.008970042690634727, 0.00023079536913428456, -0.008174257352948189, 0.0064919376745820045, -0.0008721359772607684, -0.018470609560608864, 0.00874666403979063, 0.028648292645812035, -0.00032110660686157644, -0.009549430571496487, 0.008586111478507519, -0.02570248953998089, -0.002314061624929309, 0.016488125547766685, -0.012048478238284588, -0.015385194681584835, -0.0011910611065104604, 0.0029772166162729263, 0.006443073507398367, 0.02039724960923195, 0.0073505486361682415, -0.0065268403850495815, 0.008153315633535385, -0.018163464963436127, 0.028676215559244156, -0.0016404358902946115, 0.006736258044838905, 0.02207258902490139, 0.012858225032687187, 0.007573927287012339, -0.0027904862072318792, 0.002624697284772992, -0.005643797572702169, -0.0012477783020585775, 0.0488361231982708, -0.015399155206978321, -0.005678700283169746, -0.015887795016169548, -0.019098861142992973, -0.008823450654745102, -0.0045862398110330105, 0.004006851930171251, -0.0134096909314394, -0.032864563167095184, 0.026274897158145905, 0.029597651213407516, -0.02747555635869503, -0.002246001036837697, -3.869312786264345e-05, -0.0015200208872556686, -0.005560030695050955, -0.017074493691325188, 0.008432538248598576, -0.01788424141705036, 0.0011657566064968705, -0.010896682739257812, -0.010045051574707031, 0.0015261288499459624, -0.011455128900706768, 0.03021194227039814, -0.007483179681003094, -0.008586111478507519, 0.21086931228637695, -0.02342681959271431, -0.018861522898077965, 0.02602359466254711, -0.004516433924436569, 0.0006836603861302137, 0.03847694769501686, 0.033032096922397614, -0.014701097272336483, 0.014966359362006187, 0.020899850875139236, 0.005451831500977278, -0.018917366862297058, -0.002595030004158616, -0.012746536172926426, -0.017088456079363823, -0.030519086867570877, -0.02698691561818123, 0.014715058729052544, 0.033060017973184586, 0.011371362023055553, -0.01092460472136736, -0.004038264509290457, -0.006470995955169201, 0.0004018195322714746, -0.004823579452931881, 0.01492447592318058, 0.009018907323479652, 0.02122095786035061, 0.0007211809861473739, -0.00994732417166233, -0.004129012115299702, 0.004492002073675394, -0.00029340243781916797, -0.02507423609495163, -0.0018533434486016631, 0.014952398836612701, -0.014407913200557232, 0.03534964844584465, 0.009821673855185509, 0.007392432074993849, 0.003204085398465395, -0.0008197816787287593, -0.023049868643283844, -0.0021814305800944567, 0.029821030795574188, -0.01611117459833622, 0.003078435081988573, -0.0032302625477313995, 0.0012189834378659725, 0.0010767541825771332, 0.011734351515769958, 0.01768878474831581, 0.03437236696481705, -0.005256375297904015, 0.00022926836390979588, 0.00011986961908405647, -0.024292411282658577, 0.004307016730308533, -0.003912614192813635, -0.018107619136571884, -0.009682062081992626, 0.019741075113415718, 0.0071446215733885765, -0.013779661618173122, 0.0027032289654016495, -0.001326309866271913, -0.000952848931774497, -0.0009511037496849895, -0.01217412855476141, -0.022086549550294876, -0.02154206484556198, -0.008327829651534557, -0.018372882157564163, -0.0415763221681118, -0.041995156556367874, 0.043893877416849136, 0.04280490428209305, 0.014756942167878151, 0.046630263328552246, -0.007005010265856981, -0.03939838334918022, -0.010219566524028778, -0.012872186489403248, -0.01901509426534176, -0.011113080196082592, 0.009298129938542843, -0.016264747828245163, -0.012264875695109367, -0.01739560067653656, -0.005441360641270876, -0.0021814305800944567, -0.0206904336810112, 0.016962805762887, 0.003964968491345644, -0.012027536518871784, 0.0105895372107625, -0.004848011769354343, -0.00405222550034523, -0.0311333779245615, -0.02718237228691578, 0.05185173451900482, 0.035237956792116165, 0.01821930892765522, 0.006977087818086147, -0.007022461853921413, -0.020550822839140892, -0.0024938115384429693, -0.0013158390065655112, 0.004603691399097443, -0.00018629418627824634, -0.05162835493683815, 0.00746223796159029, -0.014149632304906845, -0.012320720590651035, -0.0023821222130209208, -0.0004690075875259936, 0.008816470392048359, 0.060144662857055664, -0.007748441770672798, -0.0016701032873243093, -0.01268371008336544, 0.00611149612814188, 0.00681304419413209, -0.01138532254844904, -0.015580650418996811, -0.02025763876736164, 0.005514656659215689, -0.03096584416925907, -0.0025409304071217775, 0.018861522898077965, -0.04526206851005554, 0.0321665033698082, 0.003242478473111987, 0.008048607036471367, -0.005085351411253214, -0.010135799646377563, 0.002902175299823284, -0.015831951051950455, -0.025088198482990265, 0.007629771716892719, -0.0035094856284558773, 0.004115050658583641, -0.009682062081992626, 0.03292040526866913, 0.0012966423528268933, -0.0038567695301026106, 0.025590799748897552, -0.01584591157734394, -0.020927773788571358, -0.016585852950811386, -0.015175776556134224, -0.007546004839241505, -0.005322691053152084, 0.030910000205039978, 0.018819639459252357, -0.004013832658529282, -0.0051726084202528, 0.009584333747625351, 0.019559580832719803, -0.03336716443300247, -0.0020627607591450214, 0.02025763876736164, -0.00722489831969142, -0.006498918402940035, -0.008390654809772968, -0.17926125228405, -0.004872443620115519, 0.02711256593465805, -0.02154206484556198, 0.028704136610031128, 0.005217981990426779, 0.027657050639390945, -0.005095822270959616, -0.02744763344526291, -0.01222299225628376, 0.003605468664318323, 0.0021011540666222572, -0.028676215559244156, -0.012278837151825428, -0.016920922324061394, 0.006970107089728117, -0.02589794434607029, -0.0035949978046119213, 0.00894212070852518, 0.026219051331281662, 0.021863169968128204, -0.021039461717009544, 0.005521637387573719, 0.008369713090360165, -0.015887795016169548, 0.003146495670080185, -0.0067327674478292465, 0.02606547810137272, -0.014966359362006187, -0.025967750698328018, -0.02500443160533905, -0.0005174353718757629, 0.011015352793037891, 0.0051062931306660175, 0.01795404776930809, 0.011106099933385849, 0.007455257698893547, -0.0035705657210201025, -0.009954304434359074, 0.01528746634721756, 0.011259672231972218, 0.04707701876759529, -0.005423909053206444, -0.009458683431148529, -0.016097214072942734, 0.037471745163202286, 0.03493081405758858, -0.023678122088313103, 0.025213848799467087, 0.00947264488786459, -0.00587415648624301, -0.013025758787989616, 0.04160424694418907, 8.354879537364468e-05, -0.010680284351110458, 0.0032965780701488256, 0.01112006139010191, 0.012090361677110195, 0.0016945353709161282, -0.004670006688684225, 0.01897321082651615, 0.004704909864813089, 0.035991862416267395, -0.009333033114671707, 0.002177940448746085, -0.017186183482408524, -0.025116119533777237, 0.015036165714263916, -0.021193034946918488, 0.0012861714931204915, 0.00463859410956502, -0.01268371008336544, 0.01057557575404644, -0.011915846727788448, 0.022156355902552605, 0.032138582319021225, -0.0017861553933471441, 0.024404101073741913, 0.02243557758629322, 0.009647158905863762, -0.03258533775806427, 0.028983360156416893, -0.026596002280712128, -0.010945546440780163, -0.025576839223504066, -0.0024728698190301657, 0.006998029537498951, 0.024208644405007362, -0.024404101073741913, -0.015399155206978321, 0.023077791556715965, -0.015371233224868774, -0.010917624458670616, -0.012523157522082329, 0.012886147014796734, 0.006505898665636778, -0.011308536864817142, -0.01070820726454258, -0.009556411765515804, -0.016446242108941078, 0.00910965446382761, 0.003519956488162279, -0.015664417296648026, -0.0007787707727402449, 0.030630776658654213, -0.00393704604357481, -0.010317294858396053, 0.006774651352316141, 0.03325547277927399, -0.012439390644431114, 0.011294575408101082, -0.0014406167902052402, 0.02071835659444332, 0.009926382452249527, -0.0015270014991983771, 0.03590809553861618, -0.007559966295957565, -0.014421874657273293, 0.011503992602229118, 0.0037869636435061693, 0.04947833716869354, -0.018987173214554787, -0.005905569065362215, 0.023803772404789925, -0.01567837782204151, -0.01162964291870594, -0.11984256654977798, -0.0035164663568139076, 0.010868759825825691, 0.03132883459329605, -0.020676473155617714, 0.012928030453622341, 0.004411725327372551, 0.04866858944296837, -0.015831951051950455, 0.03649446368217468, -0.02948596142232418, -0.006694374606013298, 0.015999484807252884, 0.011936788447201252, -0.006062631960958242, 0.002725915750488639, 0.028257381170988083, 0.004635103978216648, -0.008223121054470539, 0.04755169898271561, -0.006331384181976318, -0.0006875869585201144, 0.017451444640755653, -0.017339756712317467, 0.027559323236346245, 0.0003880765289068222, -0.03370223194360733, 0.026274897158145905, 0.004101089667528868, 0.002600265434011817, 0.031412601470947266, -0.029067127034068108, 0.012264875695109367, -0.013004817068576813, 0.010680284351110458, -0.012062438763678074, -0.01686507649719715, -0.005197040271013975, 0.026316780596971512, 0.004209288861602545, 0.0014441071543842554, 0.01838684268295765, -0.009912420995533466, -0.023580392822623253, -0.003137769876047969, -0.005263356026262045, -0.0206904336810112, 0.0210813470184803, -0.005671719554811716, -0.0463789626955986, -0.026246974244713783, -0.02401318959891796, -0.03995683044195175, 0.018596259877085686, 0.01792612485587597, -0.01851249299943447, 0.020090103149414062, 0.0073784710839390755, -0.021206997334957123, -0.005001584067940712, 0.0035182114224880934, -0.010428983718156815, -0.03786265477538109, -0.0004035646852571517, 0.023580392822623253, 0.0024781052488833666, 0.0011517953826114535, -0.02309175208210945, 0.0026857773773372173, 0.0024257509503513575, -0.0019999356009066105, 0.033395085483789444, 0.006457034964114428, 0.010317294858396053, -0.04855690151453018, 0.021165113896131516, -0.03311586380004883, -0.049617949873209, -0.0009449957869946957, -0.007420354522764683, -0.004310506861656904, -0.019098861142992973, -0.014603369869291782, -0.03518211469054222, 0.02039724960923195, -0.0066175879910588264, -0.02076024003326893, -0.022421617060899734, -0.0036438617389649153, -0.0123556237667799, -0.02839699201285839, 0.008167276158928871, 0.010268430225551128, -0.02688918635249138, -0.007552985567599535, 0.0002709336986299604, -0.0010121838422492146, -0.010498789139091969, 0.01967126876115799, 0.008774586953222752, -0.027684973552823067, 0.0024205155204981565, -0.04626727104187012, 0.015050126239657402, 0.0032023403327912092, -0.013933233916759491, -0.011141003109514713, -0.012551079504191875, 0.022840451449155807, -0.011343439109623432, -0.00871176179498434, 0.01138532254844904, -0.03406522050499916, 0.01637643575668335, -0.017311833798885345, -0.007657694164663553, -0.020648550242185593, -0.010750090703368187, 0.014631291851401329, 0.0032197916880249977, 0.00788805354386568, 0.007385451812297106, -0.014840709045529366, 0.0012416703393682837, 0.007497141137719154, 0.007573927287012339, -0.012788419611752033, 0.0009066025959327817, -0.027433672919869423, 0.02635866403579712, -0.013437612913548946, -0.0009031122899614275, 0.010547653771936893, -0.026833342388272285, -0.009423780255019665, 0.016613775864243507, -0.04121333360671997, -0.02425052784383297, 0.030156098306179047, 0.0274057500064373, 0.02478105202317238, 0.023007985204458237, -0.013912292197346687, -0.028676215559244156, 0.009018907323479652, -0.005235433578491211, -0.0013882624916732311, 0.009633197449147701, -0.010401061736047268, -0.010205605067312717, 0.007364510092884302, -0.0065198601223528385, 0.017144300043582916, 0.001164011424407363, -0.004170895554125309, -0.019196590408682823, 0.0007901141652837396, -0.001935365260578692, 0.010240508243441582, -0.005923020653426647, 0.029597651213407516, 0.01654396951198578, 0.018261192366480827, 0.0017870280425995588, 0.009242285043001175, -0.015734223648905754, 0.0012015319662168622, -0.005738035310059786, -0.02071835659444332, 0.004429176915436983, -0.014798825606703758, -0.011706429533660412, -0.009954304434359074, 0.021946938708424568, 0.011280613951385021, 0.011783216148614883, 0.001316711539402604, 0.02313363552093506, 0.007385451812297106, -0.00012161475751781836, -0.013011797331273556, 0.032501570880413055, -0.00017789566481951624, -0.013605146668851376, -0.013116506859660149, 0.006795593071728945, 0.008858353830873966, -0.011929808184504509, -0.013081603683531284, -0.0003293960471637547, -0.005689171142876148, -0.004865462891757488, 0.011524934321641922, 0.015231621451675892, -8.998401608550921e-05, 0.012362604029476643, 0.0017547428142279387, 0.021863169968128204, 0.001973758451640606, -0.0013585949782282114, 0.029737263917922974, 0.02006218209862709, 0.025646643713116646, -0.0032354979775846004, -0.009242285043001175, -0.024362217634916306, -0.019168667495250702, -0.0012844264274463058, -0.039817217737436295, -0.006125457119196653, 0.025911906734108925, 0.01713033951818943, -0.004436157643795013, -0.0008703908533789217, 0.014191515743732452, 0.009493586607277393, -0.01264880783855915, 0.0105895372107625, 0.007915975525975227, -0.03406522050499916, -0.0379464216530323, 0.019182628020644188, 0.015580650418996811, 0.02088589034974575, 0.027922311797738075, 0.019517697393894196, 0.006711825728416443, 0.018456649035215378, 0.031747668981552124, -0.030156098306179047, 0.01683715544641018, 0.002314061624929309, 0.017269950360059738, 0.008425557985901833, -0.010456905700266361, -0.015203699469566345, -0.01736767776310444, -0.001963287591934204, 0.016418319195508957, 0.021960899233818054, 0.0037764927837997675, 0.08421369642019272, 0.01359118614345789, -0.0022669427562505007, 0.016460202634334564, 0.020187832415103912, 0.013800603337585926, 0.007818247191607952, 0.00786013063043356, -0.003333226079121232, -0.03574056178331375, -0.009996187873184681, -0.008970042690634727, -0.018037814646959305, -0.02483689785003662, -0.01877775602042675, -0.0210813470184803, 0.01162964291870594, 0.02728009968996048, -0.018456649035215378, -0.028871672227978706, 0.02803400158882141, 0.004830560181289911, 0.012285817414522171, 0.02575833350419998, -0.010052032768726349, 0.001025272416882217, 0.004083638079464436, 0.01703261025249958, 0.009018907323479652, -0.006540801841765642, 0.00746921868994832, 0.032334037125110626, -0.02764309011399746, -0.01581799052655697, -0.004041754640638828, -0.02616320736706257, -0.012062438763678074, -0.007322626654058695, 0.009584333747625351, -0.0038009248673915863, 0.007036422844976187, -0.004872443620115519, -0.01676734909415245, -0.016627736389636993, -0.014366029761731625, -0.002088937908411026, -0.015524805523455143, -0.007169053889811039, -0.04763546586036682], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='9be28957-e73a-4b1c-ad0f-ca144647dfa3', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '5', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_type': 'application/pdf', 'file_size': 1719588, 'creation_date': '2024-02-25', 'last_modified_date': '2024-01-15', 'last_accessed_date': None}, hash='025b0b1d8c7199c2fd5c98a97bc1c92e8d5e596b743770820003522d1f8d8442')}, text='CEval GAOKAO-Bench MMLU AGIEval0.0010.0020.0030.0040.0050.00LLaMA-7B\\nChinese-LLaMA-Plus-7B\\nOpen-Chinese-LLaMA-7BLLaMA-2-7B\\nChinese-LLaMA-2-7BLLaMA-13B\\nChinese-LLaMA-Plus-13BFigure 2: Knowledge-level evaluation results on four benchmarks.\\nTraining Scales Required for Effective Transfer\\nTraining scale constitutes another significant factor influ-\\nencing the transferability of LLM capabilities, composed\\nof both pretraining scale and instruction tuning scale.\\nExperimental results are shown in table 1. Taking the\\nexample of LLaMA (with 10K, 100K, and 1M further\\npretrain) and Open Chinese LLaMA, the scale of further\\nChinese pretraining gradually increases from 0 to 100\\nbillion tokens. Under the settings of 1K and 5K instruction\\ntuning, we observed that the response quality improves\\nprogressively with the increase in the scale of further\\npretraining.1However, when the instruction tuning data\\nscale escalates to 950K, we find no significant differences\\nin response quality among the models. Consequently, we\\nhypothesize that more further pretraining could accelerate\\nthe model’s alignment with human instructions, but the mere\\ntens of billions in training scale are insufficient to enable the\\nmodel to grasp a greater amount of world knowledge. This\\nleads to their convergence at similar response levels. In other\\nwords, the enhancement in response quality primarily stems\\nfrom an improvement in language generation prowess rather\\nthan an elevation in knowledge level.\\nTo validate this standpoint, we evaluated the model’s\\nknowledge level on four widely used standardized test\\nbenchmarks. As shown in Figure 2, LLaMA 7B, Chinese\\nLLaMA 7B, and Open Chinese LLaMA 7B perform com-\\nparably on C-eval, gaokao-bench, and agi-eval, indicating no\\nsignificant differences induced by further Chinese pretrain-\\ning. It is worth noting that despite lacking further pretraining\\nin Chinese, both LLaMA2-7B and LLaMA-13B outperform\\nOpen Chinese LLaMA on C-eval, MMLU, and AGI-Eval,\\nsuggesting that trillion-level pretraining and larger model\\nsizes may indeed serve as effective pathways for enhancing\\nmodel knowledge levels.\\n1Chinese-LLaMA, however, stands as an exception due to the\\nadditional factor of vocabulary extension.L(0) L(10k) L(100k) L(1M) Open\\nChinese 10.151 8.697 6.634 5.249 3.924\\nEnglish 14.691 15.625 29.553 198.840 15.045\\nTable 2: Model perplexity with different further pretraining\\nscales. L denotes LLaMA, with the number in the\\nparentheses indicating the quantity of further pretraining\\nsamples. ', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='3217b4ce-2ce8-42f4-9c4c-7edd56a11012', embedding=[0.013117200694978237, -0.0069315205328166485, 0.011878696270287037, -0.03443179652094841, -0.0039481609128415585, 0.011967649683356285, -0.0006945205386728048, 0.014013577252626419, -0.03153054788708687, -0.013842512853443623, 0.005953033454716206, 0.04825378209352493, 0.00016261788550764322, -0.005949611775577068, -0.0018047270132228732, 0.025112221017479897, 0.015286294743418694, -0.034267574548721313, -0.0037428841460496187, -0.013794614933431149, -0.027616599574685097, 0.0064833322539925575, -0.022101491689682007, 0.0024975368287414312, -0.0200213510543108, -0.0027011032216250896, 0.02635756880044937, -0.02242993377149105, -0.0174074899405241, -0.007951063103973866, 0.00925799272954464, 0.026275457814335823, -0.04746004566550255, -0.002266600262373686, -0.006110412534326315, -0.02701445482671261, -0.0030363891273736954, -0.02241624891757965, 0.04346398636698723, -0.01603897660970688, 0.023168932646512985, 0.02299102582037449, 0.006117254961282015, -0.01025016512721777, -0.0018013057997450233, 0.0007894611917436123, 0.017804360017180443, 0.0027763715479522943, -0.01805069111287594, 0.01902233622968197, 0.004728213883936405, 0.017653822898864746, -0.017202213406562805, -0.0019381571328267455, -0.000678269425407052, -0.0034161515068262815, -0.02288154326379299, 0.02849244885146618, -0.0069862608797848225, -0.005898292642086744, 0.002263179048895836, 0.024715352803468704, -0.020267684012651443, 0.028547190129756927, -0.01592949591577053, 0.007862109690904617, 0.018324393779039383, 0.007417342625558376, 0.032680101692676544, -0.0025197751820087433, 0.0347876101732254, -0.006117254961282015, -0.005320095922797918, 0.008491626009345055, 0.03856470808386803, 0.011276550590991974, -0.02997044287621975, -0.026302827522158623, -0.004112382885068655, 0.0037155139725655317, 0.014916796237230301, -0.033200133591890335, -0.004605047404766083, 0.02136249467730522, -0.001879995223134756, -0.001176066230982542, -0.0012282407842576504, 0.015163128264248371, -0.0015549733070656657, -0.00661334116011858, 0.007779998704791069, 0.010270693339407444, 0.02039084956049919, 0.0015857649268582463, -0.028355596587061882, 0.010414387099444866, -0.004481881391257048, 0.011865011416375637, -0.015778958797454834, -0.022115176543593407, -0.004321081098169088, -0.008580579422414303, -0.018871799111366272, -0.006264369934797287, -0.007745785638689995, 0.005022444296628237, 0.0224709901958704, -0.015628423541784286, 0.015847384929656982, 0.027260785922408104, -0.012672433629631996, 0.0015489860670641065, -8.275229629362002e-05, -0.018652837723493576, -0.020815089344978333, -0.00802633073180914, 0.0020630338694900274, -0.0005995799438096583, -0.013411431573331356, 0.009600121527910233, 0.03287169337272644, 0.004998495336622, 0.01844756118953228, -0.01194027904421091, 0.013863041065633297, 0.01347301434725523, -0.01649058610200882, -0.011427086777985096, -0.012980349361896515, -0.0008061398984864354, -0.0005576692055910826, 0.020281368866562843, 0.03596453368663788, 0.009271678514778614, -0.02446901984512806, 0.04926648363471031, -0.01850230060517788, 0.011563938111066818, -0.012494527734816074, -0.011735002510249615, -0.003759990446269512, 0.009394844062626362, -0.004601626191288233, -0.0014318071771413088, -0.018091747537255287, 0.008053701370954514, 0.018789688125252724, 0.011050745844841003, 0.015559997409582138, -0.005279040429741144, -0.0032519300002604723, -0.02546803466975689, 0.0024889837950468063, 0.021280383691191673, 0.013390903361141682, -0.003494841046631336, 0.02144460566341877, 0.026275457814335823, -0.016832714900374413, -0.007266805972903967, -0.010865996591746807, 0.0014608880737796426, 0.0006953758420422673, -0.012412416748702526, -0.007205223198980093, 0.01643584668636322, 0.022115176543593407, -0.015313664451241493, 0.031010514125227928, -0.020103462040424347, -0.024701666086912155, 0.012193454429507256, -0.025837533175945282, 0.010722302831709385, 0.012391888536512852, -0.0007800526218488812, 0.022306768223643303, -0.014410446397960186, -0.0035307644866406918, -0.027110250666737556, -0.005398785229772329, 0.01598423719406128, 0.012022390030324459, 0.025303812697529793, -0.009757500141859055, -0.008621633984148502, 0.015655793249607086, 0.006876779720187187, 0.008081072010099888, -0.01706536114215851, 0.009723288007080555, 0.033665429800748825, 0.023853188380599022, 0.0005923096905462444, -0.6717758774757385, -0.029751481488347054, -0.012296092696487904, -0.008060543797910213, 0.014150428585708141, -0.012651906348764896, 0.00723259337246418, 0.013055617921054363, -0.01347301434725523, 0.029149334877729416, -0.032734841108322144, -0.025823848322033882, -0.00684598833322525, -0.023825818672776222, -0.010345960967242718, -0.01168026216328144, 0.011823955923318863, -0.0011623810278251767, 0.0028225588612258434, -0.007212065625935793, -0.022457305341959, 0.020869828760623932, -0.004635839257389307, 0.006757034920156002, -0.007704730611294508, 0.0011837640777230263, 0.018789688125252724, -0.0033460152335464954, -0.0044408258982002735, 0.01145445741713047, -0.025084851309657097, 0.005706700962036848, 0.018201228231191635, -0.020664552226662636, 0.044148240238428116, -0.005378257483243942, -0.022566786035895348, 0.02689128741621971, 0.0032964067067950964, 0.006370429880917072, -0.01270664669573307, 0.00825213547796011, 0.005888029001653194, 0.01603897660970688, -0.020089777186512947, 0.005980403628200293, 0.010325433686375618, 0.022293083369731903, -0.008546366356313229, -0.03142106905579567, -0.001736301346682012, 0.0100038331001997, 0.000976776471361518, -0.008737958036363125, -0.009778028354048729, -0.013069302774965763, 0.021841473877429962, -0.03924896568059921, -0.0008074229117482901, -0.01643584668636322, 0.00500875897705555, 0.004803481977432966, -0.014588353224098682, -0.02887563221156597, -0.020089777186512947, 0.009360631927847862, -0.018338078632950783, 0.011591308750212193, 0.004984810017049313, -0.0018355186330154538, -0.01802332140505314, 0.007020473480224609, -0.007164167705923319, -0.00562801118940115, -0.012446628883481026, 0.005453526042401791, 0.01839281991124153, 0.006055671721696854, -0.00724627822637558, 0.012843498028814793, 0.027192361652851105, 0.0008168314234353602, 0.014109373092651367, -0.0017739355098456144, 0.01802332140505314, -0.002030531642958522, -0.02342894859611988, 0.004451090004295111, 0.0025574094615876675, 0.0039926376193761826, 0.015122072771191597, 0.0030312570743262768, -0.01045544259250164, -0.03276221081614494, -0.01322668232023716, 0.016873769462108612, -0.011502355337142944, -0.007492610719054937, 0.02347000502049923, -0.00899797584861517, -0.015683162957429886, -0.010366489179432392, 0.032625358551740646, -0.0008223910117521882, 0.025071164593100548, 0.03144843876361847, 0.012460314668715, -0.0014181219739839435, 0.02884826250374317, -0.016764288768172264, 0.008375301957130432, 0.017653822898864746, -0.00461189029738307, -0.015176813118159771, 0.028109265491366386, -0.02648073434829712, 0.012152398936450481, 0.0064628045074641705, 0.020869828760623932, -0.030599959194660187, -0.012193454429507256, -0.003712092526257038, 0.02535855397582054, -0.019186558201909065, 0.00821792334318161, 0.010831783525645733, -0.016736919060349464, -0.006079620681703091, 0.01148182712495327, 0.006045408081263304, 0.015532626770436764, -0.011338133364915848, 0.0124808419495821, -0.015450515784323215, 0.031722139567136765, 0.019610796123743057, 0.010209109634160995, -0.014629407785832882, -0.007177852559834719, -0.0039926376193761826, -0.01842018961906433, 0.0009553934214636683, 0.003330619540065527, -0.018871799111366272, -0.023127876222133636, -0.010968634858727455, -0.004755584057420492, -0.007020473480224609, -0.017243267968297005, -0.00011450608144514263, 0.001688403426669538, -0.029012484475970268, -0.02188252843916416, 0.005480896215885878, 0.000976776471361518, 0.009429057128727436, 0.002974805887788534, -0.023579485714435577, -0.012494527734816074, -0.023278413340449333, -0.0007620909018442035, 0.011351818218827248, -0.004574256017804146, -0.00400974415242672, 0.0026018861681222916, -0.008286348544061184, -0.007540508639067411, 0.02898511290550232, -0.03229691460728645, -0.039194222539663315, 0.012118185870349407, -0.016613753512501717, 0.011406559497117996, 0.02397635392844677, -0.013568810187280178, 0.0044408258982002735, -0.032160066068172455, 0.006493595894426107, 0.0012359386309981346, -0.020568756386637688, 0.02537223882973194, 0.015135758556425571, 0.0030329679138958454, -0.012405574321746826, 0.01324036717414856, 0.006028301548212767, 0.015874754637479782, 0.0026942607946693897, -0.011372346431016922, 0.019788702949881554, -0.006151467561721802, 0.009278520941734314, -0.015204183757305145, 0.027123935520648956, 0.001736301346682012, 0.014875740744173527, 0.011625520884990692, -0.004670051857829094, 0.018119117245078087, 0.019788702949881554, 0.001833807909861207, -0.01022279541939497, 0.006640711333602667, -0.018803374841809273, 0.03243376687169075, 0.007526823785156012, -0.0017688035732135177, -0.020144516602158546, 0.00020623924501705915, 0.005508266389369965, 0.0025112221483141184, 0.013418274000287056, -0.01639479026198387, -0.016791658475995064, -0.009949092753231525, 0.020568756386637688, 0.0015293137403205037, 0.005258512683212757, 0.002790056634694338, 0.005870922468602657, -0.015874754637479782, -0.0036505095195025206, 0.024646926671266556, 0.004601626191288233, -0.01222766749560833, 0.0016157011268660426, -0.004085012711584568, 0.029121965169906616, 0.020185573026537895, -0.015341035090386868, -0.010893366299569607, -0.01147498469799757, 0.02747974917292595, 0.011817113496363163, 0.010038046166300774, 0.0015053647803142667, 0.03626560419797897, -0.005915399175137281, 0.01891285553574562, 0.011132856830954552, 0.005186665803194046, 0.01951500028371811, 0.013637236319482327, -0.02590595930814743, 0.014218853786587715, -0.015737904235720634, 0.019884498789906502, 0.010434914380311966, -0.034267574548721313, 0.010428071953356266, -0.0029867803677916527, 0.011201282031834126, -0.022074120119214058, -0.01047596987336874, 0.011967649683356285, 0.006271212827414274, -0.0007026460953056812, -0.00021639617625623941, 0.012535582296550274, 0.010954950004816055, 0.005740913562476635, -0.001393317710608244, 0.017612766474485397, 0.0112286526709795, 0.006154888775199652, 0.00037291989428922534, 0.0060180374421179295, -0.010783885605633259, 0.0009519721497781575, -0.014807314611971378, -0.01449255645275116, -0.039139483124017715, 0.02786293253302574, -0.02148566022515297, -0.006168574094772339, 0.010332276113331318, -0.01706536114215851, 0.008347931317985058, 0.010742830112576485, 0.020295053720474243, -0.033638060092926025, -0.018871799111366272, 0.01798226684331894, 0.01200186274945736, 0.0026309669483453035, -0.01199502032250166, -0.034185465425252914, 0.012843498028814793, -0.031612660735845566, 0.012768230400979519, -0.004112382885068655, 0.013308792375028133, -0.014287279918789864, 0.009908037260174751, -0.019268669188022614, 0.011652891524136066, 0.010154369287192822, 0.007745785638689995, -0.002879010047763586, 0.02649441920220852, -0.0007757760467939079, -0.013746717013418674, -0.007800526451319456, -0.018611781299114227, 0.037634119391441345, 0.010564923286437988, -0.02351105958223343, -0.011823955923318863, -0.0007543929968960583, -0.0011623810278251767, 0.00300388690084219, 0.0001315055851591751, -0.015354719944298267, 0.011023375205695629, 0.03900263085961342, -0.004204757511615753, -0.013295107521116734, 0.006319110747426748, 0.012097658589482307, 0.010797570459544659, -0.02148566022515297, -0.03809941187500954, 0.0009562487248331308, 0.04956755414605141, 0.050607625395059586, 0.009976462461054325, -0.0023008130956441164, -0.011406559497117996, -0.020349794998764992, -0.022197287529706955, -0.028136635199189186, -0.023620540276169777, 0.0136782918125391, -0.00022922598873265088, -0.021759362891316414, -0.012460314668715, 0.016080033034086227, -0.0019142080564051867, 0.031694769859313965, 0.006250685080885887, -0.00016924661758821458, -0.0497865155339241, -0.005169559270143509, 0.006100148428231478, -0.02143091894686222, 0.0035786626394838095, 0.037688858807086945, 0.009839611127972603, 0.008300033397972584, 0.015778958797454834, 0.02887563221156597, -0.010790728032588959, -0.007875794544816017, -0.016230568289756775, -0.022799432277679443, 0.010845468379557133, 0.006130939815193415, 0.004868486430495977, -0.011112328618764877, 0.026822863146662712, 0.01347301434725523, -0.00844372808933258, 0.02750711888074875, -0.007677359972149134, 0.010961792431771755, 0.008813226595520973, 0.004824009723961353, -0.01194712147116661, 0.005138767883181572, 0.00825213547796011, -0.002639520214870572, 0.019802389666438103, -0.009860139340162277, -0.04154806584119797, 0.0017773567233234644, -0.017640138044953346, -0.022731008008122444, -0.0018389398464933038, 0.0016114244936034083, 0.024633241817355156, 0.0006363587453961372, -0.007171010132879019, -0.016353735700249672, -0.022607840597629547, -0.0100106755271554, -0.008211079984903336, 0.00761577719822526, -0.01701062172651291, -0.04584519937634468, -0.007054686546325684, -0.025317497551441193, -0.021773047745227814, -0.03188636153936386, 0.001881705946289003, -0.0004558860382530838, -0.010284378193318844, -0.04190387949347496, -0.008108441717922688, 0.0026942607946693897, -0.00823160819709301, 0.037086714059114456, -0.006367008667439222, -0.027671340852975845, 0.015450515784323215, 0.0005375691689550877, -0.014027262106537819, 0.001570369116961956, -0.038701560348272324, 0.0070410012267529964, 0.01022279541939497, -0.02750711888074875, -0.017202213406562805, 0.004769269376993179, -0.011776058003306389, -0.004481881391257048, 0.00746524054557085, -0.0016139905201271176, 0.00037420287844724953, 0.0249343141913414, 0.006941784173250198, 0.021663567051291466, 0.008539523929357529, 0.010311748832464218, -0.03185899183154106, 0.003681301139295101, -0.022772062569856644, -0.020678237080574036, 0.0075062960386276245, 0.005159295629709959, 0.017804360017180443, 0.005682752002030611, 0.005542479455471039, -0.009182725101709366, -0.02044559083878994, 0.03459601849317551, -0.025344867259263992, 0.027643971145153046, 0.006137782707810402, 0.018666522577404976, 0.00868321768939495, -0.001830386696383357, 0.028054524213075638, 0.027137620374560356, -0.015409461222589016, -0.00822476577013731, -0.02296365424990654, 0.010920736938714981, 0.005607483442872763, -0.00423212768509984, 0.039166852831840515, -0.005152452737092972, -0.0018868378829210997, -0.03686775267124176, -0.010537553578615189, -0.014848370105028152, 0.01099600549787283, -0.0032758789602667093, -0.002264889655634761, -0.013910938985645771, -0.018078062683343887, -0.016736919060349464, -0.0009092061081901193, -0.024701666086912155, -0.007335231639444828, -0.011776058003306389, -0.01525892410427332, 0.014218853786587715, 0.0005773415905423462, 0.03090103156864643, -0.017256954684853554, -0.011625520884990692, 0.021321438252925873, 0.002504379488527775, 0.01844756118953228, 0.011413401924073696, 0.01643584668636322, -0.02991570346057415, -0.004368979018181562, -0.014957851730287075, -0.024619555100798607, -0.01469783391803503, -0.0028499290347099304, 0.006370429880917072, 0.018297024071216583, 0.05553427338600159, -0.03188636153936386, 0.023155245929956436, 0.005501423962414265, -0.011098643764853477, 0.003931054845452309, -0.008101599290966988, -0.01400673482567072, 0.008635319769382477, -0.021157216280698776, 0.013028247281908989, -0.005251670256257057, 0.014834685251116753, -0.007027316372841597, 0.014027262106537819, 0.01592949591577053, -0.01170763187110424, -0.002143434016034007, -0.014779944904148579, -0.0298883318901062, -0.016764288768172264, -0.00039964867755770683, -0.0026976820081472397, 0.021677251905202866, -0.016326364129781723, -0.017215898260474205, 0.01647690124809742, -0.01024332270026207, 0.016832714900374413, -0.017147472128272057, 0.017804360017180443, -0.0037702543195337057, 0.005590377375483513, -0.008430042304098606, 0.013869883492588997, -0.013828827999532223, -0.003074023174121976, -0.04428509250283241, -0.012330305762588978, 0.021116161718964577, 0.005378257483243942, 0.015546312555670738, 0.01591581106185913, -0.009162196889519691, -0.004368979018181562, 0.020691921934485435, 0.0124808419495821, 0.006804932840168476, -0.021759362891316414, -0.0015618159668520093, 0.00500875897705555, -0.030052553862333298, -0.0035820838529616594, -0.005504845175892115, -0.011728160083293915, 0.008265821263194084, -0.006377272307872772, 0.033747538924217224, -0.01068808976560831, -0.022252026945352554, 0.013404589146375656, -0.0009588146931491792, 0.04398402199149132, -0.019761333242058754, 0.019775018095970154, 0.025235386565327644, 0.0054329982958734035, -0.0174211747944355, 0.013746717013418674, 0.005915399175137281, -0.009887509047985077, 0.011652891524136066, 0.02537223882973194, -0.023264728486537933, 0.01902233622968197, 0.0031527127139270306, 8.077436359599233e-05, -0.022662581875920296, -0.019131816923618317, -0.013069302774965763, -0.014547297731041908, 0.025563830509781837, -0.02686391770839691, -0.001070861704647541, -0.02890300378203392, 0.010530710220336914, -0.010954950004816055, -0.002574515761807561, -0.016340050846338272, -0.009962777607142925, -0.024537445977330208, 0.029258815571665764, 0.02388055808842182, -0.005214035976678133, -0.009805398061871529, 0.014821000397205353, -0.0007411355618387461, -0.006449119187891483, -0.009367474354803562, 0.016750603914260864, -0.00945642776787281, 0.038701560348272324, -0.0349792018532753, -0.015067332424223423, -0.009648019447922707, 0.011276550590991974, -0.0008108441834338009, 0.009908037260174751, -0.02189621515572071, 0.03257061913609505, -0.022156231105327606, -0.004023429471999407, 0.012515055015683174, 0.007027316372841597, 0.027233416214585304, -0.00821792334318161, -0.0003378517576493323, -0.013144571334123611, -0.025043794885277748, 0.005381678696721792, 0.018214913085103035, 0.006815196480602026, -0.01798226684331894, 0.006059092935174704, -0.004947175737470388, -0.022128861397504807, -0.021827789023518562, -0.023771077394485474, 0.011358661577105522, -0.043162912130355835, -0.010660719126462936, 0.0249616838991642, -0.011741844937205315, 0.01937814988195896, 0.01148182712495327, -0.02399004064500332, 0.011180754750967026, 0.017653822898864746, -0.028246115893125534, 0.023045765236020088, -0.002882431261241436, -0.010345960967242718, -0.014848370105028152, 0.015026276931166649, -0.015217868611216545, -0.013185626827180386, 0.013904095627367496, -0.03194110095500946, -0.016572697088122368, -0.03432231768965721, 0.008867966942489147, -0.0018235441530123353, 0.005398785229772329, -0.0027729503344744444, 0.010277535766363144, -0.016121087595820427, 0.006524387747049332, -0.019583426415920258, -0.018844429403543472, 0.022758377715945244, -0.016271624714136124, 0.015067332424223423, 0.02288154326379299, -0.0100038331001997, 0.026165975257754326, -0.007417342625558376, 0.003405887633562088, -0.010387016460299492, -0.013096673414111137, -0.019268669188022614, 0.005528794135898352, -0.002764397067949176, 0.0016507692635059357, 0.0007535376935265958, -0.019761333242058754, -0.00723259337246418, -0.002971384674310684, 0.004536621738225222, -0.0034914198331534863, 0.017790673300623894, 0.013055617921054363, 0.011064430698752403, 0.01591581106185913, 0.020527701824903488, 0.005812760442495346, -0.005689594428986311, -0.014615722931921482, -0.015026276931166649, -0.016298994421958923, 0.024701666086912155, -0.01688745617866516, 0.02236150950193405, 0.0039926376193761826, -0.00869006011635065, -0.04806219041347504, -0.01199502032250166, -0.047131601721048355, -0.0032467979472130537, -0.014738889411091805, 0.03831837326288223, 0.019843444228172302, 0.009299048222601414, 0.018529672175645828, -0.0009519721497781575, -0.009066401049494743, 0.008813226595520973, -0.030216775834560394, -0.02546803466975689, -0.016285309568047523, -0.044120870530605316, 0.008984290063381195, 0.015039961785078049, -0.017886469140648842, -0.005634854082018137, 0.0011914619244635105, 0.0064833322539925575, -0.005104554817080498, 0.03640245646238327, 0.006883622147142887, -0.03445916622877121, -0.006192523054778576, 0.016298994421958923, 0.007684202864766121, -0.018748633563518524, -0.0011384320678189397, -0.014615722931921482, -0.0016251096967607737, 0.03333698585629463, -0.01603897660970688, -0.00802633073180914, 0.012604008428752422, 0.010770200751721859, 0.008669531904160976, 0.0062301573343575, -0.004680315963923931, -0.019145501777529716, 0.00292006554082036, 0.015204183757305145, 0.020267684012651443, -0.0031971894204616547, -0.006360165774822235, 0.01937814988195896, -0.0010494786547496915, -0.00924430787563324, -0.015820015221834183, -0.006048829294741154, 0.0028653249610215425, 0.012152398936450481, 0.033090654760599136, -0.019254984334111214, -0.00087542092660442, -0.02898511290550232, -0.001069151097908616, -0.019638167694211006, -0.011057588271796703, -0.013130885548889637, -0.006414906587451696, -0.016162144020199776, 0.028601929545402527, 0.018064375966787338, -0.023634226992726326, 0.010161211714148521, -0.008956920355558395, 0.0038421014323830605, -0.010954950004816055, -0.01170078944414854, -0.004403191618621349, -0.02851981855928898, 0.014109373092651367, 0.014602038078010082, -0.00028118674526922405, -0.008820069022476673, 0.005354308523237705, 0.014615722931921482, -5.639771916321479e-05, 0.002836243947967887, 0.21359756588935852, -0.0034572069998830557, 0.014314650557935238, 0.013650921173393726, -0.012569795362651348, 0.007882636971771717, 0.019241297617554665, 0.020650867372751236, -0.023647911846637726, 0.017694877460598946, 0.009620648808777332, 0.002312787575647235, -0.02288154326379299, -0.004656367003917694, -0.005580113269388676, -0.0018834165530279279, -0.03892052173614502, -0.03128421679139137, -0.001026384998112917, 0.0012539003510028124, -0.005381678696721792, -0.0273565836250782, -0.003934476058930159, -0.008197395130991936, -0.009866981767117977, 0.0004043529334012419, 0.0060146162286400795, -0.0064901746809482574, 0.030818922445178032, -0.0021554084960371256, -0.021211957558989525, 3.835579718725057e-06, 0.009086929261684418, 0.023730022832751274, -0.025112221017479897, -0.01225503720343113, 0.018844429403543472, -0.005450104363262653, 0.023264728486537933, -0.014779944904148579, 0.012549268081784248, -0.014752574265003204, 0.015163128264248371, -0.019268669188022614, 0.01148866955190897, 0.03300854191184044, -0.01746223121881485, -0.018803374841809273, -0.001318049500696361, 0.0124808419495821, 0.007779998704791069, -0.009538538753986359, 0.0174074899405241, 0.019159186631441116, -0.012426101602613926, 0.001329168677330017, 0.004950597416609526, -0.0039413184858858585, -0.009121141396462917, 0.015518941916525364, -0.013117200694978237, 0.01948763057589531, 0.011201282031834126, 0.011550253257155418, -0.023606855422258377, 0.008621633984148502, 0.002791767241433263, -0.013951994478702545, -0.024222686886787415, -0.03347383812069893, 0.011598151177167892, -0.0174211747944355, -0.007266805972903967, 0.0038968417793512344, -0.02199201099574566, -0.037770967930555344, 0.031667400151491165, 0.028656670823693275, 0.012070287950336933, 0.031174734234809875, 0.00923062302172184, -0.02549540437757969, -0.00823845062404871, 0.002305945148691535, -0.019761333242058754, -0.008532680571079254, 0.009182725101709366, -0.014670463278889656, -0.0060146162286400795, 0.0015951733803376555, -0.009853295981884003, -0.019213927909731865, -0.013199311681091785, 0.030079923570156097, 0.015751589089632034, 0.018762318417429924, 0.01524523925036192, 0.013500384986400604, -0.004211599938571453, -0.02134880982339382, -0.017640138044953346, 0.0751587525010109, 0.03632034361362457, 0.02349737472832203, 0.019104447215795517, -0.0017337354365736246, -0.024154260754585266, 0.013124043121933937, 0.0024906944017857313, 0.012056603096425533, 0.017120102420449257, -0.028273487463593483, 0.0019843443296849728, -0.0100106755271554, -0.011666576378047466, -0.006657817866653204, 0.009518010541796684, -0.004269761964678764, 0.033665429800748825, 0.02048664540052414, -0.0039652674458920956, -0.018338078632950783, -0.0013881857739761472, 0.015518941916525364, -0.0014352283906191587, -0.0015207604737952352, -0.020062405616044998, 0.004724792670458555, -0.014218853786587715, -0.014985221438109875, 0.007602091878652573, -0.03448653593659401, 0.02650810405611992, -0.01324036717414856, 0.01549157127737999, -0.008984290063381195, -0.0019381571328267455, 0.006633868906646967, -0.008943234570324421, -0.02650810405611992, 0.008587421849370003, -0.012877711094915867, 0.010038046166300774, 0.005419312976300716, -0.009764343500137329, -0.006113833747804165, -0.012172926217317581, 0.0037702543195337057, 0.002163961762562394, -0.003879735479131341, -0.0249753687530756, -0.011817113496363163, 0.018557041883468628, -0.0044168769381940365, 0.021567771211266518, 0.018091747537255287, -0.004659788217395544, 0.0038010459393262863, -0.000709488638676703, 0.03755200654268265, -0.028820892795920372, -0.01592949591577053, 0.028328226879239082, -0.006124097388237715, -0.014273595064878464, -0.0028037417214363813, -0.17703089118003845, 0.012152398936450481, 0.0100175179541111, -0.0449693500995636, 0.018844429403543472, 0.023688966408371925, 0.03049047850072384, -0.0011196150444447994, -0.004605047404766083, -0.010188582353293896, 0.008505310863256454, 0.013329320587217808, -0.018160171806812286, -0.004796639550477266, 0.002882431261241436, 0.003140738233923912, -0.012104501016438007, -0.007410500198602676, 0.028300857171416283, -0.0005516819655895233, -0.005795654375106096, -0.02303208038210869, 0.008874809369444847, -0.0016464926302433014, -0.0012410705676302314, 0.0019877657759934664, 0.005111397709697485, 0.03752463683485985, -0.016777973622083664, -0.02649441920220852, -0.003708671312779188, -0.01025016512721777, 0.028109265491366386, 0.008888494223356247, 0.009661704301834106, 0.015382090583443642, 0.019200243055820465, 0.00146003277041018, -0.018297024071216583, -0.012898238375782967, 0.003787360852584243, 0.046584196388721466, 0.006377272307872772, -0.010085944086313248, -0.0065380726009607315, 0.01843387633562088, 0.03544449806213379, -0.015683162957429886, 0.011557095684111118, -0.0048376950435340405, -0.0065654427744448185, -0.0298883318901062, 0.0350339412689209, -0.005751177668571472, -0.001878284616395831, 0.01468414906412363, -0.004403191618621349, 0.0224436204880476, 0.018324393779039383, 0.011611836031079292, 0.01446518674492836, -0.0059838248416781425, 0.009401687420904636, -0.01194712147116661, 0.012973506934940815, -0.017599081620573997, -0.003089419100433588, 0.012172926217317581, -0.023853188380599022, 0.01549157127737999, -0.01691482588648796, 0.0014668753137812018, 0.0070888991467654705, -0.004023429471999407, 0.024824833497405052, 0.022087806835770607, 0.009162196889519691, 0.011926594190299511, 0.012426101602613926, 0.0112218102440238, -0.02152671478688717, 0.01393146626651287, -0.0200487207621336, 0.013979364186525345, -0.022334137931466103, 0.0035855050664395094, 0.014123057946562767, 0.006168574094772339, -0.008984290063381195, -0.024701666086912155, 0.024085836485028267, -0.019528687000274658, 0.0024924050085246563, -0.028684040531516075, -0.005686173215508461, 0.015532626770436764, 0.005549321882426739, -0.007492610719054937, 0.002268310869112611, -0.02039084956049919, -0.006373851094394922, -0.016600066795945168, 0.006750192493200302, 0.011625520884990692, 0.008669531904160976, 0.007287333719432354, 0.005357729736715555, -0.011577622964978218, 0.03207795321941376, -0.020199257880449295, -0.009586436673998833, 0.005251670256257057, 0.010154369287192822, 0.010722302831709385, -0.007082056719809771, 0.03147580847144127, -0.009429057128727436, -0.0064901746809482574, -0.00461189029738307, -0.010106471367180347, 0.04450405389070511, -0.003643666859716177, -0.0014121347339823842, 0.012378203682601452, -0.009504325687885284, -0.006989682093262672, -0.1199912577867508, -0.009189567528665066, 0.010373331606388092, 0.020527701824903488, -0.022060435265302658, 0.031694769859313965, -0.005125082563608885, 0.030764181166887283, -0.011146541684865952, 0.03634771704673767, -0.009600121527910233, -0.017106417566537857, 0.0028088737744838, 0.009381159208714962, 0.010051731020212173, -0.017298009246587753, 0.02745237946510315, -0.02203306555747986, -0.015176813118159771, 0.026179661974310875, 0.0074857682920992374, -0.01936446502804756, 0.0003431974910199642, -0.022347822785377502, -0.006702294573187828, 0.006305425427854061, -0.02746606431901455, 0.024332167580723763, 0.02036347985267639, -0.0020835616160184145, 0.018119117245078087, -0.02535855397582054, -0.019118132069706917, -0.011365504004061222, -0.0006808353937231004, 0.0037257776129990816, -0.02091088518500328, 0.004324502311646938, 0.01047596987336874, -0.005669066682457924, 0.006784405093640089, 0.008512153290212154, 0.012070287950336933, -0.029340926557779312, -0.0013582495739683509, -0.0032519300002604723, -0.00844372808933258, 0.009572750888764858, 0.005320095922797918, -0.028574559837579727, -0.0070067886263132095, 0.00822476577013731, -0.03284431993961334, -0.011331290937960148, 0.016134772449731827, -0.0013488410040736198, 0.01471151877194643, 0.0019005229696631432, -0.014875740744173527, 0.010072258301079273, 0.00361629668623209, -0.018338078632950783, -0.05621853098273277, -0.007889479398727417, -0.0038284161128103733, 0.011906066909432411, -0.0044168769381940365, -0.030353626236319542, -0.00662360480055213, 0.008108441717922688, 0.007793683558702469, 0.022525729611516, 0.0064867534674704075, 0.01792752556502819, -0.04228706285357475, 0.00029016760527156293, -0.004197914618998766, -0.02638493850827217, 0.002071587136015296, -0.01324036717414856, 0.0033220662735402584, -0.01803700625896454, -0.011502355337142944, -0.01293245144188404, 0.005580113269388676, 0.0022050172556191683, 0.0017705141799524426, -0.01839281991124153, -0.0070067886263132095, -0.029039854183793068, -0.01293245144188404, 0.023059450089931488, -2.1169191313674673e-05, -0.015067332424223423, 0.005682752002030611, 0.02638493850827217, -0.004707686137408018, -0.022101491689682007, 0.007417342625558376, 0.020732978358864784, 0.005049814470112324, -0.010065415874123573, -0.05222247168421745, 0.01224819477647543, -0.004454511217772961, -0.015765273943543434, -0.007862109690904617, -0.01347301434725523, 0.012836655601859093, -0.017667507752776146, -0.005641696508973837, 0.004649524111300707, -0.026056494563817978, 0.01899496652185917, -0.0030398103408515453, 0.011071273125708103, -0.027041824534535408, -0.00869690254330635, 0.025604885071516037, 0.024291113018989563, 0.002973095281049609, 0.025673311203718185, 0.00822476577013731, -0.019747648388147354, 0.02448270469903946, 0.01703799143433571, 0.007143639959394932, -0.0017371566500514746, -0.018091747537255287, 0.027055509388446808, 0.006555179134011269, -0.02141723409295082, 0.013910938985645771, -0.022210972383618355, -0.010133842006325722, 0.009668546728789806, -0.014396760612726212, -0.012042918242514133, 0.014848370105028152, 0.013219838961958885, 0.02136249467730522, 0.025331182405352592, -0.02693234384059906, -0.02238887920975685, 0.026603899896144867, -0.0010794149711728096, -0.02991570346057415, -0.0016798501601442695, -0.028191376477479935, -0.013178784400224686, 0.013650921173393726, 0.0016524798702448606, 0.029204076156020164, 0.00485480111092329, -0.006798090413212776, -0.018871799111366272, 0.02390792965888977, -0.018242282792925835, 0.0010665850713849068, 0.004078169818967581, 0.027643971145153046, 0.004824009723961353, 0.027206046506762505, 0.0044202981516718864, 0.011892381124198437, -0.005751177668571472, -0.0019449996761977673, 0.00799896102398634, -0.005716964602470398, 0.001452334807254374, -0.012597166001796722, -0.011139699257910252, -0.013315635733306408, 0.017352750524878502, 0.011933436617255211, 0.010065415874123573, 0.019323408603668213, 0.013760401867330074, -0.0009100614115595818, -0.00844372808933258, 0.001026384998112917, 0.012077130377292633, 0.004635839257389307, -0.002810584381222725, -0.017174843698740005, 0.0018953910330310464, 0.018734948709607124, 0.0038694716058671474, 0.001299232360906899, 0.009579593315720558, -0.027767136693000793, -0.003469181479886174, 0.011906066909432411, 0.0019449996761977673, -0.00747208297252655, 0.029149334877729416, 0.002163961762562394, 0.01748960092663765, -0.007738943211734295, 0.006151467561721802, 0.017174843698740005, 0.019323408603668213, 0.026083866134285927, 0.003381938673555851, -0.015012592077255249, -0.018871799111366272, -0.025591200217604637, 0.004584519658237696, -0.022799432277679443, -0.012898238375782967, 0.0006273778853937984, 0.0397963710129261, -0.0034212835598737, -0.0032502193935215473, 0.015341035090386868, 0.0056245899759233, -0.002242651302367449, -0.0005576692055910826, -0.014547297731041908, -0.010818098671734333, -0.028820892795920372, 0.0031184998806566, 0.02104773558676243, 0.026809178292751312, 0.009134827181696892, 0.007725257892161608, 0.011078115552663803, 0.018693892285227776, 0.022580470889806747, -0.025604885071516037, 0.02195095457136631, 0.017544342204928398, 0.007102584466338158, -0.006106990855187178, -0.018160171806812286, -0.01894022524356842, -0.014027262106537819, -0.0027062352746725082, -2.6742141926661134e-05, 0.015423146076500416, -0.002612150041386485, 0.08402672410011292, 0.03090103156864643, -0.012734017334878445, 0.025057479739189148, 0.016230568289756775, 0.0014232539106160402, 0.014834685251116753, 0.011276550590991974, -0.01950131542980671, -0.01904970593750477, 0.00011600289144553244, 0.004475038964301348, -0.005367993842810392, -0.03388439118862152, -0.015573682263493538, -0.00485137989744544, -0.00031176445190794766, 0.030818922445178032, -0.011509197764098644, -0.01068808976560831, 0.011543410830199718, -0.0017961738631129265, 0.005364572629332542, -0.003636824432760477, -0.022854173555970192, 0.005634854082018137, 0.0013274579541757703, 0.0033408834133297205, -0.007670517545193434, -0.02103405073285103, 0.013596180826425552, 0.02694602869451046, -0.04154806584119797, -0.006161731667816639, -0.011262864805758, -0.011830798350274563, -0.007779998704791069, -0.008491626009345055, 0.01346617192029953, -0.005207193549722433, 0.005159295629709959, -0.003972110338509083, -0.014355705119669437, -0.028164004907011986, -0.022703636437654495, 0.004341608844697475, -0.006866516079753637, 0.005665645468980074, -0.02694602869451046], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='9be28957-e73a-4b1c-ad0f-ca144647dfa3', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '5', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_type': 'application/pdf', 'file_size': 1719588, 'creation_date': '2024-02-25', 'last_modified_date': '2024-01-15', 'last_accessed_date': None}, hash='025b0b1d8c7199c2fd5c98a97bc1c92e8d5e596b743770820003522d1f8d8442')}, text='Open denotes Open Chinese LLaMA.\\nHow about the Original English Capabilities\\nAnother issue of interest to us is whether the improvement\\nin Chinese proficiency has an impact on the existing\\nEnglish capabilities. To address this question, we addition-\\nally collected 200,000 Chinese samples from the internet\\nand randomly extracted 200,000 English samples from\\nthe refinedweb dataset (Penedo et al. ', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='c608a567-3eb4-4d2c-8f16-bec43684315e', embedding=[0.01148998737335205, 0.004271039739251137, 0.036279842257499695, -0.048044055700302124, -0.014204805716872215, 0.018414145335555077, -0.0004996019415557384, 0.004850337747484446, -0.01903114840388298, -0.03301657736301422, 0.006163185462355614, 0.046042218804359436, -0.013245021924376488, 0.015836438164114952, -0.005412497092038393, 0.019757842645049095, 0.03446996212005615, -0.009145372547209263, -0.002551997546106577, -0.002947908593341708, -0.01527427975088358, 0.007835952565073967, -0.025283457711338997, -0.0067390562035143375, -0.015315413475036621, 0.007136681117117405, 0.0297533106058836, -0.027134470641613007, -0.020388558506965637, -0.0007236943929456174, 0.008507801219820976, 0.011112929321825504, -0.0325503945350647, -0.016741378232836723, -0.0044869910925626755, -0.025818195194005966, 0.007829097099602222, -0.02535201422870159, 0.01888032630085945, -0.027011068537831306, 0.023034820333123207, 0.0349087230861187, 0.0011757356114685535, 0.003295830450952053, 0.0001786741049727425, 0.00265825935639441, 0.02112896367907524, -0.006996141280978918, -0.013786613941192627, 0.017125291749835014, 0.015082322992384434, 0.0007331208907999098, -0.01017371192574501, 0.004068799316883087, -0.000418834388256073, 0.005487909074872732, -0.011462565511465073, 0.03968022018671036, -0.015891283750534058, 0.0035683405585587025, 0.0025639948435127735, 0.008562645874917507, -0.01532912440598011, 0.05421409383416176, -0.004949744325131178, -0.006667072419077158, -0.003530634567141533, 0.010132579132914543, 0.04628901928663254, -0.004373873583972454, 0.016206640750169754, 0.014081405475735664, -0.006677355617284775, -0.012052146717905998, 0.019209394231438637, -0.004391012713313103, -0.012573173269629478, -0.026915090158581734, -0.01942877471446991, 0.006008934695273638, 0.01142143178731203, -0.015150878578424454, -0.008123887702822685, 0.023185644298791885, 0.008322699926793575, 0.005073145031929016, -0.0003136437735520303, -0.010989529080688953, 0.005247962661087513, -0.0019521324429661036, 0.016563132405281067, 0.022239571437239647, 0.02140318788588047, 0.005751849617809057, -0.009501863270998001, -0.03828167915344238, 0.001409683027304709, 0.02377522550523281, -0.023830071091651917, -0.03397636115550995, -0.018139921128749847, -0.009892632253468037, -0.03795260936021805, -0.008686047047376633, -0.012120703235268593, -0.011304887011647224, 0.026887668296694756, -0.007390338461846113, -0.00449384655803442, 0.003133009886369109, -0.03647179901599884, 0.01432820688933134, 0.007835952565073967, -0.0370202474296093, -0.022390393540263176, -0.02906774915754795, 0.005203401204198599, 0.0023994604125618935, -0.010468503460288048, 0.006478543393313885, 0.03660891205072403, 0.019072283059358597, 0.011483131907880306, -0.019511042162775993, 0.027820030227303505, 0.008816303685307503, 0.004881188273429871, -0.00992005504667759, -0.022500082850456238, -0.000571157259400934, 0.004380729049444199, 0.020690204575657845, 0.008192443288862705, 0.0009323617559857666, -0.025324590504169464, 0.049360331147909164, -0.015891283750534058, -0.005878678057342768, -0.006444265134632587, 0.0021166668739169836, -0.007486316841095686, 0.012676007114350796, -0.005193118005990982, -0.008267855271697044, 0.0018441567663103342, 0.022513795644044876, 0.003863131394609809, 0.005628448911011219, 0.005864967126399279, 0.006416842807084322, 0.007739973720163107, -0.04190143570303917, 0.00561130978167057, 0.016439732164144516, 0.029150016605854034, -0.003412375459447503, 0.01849641278386116, 0.023473579436540604, -0.028327343985438347, -0.011346019804477692, -0.015123456716537476, 0.011846479028463364, 0.004476707894355059, -0.001981268869712949, -0.00098206487018615, 0.014122538268566132, 0.029287129640579224, -0.016809934750199318, 0.012004157528281212, -0.030192067846655846, -0.015822727233171463, 0.02724415995180607, -0.03504583239555359, 0.008768314495682716, -0.005724427290260792, -0.0032049936708062887, 0.03885754942893982, -0.01501376647502184, -0.008500945754349232, -0.04069484770298004, -5.81119347771164e-05, 0.007959352806210518, 0.004576114006340504, 0.001979554770514369, -0.02840961143374443, 0.0018150204559788108, -0.001124318572692573, -0.014972633682191372, 0.02827250026166439, -0.009570419788360596, 0.003558057127520442, 0.03128896281123161, 0.0024611607659608126, -0.0012357220984995365, -0.6318122148513794, -0.03131638839840889, 0.009570419788360596, 0.003328394377604127, 0.0051554120145738125, -0.006385992746800184, -0.011908179149031639, -0.015096033923327923, -0.027463538572192192, 0.009323617443442345, -0.026997357606887817, -0.016809934750199318, -0.013005075976252556, -0.02499552257359028, 0.0016050676349550486, -0.011250041425228119, 0.00026651148800738156, -0.014149961061775684, 0.003619757480919361, -0.011003240011632442, -0.018304456025362015, 0.009495007805526257, -0.005768988747149706, -0.015082322992384434, -0.018331877887248993, -0.009666398167610168, 0.038638170808553696, -0.01526056881994009, 0.007397193927317858, 0.010399946942925453, -0.007417760789394379, 0.015767883509397507, -0.0046858033165335655, -0.002551997546106577, 0.046179331839084625, 0.004284750670194626, -0.018688369542360306, 0.024803565815091133, 0.010386236011981964, 0.009981755167245865, -0.014451607130467892, -0.006567665841430426, 0.010317680425941944, 0.0075274500995874405, -0.012703428976237774, 0.012922808527946472, 0.012436061166226864, 0.005364507902413607, 0.009097383357584476, -0.008432389236986637, 0.0007065554382279515, 0.010242268443107605, 0.001986410468816757, -0.007424616254866123, -0.00719838123768568, 0.0023189070634543896, 0.0330439992249012, -0.0354023240506649, -0.0070338468067348, -0.023624401539564133, -6.785974255762994e-05, -0.0024183134082704782, -0.014547586441040039, -0.025406857952475548, -0.0337844043970108, 0.025969017297029495, -0.010866127908229828, -9.105095523409545e-05, -0.004312173463404179, 0.015795305371284485, -0.015192012302577496, 0.005347369238734245, -0.017111580818891525, -0.014917788095772266, -0.03238585963845253, 0.017015602439641953, 0.012861108407378197, 0.002743954537436366, -0.007897652685642242, 0.010660460218787193, 0.006077490746974945, -0.006300297565758228, 0.004322456661611795, -0.0016599125228822231, 0.017810851335525513, 0.004404723644256592, -4.8364123358624056e-05, 0.008007341995835304, -0.020854739472270012, 0.013197032734751701, 0.006927585229277611, 0.013347855769097805, -0.01663168892264366, -0.025187479332089424, -0.005378219299018383, 0.01347125694155693, -0.01650828868150711, -0.017413226887583733, 0.025009233504533768, -0.015548503957688808, -0.008507801219820976, -0.009542996995151043, 0.0351555235683918, -0.005960945505648851, 0.026407776400446892, 0.012285237200558186, 0.003448367351666093, 0.002125236438587308, 0.04269668459892273, -0.0037054524291306734, -0.0028913498390465975, 0.020937006920576096, -0.004363590385764837, -0.011339164339005947, 0.016878491267561913, -0.024556763470172882, 0.02473500929772854, -0.007966209203004837, 0.02603757381439209, -0.027175603434443474, -0.008096464909613132, 0.0008698044111952186, 0.014287073165178299, -0.017947964370250702, -0.007630284409970045, 0.02629808709025383, 0.0048366268165409565, 0.011633955873548985, 0.01915455050766468, -0.00043383101001381874, -0.005628448911011219, -0.017934253439307213, 0.019922377541661263, -0.03307142108678818, 0.044479142874479294, 0.024213984608650208, 0.045658305287361145, -0.008905425667762756, 0.004898326937109232, 0.010160000994801521, -0.027422405779361725, -0.001370263285934925, 0.0070338468067348, -0.016316331923007965, -0.026215819641947746, -0.03474418818950653, -0.021375764161348343, 0.010201134718954563, 0.002507436089217663, 0.015123456716537476, 0.014972633682191372, -0.028903214260935783, -0.01653571054339409, -0.0016513429582118988, -0.012244104407727718, 0.0012297234497964382, 0.010756438598036766, -0.010975818149745464, -0.006811039987951517, -0.02406316064298153, 0.008603779599070549, 0.0186335239559412, -0.017756007611751556, 0.014191094785928726, 0.002507436089217663, -0.020854739472270012, 0.014588719233870506, 0.03436027467250824, -0.024104293435811996, -0.021965347230434418, -0.022376682609319687, -0.03754127398133278, 0.016988180577754974, 0.02300739847123623, -0.005707288160920143, 0.007794818840920925, -0.023830071091651917, -0.0082609998062253, -0.010537059046328068, -0.021060407161712646, 0.018606102094054222, 0.028217654675245285, 0.00042226220830343664, -0.006111768539994955, 0.022637195885181427, 0.005409069359302521, 0.01401284895837307, -0.006584804970771074, -0.0229799747467041, 0.015754172578454018, 0.008439245633780956, 0.020155467092990875, -0.022171014919877052, 0.016851067543029785, -0.001410539960488677, 0.01135287620127201, 0.004041376989334822, -0.00939217396080494, 0.0062385969795286655, 0.01889403723180294, -0.008350122720003128, 0.013245021924376488, 0.01597355119884014, -0.0204982478171587, 0.00012672151206061244, 0.0003896980779245496, 0.0009657828486524522, -0.00699956901371479, 0.004205911420285702, -0.002579420106485486, 0.02007320150732994, -0.006934440694749355, -0.026188397780060768, -0.025324590504169464, -0.014287073165178299, 0.05207514762878418, 0.011558543890714645, -0.013766047544777393, 0.015959840267896652, 0.008727180771529675, -0.02854672446846962, -0.008686047047376633, 0.03079536184668541, 0.012059003114700317, -0.020566804334521294, -0.010667315684258938, -0.018606102094054222, 0.019867531955242157, 0.01679622381925583, 0.00028493592981249094, 0.008665479719638824, -0.0010994670446962118, 0.03134381026029587, 0.027024781331419945, 0.009159083478152752, -0.014575008302927017, 0.024008315056562424, -0.008192443288862705, 0.021841945126652718, 0.006677355617284775, 0.0043875849805772305, 0.013766047544777393, 0.001126032555475831, -0.0037911476101726294, 0.0013556951889768243, -0.007630284409970045, 0.009892632253468037, 0.03597819432616234, -0.007074980530887842, 0.026243241503834724, -0.025283457711338997, 0.030575981363654137, -0.020388558506965637, -0.014245939441025257, 0.0014208233915269375, -0.014204805716872215, -0.013032497838139534, 0.010413658805191517, 0.04664551094174385, 0.01149684377014637, -0.0023206211626529694, 0.012573173269629478, 0.024666452780365944, 0.007074980530887842, 0.020059488713741302, -0.015164590440690517, -0.0003309969906695187, -0.021101539954543114, -0.025146346539258957, -0.0018972876714542508, -0.0297533106058836, -0.02986299991607666, 0.03052113763988018, -0.040118977427482605, -0.0044218627735972404, 0.004277895204722881, -0.003146721050143242, -0.009453874081373215, 0.015699326992034912, 0.02738127112388611, -0.033921513706445694, -0.030822783708572388, 0.02934197336435318, -0.006865884643048048, 0.008123887702822685, -0.015507370233535767, -0.033098842948675156, 0.0047372207045555115, -0.01109236292541027, 0.005813549738377333, -0.00634143128991127, 0.01770116202533245, -0.005234251730144024, -0.0029067748691886663, -0.02550283633172512, 0.02893063798546791, 0.012710284441709518, -0.00571757135912776, 0.014355628751218319, 0.004044804722070694, -0.011915035545825958, 0.008288421668112278, -0.024488208815455437, -0.027422405779361725, 0.03710251301527023, -0.0007254083175212145, -0.03013722412288189, -0.01797538623213768, -0.00787022989243269, -0.008836870081722736, 0.0005938664544373751, -0.008884859271347523, -0.004339595790952444, 0.027710340917110443, 0.03433285281062126, 0.0026479759253561497, -0.0004794636042788625, 0.001637631794437766, 0.02684653550386429, 0.023226777091622353, -0.015054900199174881, -0.02801198698580265, 0.005323374643921852, 0.022541217505931854, 0.05736767128109932, 0.02617468498647213, 2.677969177966588e-06, -0.0073286378756165504, -0.020703915506601334, -0.0033403916750103235, -0.02868383564054966, -0.024954387918114662, 0.004253900609910488, 0.013635790906846523, -0.03767838329076767, -0.021334631368517876, -0.0012939947191625834, 0.007966209203004837, 0.03828167915344238, 0.022404104471206665, -0.006749339401721954, -0.03833652287721634, -0.008206155151128769, 0.010845561511814594, 0.005601026117801666, -0.006019217893481255, 0.030740516260266304, 0.03592335060238838, -0.0015159448375925422, 0.020306291058659554, 0.03784291818737984, 0.010777004994452, -0.017413226887583733, -0.019620731472969055, -0.011208908632397652, 0.006502537988126278, 0.022116169333457947, 0.01381403673440218, -0.010345102287828922, 0.021965347230434418, 0.010729015804827213, -0.003247841028496623, 0.02446078509092331, -0.00502515584230423, 0.021704833954572678, 0.02854672446846962, 0.013848314993083477, -0.0037774364463984966, -0.0038905537221580744, 0.0073286378756165504, -0.020402269437909126, 0.02747724950313568, 0.009584130719304085, -0.022417817264795303, 0.014410474337637424, -0.008027909323573112, -0.0300001110881567, -0.011956168338656425, 0.01664539985358715, -0.00047560734674334526, -0.00432931212708354, -0.0006641363725066185, -0.008014198392629623, -0.020566804334521294, -0.00335238897241652, -0.02337760105729103, -0.005299380049109459, -0.00937846302986145, -0.02972588688135147, -0.0035546293947845697, -0.0330439992249012, -0.0045212688855826855, -0.03501841053366661, 0.0022366398479789495, -0.007883941754698753, -0.03038402460515499, -0.03370213508605957, 0.00026672575040720403, 0.01600097306072712, 0.0306856706738472, 0.03148091956973076, -0.008960271254181862, -0.005127989687025547, 0.013402700424194336, 0.007417760789394379, 0.0014388193376362324, 0.004795493092387915, -0.03603304177522659, -0.001857867930084467, 0.004877760540693998, -0.035868506878614426, -0.026873957365751266, -0.0074383276514709, -0.023185644298791885, -0.015452525578439236, 0.007890797220170498, -0.008548934943974018, 0.009714387357234955, 0.02271946333348751, 0.0015622201608493924, 0.015575925819575787, 0.009337329305708408, 0.019990934059023857, -0.027120759710669518, 0.012723996303975582, -0.01930537261068821, -0.02655860036611557, -0.012778840959072113, 0.02127978578209877, 0.009947477839887142, 0.012182403355836868, 0.0013197032967582345, -0.0013788328506052494, -0.001921282266266644, 0.025283457711338997, -0.02062164805829525, 0.0028964916709810495, 0.006979002151638269, 0.005957517772912979, -0.0022812013048678637, -0.0093167619779706, 0.009748664684593678, 0.021074118092656136, -0.02208874747157097, -0.003702024696394801, -0.017262404784560204, 0.02166369929909706, 0.016288908198475838, -0.01110607385635376, 0.027820030227303505, -0.007787962909787893, 0.013306722044944763, -0.027285292744636536, -0.008548934943974018, -0.015575925819575787, 0.020978139713406563, -0.013491823337972164, -0.02258235029876232, -0.01837301068007946, -0.008432389236986637, -0.006996141280978918, -0.004925749730318785, -0.010591903701424599, -0.0026068424340337515, 0.027532095089554787, 0.005741565953940153, -0.002192078623920679, -0.01110607385635376, 0.03386666998267174, -0.017947964370250702, -0.026736844331026077, 0.020320001989603043, 0.009529286064207554, 0.02698364667594433, 0.007465749979019165, 0.019003726541996002, -0.02893063798546791, -0.009001404978334904, -0.00944701861590147, -0.03532005846500397, 0.0015493659302592278, 0.0017944535939022899, 0.020580515265464783, 0.01494521088898182, 0.04886672645807266, -0.028875792399048805, 0.006632794160395861, 0.013594657182693481, -0.020580515265464783, -0.006896734703332186, -0.0122372480109334, -0.0027199597097933292, -0.007842808030545712, -0.012998220510780811, 0.01037938054651022, -0.006396275945007801, 0.023706668987870216, -0.023898625746369362, 0.021622566506266594, 0.03180998936295509, -0.024378517642617226, -0.016604267060756683, -0.005607882048934698, -0.002641120459884405, -0.0005218826700001955, -8.066043665166944e-05, -0.004637814126908779, 0.003798003075644374, -0.013978570699691772, -0.01811249926686287, 0.009035682305693626, -0.014890366233885288, 0.01380032580345869, -0.011784778907895088, 0.022431528195738792, -0.019401350989937782, 0.008466667495667934, 0.004253900609910488, 0.004702942445874214, -0.006625938694924116, -0.010393091477453709, -0.03197452425956726, -0.0153428353369236, 0.00891913753002882, -0.014533874578773975, 0.01888032630085945, 0.024255117401480675, -0.025475414469838142, 0.0041373553685843945, 0.0022931986022740602, 0.000984635786153376, -0.001675337553024292, -0.021910501644015312, -0.015932418406009674, -0.0011371729196980596, -0.02366553619503975, 0.005758705083280802, 0.0009854927193373442, -0.0010891836136579514, 0.01050963718444109, -0.0157130379229784, 0.029780732467770576, -0.0219242125749588, -0.006015790160745382, 0.008603779599070549, 0.0388849712908268, 0.05111536383628845, -0.010468503460288048, 0.010310824029147625, 0.01771487295627594, -0.0025914174038916826, -0.011298030614852905, -0.0021012418437749147, 0.026764268055558205, -0.01024912390857935, 0.009309906512498856, 0.021320920437574387, -0.02443336322903633, 0.009124805219471455, 0.004476707894355059, 0.01083870604634285, -0.009241350926458836, -0.027970854192972183, -0.0008385257096961141, 0.0024800137616693974, 0.02958877570927143, -0.0216774120926857, -0.02156772091984749, -0.0077125513926148415, -0.009995467029511929, -0.03606046363711357, 0.024652741849422455, -0.02642148733139038, -0.017522916197776794, -0.015754172578454018, 0.02735384926199913, 0.011942457407712936, -0.0017858841456472874, -0.010729015804827213, -0.0007446897216141224, 0.01269657351076603, 0.013334144838154316, -0.01733095943927765, 0.015068612061440945, 0.019620731472969055, 0.03915919363498688, -0.026531176641583443, 0.0014585291501134634, -0.03227617219090462, 0.0196892861276865, 0.002863927511498332, 0.022664617747068405, -0.02115638554096222, 0.031124429777264595, -0.02485840953886509, 0.013190177269279957, -0.0014353914884850383, -0.003333536209538579, 0.01705673523247242, -0.00985149946063757, 0.0037294470239430666, -0.020128045231103897, -0.019511042162775993, 0.02089587226510048, 0.014314495958387852, 0.02245895005762577, -0.018002809956669807, 0.0005248819943517447, -0.01638488657772541, -0.02775147370994091, -0.011873901821672916, -0.006392848212271929, 0.0013976857298985124, -0.021512877196073532, -0.013704347424209118, 0.026229530572891235, -0.008151309564709663, 0.03334564343094826, -0.020786182954907417, -0.027929719537496567, 0.010043456219136715, 0.009165938943624496, -0.025831906124949455, 0.038528479635715485, 0.0002238782326458022, -0.01526056881994009, -0.02840961143374443, 0.012765130028128624, -0.003050742670893669, 0.0073423488065600395, 0.02511892281472683, -0.018139921128749847, -0.016426021233201027, -0.022280704230070114, 0.00013529100397136062, -0.0009160797344520688, 0.00878888089209795, -0.0065436712466180325, 0.004476707894355059, -0.011942457407712936, 0.002140661468729377, -0.016412310302257538, -0.005237679462879896, 0.010667315684258938, -0.011640811339020729, 0.021362053230404854, 0.005895817186683416, -0.013238166458904743, 0.027257870882749557, -0.012929663993418217, 0.0036300409119576216, -0.009755521081387997, -0.01904486119747162, 0.003736302722245455, -0.004627530928701162, -0.0019127128180116415, -0.007410904858261347, -0.011483131907880306, -0.01984011009335518, -0.016302619129419327, -0.008226721547544003, 0.030603405088186264, -0.009659542702138424, 0.010879838839173317, 0.005748421885073185, -0.004826343152672052, 0.02522861212491989, 0.002416599541902542, -0.017783429473638535, -0.004589824937283993, 0.011579110287129879, -0.0023017681669443846, -0.03356502577662468, 0.007157247979193926, -0.015671905130147934, 0.03723962604999542, 0.0011817342601716518, -0.018990015611052513, -0.04069484770298004, -0.01527427975088358, -0.04220307990908623, -0.003821997670456767, -0.009926910512149334, 0.020292580127716064, 0.006361998151987791, 0.03156318888068199, 0.004853765945881605, 0.01851012371480465, 0.016288908198475838, 0.007746829651296139, -0.014616142027080059, -0.025543970987200737, -0.014958921819925308, -0.03734931722283363, -0.001164595247246325, 0.004524697083979845, -0.018290745094418526, -0.009803510271012783, 0.008569501340389252, 0.0030198923777788877, -0.009563563391566277, 0.03883012756705284, 0.002356613054871559, -0.023980893194675446, 0.0030113228131085634, 0.006108340807259083, 0.007376627065241337, -0.026092419400811195, 0.011585966683924198, -0.0067390562035143375, -0.0009083671611733735, 0.02324048802256584, -0.016864778473973274, -0.014684697613120079, 0.0027062485460191965, 0.012202970683574677, 0.003355816937983036, 0.02947908639907837, 0.00405851611867547, -0.0050217281095683575, 0.004754359368234873, -0.014684697613120079, 0.017221270129084587, -0.005782699678093195, -0.008425533771514893, 0.033647291362285614, 0.01340955588966608, -0.008932848460972309, -0.014492740854620934, 0.007452038582414389, -0.005391930229961872, -0.00022666332370135933, 0.06082289665937424, -0.014904077164828777, -0.014725831337273121, -0.023350177332758904, -0.003924831748008728, -0.002089244546368718, -0.001144885434769094, -0.020525669679045677, 0.0003963394556194544, -0.01837301068007946, 0.03367471322417259, 0.02576334960758686, -0.030603405088186264, 0.011476276442408562, -0.004123643971979618, -0.004761215299367905, 0.005546181462705135, -0.007973064668476582, -0.00257599214091897, -0.024255117401480675, -0.0008410965674556792, -0.0067939008586108685, -0.0004940317594446242, -0.0005415924824774265, -0.006173469126224518, 0.03315368667244911, -0.00031771426438353956, -0.005412497092038393, 0.18877583742141724, -0.0337844043970108, 0.010585048235952854, 0.014575008302927017, 0.003395236562937498, 0.0011620244476944208, 0.010276546701788902, 0.02088216133415699, -0.015109745785593987, 0.01693333499133587, 0.016028396785259247, -0.015027478337287903, -0.017906831577420235, -0.0018081648740917444, 0.0023857492487877607, -0.019771553575992584, -0.042230505496263504, -0.01915455050766468, -0.009686964564025402, 0.004864049144089222, -0.004785209894180298, -0.023816358298063278, 0.013073631562292576, -0.0187569260597229, -0.0014491027686744928, -0.012449772097170353, 0.011771067045629025, -0.011250041425228119, 0.014081405475735664, 0.005148556549102068, -0.014958921819925308, -0.013450689613819122, 0.00453155254945159, 0.019648153334856033, -0.031234119087457657, -0.009090526960790157, -0.013066776096820831, -0.015932418406009674, 0.030493713915348053, -0.006331147626042366, 0.01601468399167061, -0.02073133923113346, 0.018455278128385544, -0.011633955873548985, -0.008672336116433144, 0.02522861212491989, -0.00515198428183794, -0.005731282755732536, -0.007513739168643951, 0.010824994184076786, -0.008843725547194481, 0.003520351368933916, 0.0414901003241539, 0.03342791274189949, 0.006745911668986082, -0.004346451256424189, -0.003993387799710035, 0.004912038333714008, 0.017893118783831596, -0.005697004497051239, -0.01275141816586256, 0.0032255605328828096, 0.01256631687283516, 0.0056695821695029736, -0.021883079782128334, -0.005950661841779947, 0.01123633049428463, 0.0008406681008636951, -0.012394927442073822, -0.02034742385149002, -0.008905425667762756, -0.012401782907545567, -0.01613808609545231, -0.007500027772039175, -0.019607020542025566, -0.04244988411664963, 0.053062353283166885, 0.015233146026730537, 0.015068612061440945, 0.038117144256830215, 0.016809934750199318, -0.04217565804719925, 0.0017310393741354346, -0.00396596547216177, -0.01467098668217659, -0.018976304680109024, 0.008048475719988346, -0.0052205403335392475, 0.010612471029162407, -0.014712120406329632, 0.006547099445015192, -0.021718544885516167, -0.013279300183057785, 0.016755089163780212, 0.017399515956640244, 0.009680109098553658, 0.021965347230434418, -0.0021372337359935045, -0.01918197236955166, -0.0231033768504858, -0.017262404784560204, 0.057422515004873276, 0.025530260056257248, 0.01679622381925583, 0.015548503957688808, -0.017385805025696754, -0.018400434404611588, 0.004247045144438744, 0.0033695281017571688, 0.014300784096121788, 0.01728982664644718, -0.03090505115687847, 0.009536141529679298, -0.01892145909368992, -0.019250528886914253, 0.01851012371480465, 0.01915455050766468, -0.001719042076729238, 0.04151752218604088, 0.006601944100111723, 0.003818569937720895, -0.015617059543728828, 0.01439676247537136, 0.008192443288862705, 0.008603779599070549, -0.023213066160678864, -0.023638112470507622, -0.00318785454146564, -0.02339131198823452, 0.006848745513707399, 0.021649988368153572, -0.05073145031929016, 0.031672876328229904, 0.0006902733584865928, 0.016727667301893234, 0.005398786161094904, -0.016096951439976692, 0.0014473887858912349, -0.007479460909962654, -0.021485455334186554, 0.0039831046015024185, -0.0023771796841174364, 0.016426021233201027, -0.011140352115035057, 0.00024337384093087167, 0.020854739472270012, -0.00898769311606884, 0.029012905433773994, -0.01878434792160988, -0.02180081233382225, -0.014533874578773975, -0.0072737932205200195, -0.006883023772388697, 0.002533144783228636, 0.03595077246427536, -0.005289096385240555, -0.02021031267940998, -0.01116777490824461, -0.010386236011981964, 0.027436116710305214, -0.029095172882080078, -0.01691962406039238, 0.006523104850202799, -0.0016719098202884197, 0.0020961000118404627, 0.01638488657772541, -0.17396773397922516, -0.013690635561943054, 0.0045212688855826855, -0.035210367292165756, 0.024213984608650208, 0.010968961752951145, 0.039844755083322525, -0.010818138718605042, -0.01864723488688469, -0.012175547890365124, 0.011112929321825504, 0.01638488657772541, -0.03822683170437813, -0.014163671992719173, -0.011832768097519875, 0.007047558203339577, -0.014259650371968746, -0.003780864179134369, 0.022541217505931854, 0.022171014919877052, 0.01678251288831234, -0.034963566809892654, 0.004606964066624641, 0.011387153528630733, -0.0008946559973992407, 0.009542996995151043, -0.004123643971979618, 0.018839191645383835, -0.02444707415997982, -0.03340049088001251, 0.000655138399451971, 0.0043670181185007095, 0.018304456025362015, -0.0011200339067727327, 0.014383051544427872, 0.021608855575323105, 0.026476332917809486, 0.007081835996359587, -0.0046720923855900764, -0.012929663993418217, -0.006649933289736509, 0.04927806183695793, -0.009145372547209263, -0.006385992746800184, -0.011476276442408562, 0.045466348528862, 0.03792518749833107, -0.013512390665709972, 0.026339219883084297, 0.012902242131531239, -0.003477503778412938, -0.020799893885850906, 0.04875703528523445, 0.0018732930766418576, -0.007808529771864414, -0.0032872608862817287, 0.01785198599100113, 0.009734953753650188, -0.005912956316024065, -0.012991364113986492, 0.0013419839087873697, -0.0015904995379969478, 0.027120759710669518, 0.004840054549276829, 0.012915953062474728, -0.006715061608701944, -0.013690635561943054, 0.00327012175694108, -0.01142143178731203, 0.008699757978320122, -0.009405884891748428, 0.0014122538268566132, 0.00016903341747820377, -0.002126950304955244, 0.020457115024328232, 0.03148091956973076, 0.011387153528630733, 0.03463449701666832, 0.0194424856454134, 0.0038151422049850225, -0.036554064601659775, 0.010461647994816303, -0.02182823419570923, 0.0019726993050426245, -0.0165219996124506, -0.0031947102397680283, -0.0015185156371444464, 0.013519246131181717, -0.014712120406329632, -0.01597355119884014, 0.0175777617841959, -0.02182823419570923, -0.004846910014748573, -0.013361566700041294, 0.0006050068186596036, 0.010187423788011074, -0.01189446821808815, -0.010125722736120224, -0.008699757978320122, -0.00650596572086215, -0.004462996497750282, 0.00048760464414954185, -0.007698840461671352, 0.006132335402071476, 0.015795305371284485, 0.011195196770131588, -0.011709366925060749, -0.0020772472489625216, 0.026133552193641663, -0.0332907997071743, 0.0016247775638476014, -0.003088448429480195, 0.004596680868417025, 0.009714387357234955, 0.008980837650597095, 0.025310879573225975, 0.010262834839522839, -0.012833685614168644, 7.209093018900603e-05, 0.003170715644955635, 0.055832017213106155, -0.016220353543758392, 0.003698596963658929, 0.0036951692309230566, -0.0035237791016697884, -0.006876168306916952, -0.13546667993068695, -0.005830688867717981, -0.016165507957339287, 0.030630826950073242, -0.01460243109613657, 0.03266008570790291, 0.004168205428868532, 0.04689231142401695, -0.021252363920211792, 0.04138040915131569, -0.008240432478487492, 0.0008132457151077688, 0.005203401204198599, 0.016494575887918472, 0.004867476876825094, -0.011195196770131588, 0.04508243501186371, -0.013772903010249138, -0.01903114840388298, 0.028190232813358307, -0.004349878989160061, 0.0019469907274469733, 0.021101539954543114, -0.02417284995317459, 0.01189446821808815, -0.00871346890926361, -0.020128045231103897, 0.020649071782827377, 0.011208908632397652, -0.005580459255725145, 0.030822783708572388, -0.024501919746398926, -0.01967557519674301, -0.001657341606914997, 0.025283457711338997, -0.00023866062110755593, -0.00872032530605793, 0.006382565014064312, 0.018948882818222046, -0.003330108243972063, 0.0028947775717824697, -0.0021218087058514357, -0.012778840959072113, -0.015658194199204445, 0.003633468644693494, -0.001979554770514369, -0.0182633213698864, 0.009542996995151043, 0.015932418406009674, -0.03685571253299713, -0.02551654726266861, 0.00036291839205659926, -0.03128896281123161, 0.004274467471987009, 0.028875792399048805, 0.012600595131516457, 0.01851012371480465, 0.022760596126317978, -0.018345588818192482, 0.0022126452531665564, -0.01427336223423481, -0.031097007915377617, -0.04319028928875923, -0.010098300874233246, 0.02195163629949093, 0.008500945754349232, 0.0013342713937163353, -0.0356491282582283, 0.0030798788648098707, -0.007520594634115696, -0.02511892281472683, 0.015096033923327923, 0.0091316606849432, 0.01785198599100113, -0.04755045101046562, 0.015836438164114952, -0.012442916631698608, -0.0335376001894474, 0.012031580321490765, -0.007815385237336159, 0.001921282266266644, -0.02033371292054653, -0.018441567197442055, -0.013896304182708263, 0.009056249633431435, -0.007568583823740482, -0.006468259729444981, -0.0220476146787405, -0.01215498149394989, -0.015370258130133152, -0.010523348115384579, 0.02790229767560959, 0.016494575887918472, -0.03263266384601593, -0.003391808830201626, 0.0026239813305437565, -0.01427336223423481, -0.015082322992384434, 0.0076577067375183105, 0.018990015611052513, -0.016713956370949745, -0.0016222066478803754, -0.041188452392816544, 0.01731724850833416, 0.006183752324432135, -0.012580028735101223, 0.0050560059025883675, -0.004726937040686607, 0.02339131198823452, -0.006745911668986082, -0.0035614848602563143, -0.0030147507786750793, -0.024145428091287613, 0.021115252748131752, -0.013334144838154316, -0.011469420976936817, -0.016426021233201027, -0.004343023523688316, 0.011058084666728973, 0.005652443505823612, 0.002798799192532897, 0.020018355920910835, -0.00838440004736185, -0.011558543890714645, 0.004514413420110941, 0.01929166167974472, -0.004984022118151188, -0.015109745785593987, -0.019511042162775993, 0.0314260758459568, 0.00039719638880342245, -0.01745436154305935, -0.005179406609386206, -0.014005993492901325, -0.017139002680778503, 0.01432820688933134, -0.025475414469838142, -0.010605615563690662, 0.02311708778142929, 0.010166856460273266, 0.027134470641613007, 0.03715736046433449, -0.030164645984768867, -0.024488208815455437, 0.034442540258169174, -0.015699326992034912, -0.005525614600628614, -0.005463914480060339, -0.02143060974776745, 0.007774251978844404, 0.005261674057692289, -0.007554872892796993, 0.026462621986865997, 0.011441998183727264, -0.0023823215160518885, -0.02126607485115528, 0.0003800574049819261, -0.014314495958387852, 0.004469851963222027, 0.005364507902413607, 0.03041144832968712, 0.011078651994466782, 0.018304456025362015, -0.015932418406009674, 0.004497274290770292, -0.015521081164479256, 0.0054056416265666485, -0.0038699868600815535, -0.01611066237092018, -0.020978139713406563, -0.027669206261634827, -0.011133496649563313, 0.0019881243351846933, 0.03161803260445595, 0.008548934943974018, 0.007486316841095686, -0.0040516601875424385, 0.0084461010992527, 0.006481971126049757, 0.012758273631334305, -0.008411822840571404, 0.029506508260965347, 0.0007001282647252083, -0.005179406609386206, 0.00019634870113804936, 0.015054900199174881, 0.020703915506601334, -0.012326370924711227, -0.008768314495682716, -0.004480135627090931, -0.009680109098553658, -0.006111768539994955, 0.032989151775836945, -0.012477193959057331, -0.0035237791016697884, 0.00624888064339757, -0.012929663993418217, 0.01281311921775341, 0.0009246492409147322, -0.0008809447754174471, 0.007253226358443499, 0.020429691299796104, 0.03619757667183876, -0.005127989687025547, -0.018852904438972473, -0.03246812894940376, -0.023336466401815414, 0.006625938694924116, -0.042504727840423584, -0.01848270185291767, 0.0168922021985054, 0.03381182625889778, 0.003660891205072403, -0.02010062336921692, 0.004394440446048975, 0.006804184522479773, -0.005892389453947544, 0.007246370427310467, -0.008734036237001419, -4.156208160566166e-05, -0.024501919746398926, 0.015575925819575787, 0.03383924812078476, 0.0194424856454134, 0.022006480023264885, 0.02154029905796051, 0.016755089163780212, 0.008494090288877487, 0.028875792399048805, -0.035237789154052734, 0.025941595435142517, 0.012285237200558186, 0.021348342299461365, 0.024213984608650208, -0.029095172882080078, -0.023679247125983238, -0.010125722736120224, 0.007061269134283066, -0.0042024836875498295, 0.023089665919542313, 0.00959098618477583, 0.060438983142375946, 0.01122261956334114, -0.01526056881994009, 0.025447992607951164, 0.01532912440598011, 0.02245895005762577, 0.01613808609545231, 0.02616097405552864, -0.004785209894180298, -0.03784291818737984, -0.007993631064891815, 0.0010120581137016416, -0.008665479719638824, -0.04371131584048271, -0.03789776563644409, 0.0028125103563070297, -0.02156772091984749, 0.019264239817857742, -0.026256952434778214, -0.022815441712737083, 0.023226777091622353, 0.003575196024030447, 0.005618165247142315, 0.024611609056591988, -0.016823645681142807, 0.0027508100029081106, 0.013519246131181717, 0.02420027181506157, -0.00416477769613266, -0.008562645874917507, 0.008288421668112278, 0.02060793712735176, -0.022513795644044876, -0.00911794975399971, -0.0021338060032576323, -0.011304887011647224, -0.0032598383259028196, -0.028766103088855743, 0.010523348115384579, -0.003558057127520442, -0.027463538572192192, -0.006149474531412125, -0.008302133530378342, -0.025461703538894653, -0.0041373553685843945, 0.004781781695783138, 0.0157130379229784, -0.010790716856718063, -0.03902208432555199], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='9be28957-e73a-4b1c-ad0f-ca144647dfa3', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '5', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_type': 'application/pdf', 'file_size': 1719588, 'creation_date': '2024-02-25', 'last_modified_date': '2024-01-15', 'last_accessed_date': None}, hash='025b0b1d8c7199c2fd5c98a97bc1c92e8d5e596b743770820003522d1f8d8442')}, text='2023). Utilizing\\nthese samples, we evaluate the English perplexity and\\nChinese perplexity of LLaMA models trained on different-\\nscale corpora, as depicted in table 2. Our findings reveal\\nthat with the increase in further pretraining scale, the\\nperplexity of the models decreases steadily in Chinese, yet\\nnotably increases in English. This suggests that enhancing\\nthe model’s capabilities solely through a single Chinese\\ncorpus comes at the cost of sacrificing the original English\\nproficiency.\\nFurthermore, we conduct perplexity assessments for Open\\nChinese LLaMA and find that both the Chinese and English\\nperplexities remain low. This outcome is unsurprising, given\\nthat its training data incorporates both Chinese and English\\ncontent, allowing for the decreases of Chinese perplexity\\nwithout significant elevation in English perplexity. Overall,\\nexclusive reliance on Chinese corpora for transfer training\\nmarkedly compromises LLaMA’s original English profi-\\nciency, a concern alleviated effectively through multilingual\\njoint training.', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='02e72d2c-2f11-4f35-9ad8-3bbf975f67b8', embedding=[0.017094474285840988, 0.014285712502896786, -0.011214889585971832, -0.022550730034708977, -0.020225774496793747, 0.00866146944463253, -0.02908211015164852, -0.0021317696664482355, -0.0020141780842095613, -0.014514177106320858, 0.03400080278515816, 0.01763203740119934, -0.02158311754465103, -0.005671279970556498, 0.011772610247135162, 0.00021649473637808114, 0.008076870813965797, -0.025157906115055084, 0.005933341570198536, -0.00751914968714118, -0.003104421077296138, 0.013775029219686985, -0.027980107814073563, -0.012316891923546791, 0.009151995182037354, 0.009407336823642254, 0.007969358004629612, -0.019607577472925186, 0.0029095548670738935, 0.004985888488590717, 0.009709715843200684, -0.0053319442085921764, -0.005231151357293129, 0.007290686015039682, 0.0003277868963778019, -0.01448729820549488, -0.009199031628668308, -0.013842224143445492, 0.0167047418653965, 0.0034538365434855223, 0.029324011877179146, 0.020077943801879883, -0.003773014061152935, -0.008480042219161987, 0.006312994752079248, 0.00181595201138407, -0.014218517579138279, 4.6249238948803395e-05, -0.001023047836497426, 0.012478160671889782, -0.02510415017604828, 0.019688211381435394, -0.019405992701649666, -0.0032488908618688583, 0.006554897874593735, -0.004283697810024023, 0.0161940585821867, 0.01169197540730238, 0.003351363819092512, -0.01943287067115307, -0.01073780283331871, -0.018505575135350227, -0.038838863372802734, -0.011221609078347683, -0.014299151487648487, -0.014836713671684265, -0.023262999951839447, -0.00224096211604774, -0.013002282939851284, 0.003951081540435553, -0.0025970968417823315, 0.023249560967087746, -0.011342559941112995, 0.0063398731872439384, 0.02277919463813305, 0.0024391880724579096, -0.008493481203913689, 0.007183173671364784, -0.0046028755605220795, -0.0025282218120992184, 0.014406664296984673, -0.015562422573566437, 0.0011515588266775012, -0.012699904851615429, 0.02065582387149334, 0.0161940585821867, -0.0014665365451946855, 0.01591183803975582, -0.024929441511631012, -0.002193925203755498, 0.005785512272268534, 0.018814673647284508, 0.017685793340206146, 0.005674639716744423, -0.010825157165527344, -0.0037259773816913366, 0.00016725320892874151, 0.0026642922312021255, -0.010804997757077217, -0.016476279124617577, -0.0005501612322404981, -0.008574115112423897, -0.036823004484176636, -0.008338931947946548, -0.01966133341193199, -0.02439188025891781, 0.020736457780003548, 0.006319714244455099, 0.003406799864023924, -0.009669397957623005, -0.005499932449311018, 0.01509205624461174, 0.014769518747925758, 0.011725572869181633, 0.01662410795688629, -0.00389732513576746, 0.006138287018984556, -0.009299824014306068, -0.011530706658959389, -0.03233436122536659, 0.023719927296042442, 0.0025618192739784718, 0.011718853376805782, -0.009051201865077019, 0.007989516481757164, 0.001524492516182363, 0.014514177106320858, -0.025601394474506378, -0.044832680374383926, -0.001923464355058968, 0.028087619692087173, -0.0005136237596161664, 0.015535544604063034, 0.0030372259207069874, -0.0031061009503901005, 0.02378712221980095, -0.012908210046589375, 0.027791960164904594, -0.007787930779159069, 0.0011910360772162676, 0.019889798015356064, 0.027684448286890984, -0.01589839905500412, -0.004424808081239462, -0.017497645691037178, 0.00921919010579586, -0.01712135225534439, 0.0003447956987656653, 0.0003408059710636735, -0.01448729820549488, 0.02005106583237648, -0.014729201793670654, 0.007290686015039682, 0.011376158334314823, 0.0028322802390903234, 0.014769518747925758, -0.015199568122625351, 0.021704070270061493, -0.00032757691224105656, -0.009286385029554367, -0.03171616420149803, 0.013990053907036781, 0.00811046827584505, -0.0040518743917346, 0.03491465747356415, 0.020817091688513756, 0.02513102814555168, -0.01463512796908617, -0.003371522296220064, 0.0212874598801136, 0.012599111534655094, 0.0043744114227592945, -0.004918693099170923, 0.015979032963514328, 0.01104690134525299, 0.03526407480239868, 0.024768173694610596, -0.02389463596045971, -0.0022040046751499176, -0.027576936408877373, -0.02167719230055809, 0.01792769692838192, 0.014823274686932564, 0.0043441737070679665, -0.004979168996214867, -0.006024055182933807, 0.018102403730154037, -0.0035411904100328684, -0.004515521693974733, -0.014621688984334469, -0.002383752027526498, 0.02755005843937397, 0.018156159669160843, -0.020897727459669113, -0.6885095238685608, -0.02652869001030922, -0.004666711203753948, -0.00724364910274744, 0.031554896384477615, 0.010717644356191158, 0.023679610341787338, 0.02664964087307453, -0.012820855714380741, 0.008392687886953354, -0.02206692472100258, 0.01842494122684002, -0.0029750701505690813, -0.0028322802390903234, -0.0126528674736619, -0.02439188025891781, -0.009541727602481842, -0.0006690128357149661, -0.0010835236171260476, 0.020212335512042046, -0.017658915370702744, 0.012975404970347881, 0.004999327473342419, 0.006968148518353701, 0.035505976527929306, -0.008695066906511784, 0.019688211381435394, 0.0014581371797248721, 0.011564305052161217, -5.108546247356571e-06, -0.027402227744460106, 0.018398063257336617, 0.004908613860607147, -0.03109796717762947, 0.042171746492385864, -0.007962638512253761, 0.0013825425412505865, -0.0008328012772835791, 0.01129552349448204, 0.025870176032185555, -0.013492808677256107, 0.0009424135787412524, -0.0028759571723639965, -0.01104690134525299, -0.02714688517153263, 0.002835639985278249, 0.007882004603743553, -0.007472113240510225, 0.004683509934693575, -0.02542668767273426, 0.0015152532141655684, -0.011947317980229855, -0.003235451877117157, 0.0036151050589978695, -0.0017101194243878126, -0.00866146944463253, 0.022402901202440262, -0.005116919055581093, 0.001174237229861319, -0.00036810405435971916, 0.003386641154065728, 0.0019906596280634403, -0.006645611487329006, -0.030130356550216675, -0.0033564034383744, -0.004209783393889666, 0.0016168860020115972, 0.009165434166789055, 0.019486626610159874, -0.005627603270113468, -0.01628813147544861, 0.020077943801879883, -0.009004165418446064, 0.03400080278515816, 0.012841014191508293, -0.023451145738363266, 0.0212605819106102, -0.01771267130970955, -0.012128745205700397, 0.02107243426144123, 0.005580566357821226, -0.0056309630163013935, 0.013533125631511211, -0.010408545844256878, 0.001992339501157403, 0.010220399126410484, 0.012337050400674343, -0.004811180755496025, 0.029001474380493164, 0.0005211832467466593, 0.009454373270273209, 0.00425681984052062, 0.017349816858768463, -8.814128523226827e-05, -0.02652869001030922, 0.026071762666106224, -0.024324685335159302, 0.020507993176579475, 0.006766562815755606, -0.018975941464304924, 0.003033866174519062, 0.001642084214836359, -0.01159790251404047, -0.0032488908618688583, 0.02195941098034382, 0.016247814521193504, -0.028517669066786766, -0.004626393783837557, 0.03182367607951164, -0.03273753076791763, -0.013815346173942089, -0.00820454116910696, -0.013754869811236858, 0.007478832732886076, 0.019405992701649666, -0.03249562904238701, 0.025493882596492767, 0.01048246119171381, 0.005567127373069525, -0.029646549373865128, 0.02905523218214512, 0.019096894189715385, 0.024687539786100388, 0.0007257088436745107, -0.027576936408877373, 0.016973523423075676, 0.01591183803975582, -0.007297405507415533, 0.01128880400210619, 0.005254669580608606, 0.013754869811236858, -9.879803110379726e-05, 0.02702593430876732, -0.020091382786631584, 0.013506247662007809, 0.009561886079609394, 0.02472785674035549, -0.01087891310453415, 0.01609998568892479, -0.03287192061543465, -0.046525999903678894, -0.0006501141469925642, -0.0075997840613126755, -0.019513504579663277, -0.01905657723546028, -0.032979436218738556, -0.0036789407022297382, 0.010804997757077217, -0.001411940436810255, 0.026152396574616432, -0.020185457542538643, -0.010321192443370819, -0.03058728389441967, 0.029995964840054512, -0.03926891088485718, -0.02380056120455265, -0.007895443588495255, -0.02744254469871521, -0.008265017531812191, -0.012578953057527542, 0.004569277632981539, -0.001007928978651762, -0.01337185688316822, -0.016866011545062065, -0.013069478794932365, -0.009427495300769806, 0.0051706754602491856, 0.021314337849617004, -0.022402901202440262, -0.019190967082977295, 0.0015807684976607561, -0.002879316918551922, 0.0098709836602211, 0.01803520880639553, 0.0019419430755078793, -0.010012093931436539, 0.01326434500515461, 0.014662005938589573, 0.015817765146493912, -0.016274692490696907, 0.010536217130720615, 0.0029246737249195576, 0.007882004603743553, 0.037226174026727676, 0.027160324156284332, 0.02491600252687931, -0.0036285442765802145, 0.03271065279841423, -0.0008084430010057986, 0.010495900176465511, -0.0027281276416033506, -0.0043340944685041904, -0.027321593835949898, 0.006292836274951696, -0.00906464084982872, 0.024539709091186523, 0.00473726587370038, -0.031044211238622665, -0.01599247194826603, 0.010106167756021023, 0.016960084438323975, 0.030560405924916267, 0.030560405924916267, -0.025964248925447464, 0.022308826446533203, -0.01783362217247486, -0.0007206691661849618, -0.014957665465772152, 0.018062086775898933, 0.008433005772531033, 0.015481788665056229, 0.0030909820925444365, 0.004858217667788267, 0.014903909526765347, -0.001718518789857626, 0.012350489385426044, 0.0157102532684803, 0.012048110365867615, 0.0020007388666272163, -0.02490256354212761, -0.006249159574508667, -0.004478564020246267, 0.027926351875066757, -0.012061549350619316, -0.013654077425599098, 0.007828247733414173, -0.013479369692504406, 0.0031884151976555586, 0.004750704858452082, -0.009199031628668308, -0.011980915442109108, -0.006071092095226049, 0.03375890105962753, 0.008029833436012268, 0.006292836274951696, 0.00473726587370038, 0.035909149795770645, -0.01833086833357811, -0.0010978026548400521, 0.017793305218219757, 0.003816690994426608, 0.020306408405303955, 0.02945840358734131, -0.025601394474506378, 0.021811582148075104, -0.006722886115312576, 0.013472650200128555, 0.005688079167157412, -0.025359492748975754, -0.0016647626180201769, -0.018814673647284508, 0.01682569459080696, 0.0029498720541596413, 0.010744522325694561, 0.03472651168704033, -0.0023064773995429277, -0.007714015897363424, -0.010972985997796059, -0.0073780398815870285, 0.01834430731832981, -0.011255206540226936, 0.006383549887686968, 0.013640638440847397, -0.01048918068408966, 0.0018512294627726078, 0.02722752094268799, 0.004875016398727894, 0.006484342738986015, 0.00896384846419096, 0.0023770323023200035, -0.0073578814044594765, 0.00921919010579586, -0.0033160862512886524, 0.007418356835842133, 0.009750032797455788, -0.003504232969135046, 0.005993817467242479, -0.024580027908086777, 0.009293104521930218, 0.021193385124206543, 0.006249159574508667, -0.022456657141447067, 0.017793305218219757, 0.020709579810500145, -0.0004573477490339428, -0.00559736555442214, -0.028329523280262947, 0.004397930111736059, -0.028490791097283363, -0.0010801638709381223, 0.00865474995225668, 0.0030237867031246424, 0.0038838861510157585, -0.0018982661422342062, 0.016368765383958817, -0.018908746540546417, 0.013143393211066723, -0.016758497804403305, -0.0070891003124415874, 0.007156295236200094, -0.006954709533601999, -0.011685255914926529, 0.007922321557998657, 0.0013741430593654513, 0.01915065012872219, -0.002427428960800171, -0.0212740208953619, -0.010495900176465511, 0.0022140839137136936, -0.0030170672107487917, 0.008419566787779331, 0.016677863895893097, -0.012242976576089859, 0.01833086833357811, 0.024432197213172913, 0.016731619834899902, -0.014850152656435966, -0.021851899102330208, 0.010153204202651978, 0.0010549656581133604, -0.011651658453047276, -0.0046230340376496315, -0.021838460117578506, -0.02398870885372162, 0.05176723003387451, 0.019311917945742607, -0.005839268211275339, -0.00021838460816070437, -0.025601394474506378, 0.004451686050742865, -0.011490389704704285, 0.004747345112264156, -0.01160462200641632, 0.009192312136292458, 0.00825829803943634, -0.0016546833794564009, -0.0012699904618784785, -0.013620479963719845, 0.03383953496813774, -0.0020192177034914494, -0.003685660194605589, -0.038032516837120056, -0.00046616714098490775, -0.014621688984334469, -0.008950408548116684, -0.0009331742185167968, 0.03190430998802185, 0.028625180944800377, -0.023558659479022026, 0.004515521693974733, 0.011201450601220131, 0.0026558926329016685, -0.0015866481699049473, -0.010381667874753475, -0.000969291664659977, 0.009810508228838444, 0.0007223490974865854, 0.00907136034220457, -0.013183710165321827, -0.015979032963514328, -0.014420103281736374, -0.013096356764435768, 0.021945971995592117, 0.015226446092128754, 0.03413519263267517, -0.0008496001246385276, 0.011859963648021221, 0.0016672824276611209, 0.026112079620361328, 0.0034084797371178865, -0.0003342964337207377, 0.01944630965590477, 0.01831742934882641, -0.018250232562422752, 0.018048647791147232, 0.006376830395311117, 0.004414728842675686, 0.012363928370177746, 0.012646147981286049, -0.009743313305079937, -0.015253324992954731, -0.014850152656435966, 0.00529498653486371, -0.06138959154486656, -0.00993146002292633, -0.031071089208126068, 0.007210051640868187, -0.013029161840677261, -0.02307485230267048, -0.012914929538965225, -0.0026609324850142, -0.008291895501315594, -0.026918422430753708, 0.01008600927889347, 0.0037965322844684124, -0.015105495229363441, -0.009971776977181435, -0.0016236054943874478, 0.0004754064721055329, -0.0025634991470724344, 0.025251979008316994, -0.013640638440847397, 0.00627603754401207, 0.0167181808501482, -0.02034672535955906, -0.005305065773427486, -0.019795725122094154, -0.01963445544242859, -0.0068303984589874744, 0.0313667468726635, 0.00726380804553628, -0.008990726433694363, 0.0023417549673467875, 0.01721542701125145, 0.012888051569461823, -0.01579088717699051, 0.019809164106845856, -0.007075661327689886, -0.0028003626503050327, -0.009373739361763, 0.008977287448942661, 0.014514177106320858, -0.007290686015039682, -0.014809835702180862, 0.0278457161039114, 0.0009802108397707343, 0.017900817096233368, 0.0007210891344584525, 0.013580162078142166, 0.010563095100224018, 0.025695469230413437, -1.5735766282887198e-05, -0.0034538365434855223, 0.0034773547668009996, -0.021851899102330208, -0.019768845289945602, 0.017954574897885323, 0.010059130378067493, -0.00865474995225668, 0.006494421977549791, 0.012323611415922642, 0.000105517559859436, 0.013963175937533379, -0.013439052738249302, 0.0030305064283311367, -0.02765757031738758, 0.033678267151117325, 0.007075661327689886, -0.015293641947209835, 0.027321593835949898, 0.019983870908617973, -0.0030960217118263245, 0.010925949551165104, 0.0034353577066212893, -0.007962638512253761, 0.0212605819106102, -0.008775700815021992, -0.008157504722476006, -0.012464720755815506, -0.011114096269011497, -0.028195131570100784, 0.01463512796908617, -0.0076266624964773655, -0.007754333317279816, -0.016086546704173088, -0.015777448192238808, -0.00018016729154624045, 0.0022930384147912264, -0.011725572869181633, -0.018398063257336617, -0.016355326399207115, 0.008883213624358177, -0.0009852505754679441, 0.04233301430940628, -0.0015236525796353817, 0.006632172502577305, -0.003957801032811403, -0.013392015360295773, -0.008701786398887634, -0.024029025807976723, 0.0019301839638501406, -0.0011675177374854684, 0.038623835891485214, 0.0018663484370335937, 0.016234375536441803, -0.004754064604640007, 0.01159790251404047, -0.0037898127920925617, 0.0020007388666272163, 0.029001474380493164, 0.004246740601956844, -0.00559736555442214, -0.030909821391105652, -0.010670607909560204, 0.026904983446002007, 0.007539308629930019, 0.006487702485173941, -0.006245799828320742, 0.00572503637522459, 0.023531781509518623, -0.005523450672626495, -0.014272273518145084, -0.008191102184355259, -0.01296196598559618, 0.0010936028556898236, -0.011396316811442375, 0.005607444792985916, 0.0011683576740324497, -0.0354790985584259, -0.027375349774956703, 0.017443889752030373, -0.0009037762647494674, -0.008271737024188042, -0.003245531115680933, 0.026300225406885147, -0.008708505891263485, 0.006393629126250744, -0.020279530435800552, 0.007277247030287981, 0.006376830395311117, -0.0031598571222275496, -0.009400617331266403, -0.0029733902774751186, 0.00032001742511056364, 0.0030708233825862408, 0.017994891852140427, 0.007640101481229067, 0.003618464805185795, 0.01454105507582426, 0.007136136759072542, 0.006017335690557957, -0.020602067932486534, -0.008527078665792942, -0.012881332077085972, -0.021636875346302986, -0.026273347437381744, -0.000795423926319927, -0.025977687910199165, 0.02490256354212761, -0.0034538365434855223, -0.017081035301089287, 0.019621016457676888, 0.002462706295773387, -0.017296060919761658, 0.020212335512042046, 0.01184652466326952, 0.039242032915353775, 0.0005106839817017317, 0.010677327401936054, 0.008063431829214096, 0.016570352017879486, -0.0314205065369606, 0.007230210117995739, 0.0027869234327226877, 0.007351161912083626, 0.015159251168370247, 0.011020023375749588, -0.013056039810180664, -0.002145208651199937, 0.019970431923866272, 0.024149976670742035, -0.00676320306956768, -0.03453836590051651, 0.01651659607887268, 0.030829185619950294, -0.00040800124406814575, -0.025480443611741066, -0.0037226176355034113, -0.007633381988853216, 0.004626393783837557, 0.01568337343633175, -0.0015387715538963675, -0.008130626752972603, 0.003368162550032139, -0.0005908983293920755, 0.03252250701189041, -0.013815346173942089, -0.00425681984052062, 0.0019469826947897673, -0.009145274758338928, -0.0073578814044594765, -0.005412578582763672, -0.004972449503839016, 0.011739012785255909, -0.0187340397387743, 0.034887779504060745, -0.012484880164265633, 0.03373202309012413, 0.009649239480495453, -0.008728664368391037, -0.013560003601014614, -0.007633381988853216, 0.014903909526765347, 0.026071762666106224, -0.029592793434858322, -0.010751241818070412, 0.016019349917769432, 0.02713344618678093, 0.014016931876540184, 0.016839133575558662, 0.0029683506581932306, -0.018653403967618942, -0.014675444923341274, -0.017847061157226562, 0.01913721114397049, 0.0012909889919683337, -0.01631500944495201, 0.005415938328951597, -0.0046868696808815, -0.029592793434858322, 0.006222281139343977, -0.011369438841938972, 0.014823274686932564, -0.03047977015376091, 0.008372529409825802, 0.002408950123935938, -0.006947990041226149, -0.006417147349566221, 0.0022930384147912264, -0.018250232562422752, 0.006229000631719828, 0.030936699360609055, -0.03805939480662346, -0.0019318638369441032, 0.0004787662473972887, 0.003581507597118616, -0.02897459641098976, 0.0197285283356905, -0.015750570222735405, -0.030802307650446892, 0.007035343907773495, -0.003672220977023244, -0.013385295867919922, -0.017793305218219757, 0.013197149150073528, 0.006501141469925642, 0.0050833215937018394, -0.005204272922128439, 0.00362182455137372, 0.001647123834118247, 0.012572233565151691, -0.021650314331054688, -0.021730948239564896, 0.00779465027153492, -0.0061013298109173775, -0.013277783989906311, 0.026259908452630043, -0.02398870885372162, 0.020830530673265457, 0.004948931280523539, -0.007566186599433422, 0.005815749987959862, -0.031958065927028656, -0.0157102532684803, 0.025493882596492767, 0.01853245310485363, -0.020185457542538643, -0.012115306220948696, -0.005825829226523638, 0.0011221609311178327, -0.017860500141978264, 0.02816825360059738, -0.016382204368710518, -0.00014488978195004165, 0.022120680660009384, 0.006356671918183565, 0.004418088588863611, 0.027160324156284332, -0.020602067932486534, 0.0022594407200813293, 0.0010910830460488796, -0.006242440082132816, -0.046122826635837555, 0.004626393783837557, -0.03187743201851845, 0.03623168542981148, -0.01591183803975582, -0.014702323824167252, -0.023007657378911972, 0.009279665537178516, -0.041661061346530914, 0.009501409716904163, -0.00785512663424015, 0.0313936248421669, 0.02136809378862381, 0.026300225406885147, -0.00010079289495479316, 0.029135866090655327, 0.008681627921760082, 0.028920840471982956, -0.029592793434858322, 0.0010322872549295425, 0.005714957136660814, 0.027926351875066757, 0.02338395081460476, -0.0007152095786295831, -0.03007659874856472, -0.012854454107582569, -0.007196612656116486, 0.038220666348934174, 0.020602067932486534, 0.030641039833426476, -0.012061549350619316, 0.014769518747925758, 0.016274692490696907, 0.017336377874016762, -0.01558930054306984, 0.022349143400788307, -0.011967476457357407, -0.013949736021459103, 0.00028746973839588463, 0.007068941835314035, 0.00031686766305938363, -0.003984679002314806, 0.01631500944495201, 0.003391680773347616, -0.005016126204282045, 0.0032421713694930077, 0.013620479963719845, -0.014984543435275555, 0.0008483401616103947, -0.0081037487834692, 0.018183037638664246, 0.011960756964981556, -0.02867893874645233, -0.0006589335389435291, -0.002956591546535492, -0.007384759373962879, -0.011819646693766117, 0.0007861845660954714, -0.022711997851729393, -0.02451283112168312, 0.007989516481757164, -0.010133045725524426, 0.004468484781682491, -0.011161132715642452, -0.0014640167355537415, -0.012599111534655094, -0.02135465480387211, -0.002355193952098489, -0.020225774496793747, -0.032979436218738556, 0.02299421839416027, -0.0009802108397707343, -0.016839133575558662, -0.011228328570723534, -0.0010037291795015335, 0.020588628947734833, -0.0010448863031342626, -0.016731619834899902, 0.013607040978968143, -0.025480443611741066, 0.012908210046589375, 0.02247009612619877, -0.01721542701125145, -0.016664424911141396, -0.005029565189033747, -0.007082380820065737, -0.007774491794407368, -0.0037326968740671873, 0.2156699150800705, -0.0066691297106444836, 0.02349146455526352, 0.029135866090655327, -0.015952154994010925, 0.0038637276738882065, 0.004428167827427387, 0.006746404338628054, 0.002760045463219285, 0.02369304932653904, -0.0217578262090683, 0.015764009207487106, 0.009756752289831638, -0.0046700709499418736, 0.0031245797872543335, -0.01862652599811554, -0.03464587777853012, -0.02908211015164852, -0.040666572749614716, -0.005153876729309559, -0.003853648202493787, -0.00655825762078166, 0.007660259958356619, -0.019567260518670082, 0.008735383860766888, -0.027012495324015617, -0.014016931876540184, 0.004149307496845722, 0.015213007107377052, 0.023343633860349655, -0.0012187540996819735, -0.007498991210013628, 0.0033211258705705404, 0.0033849612809717655, -0.013963175937533379, -0.0067128068767488, 0.0027230880223214626, 0.0014211798552423716, 0.015750570222735405, 0.017269182950258255, 0.0025315815582871437, 0.0048447782173752785, -0.012592392042279243, -0.039430178701877594, -0.007136136759072542, 0.01944630965590477, -0.013304661959409714, -3.7508605601033196e-05, -0.03886574134230614, 0.0016748419729992747, -0.033678267151117325, -0.00503964489325881, -0.0051135593093931675, 0.024338124319911003, 0.01933879591524601, -0.007478832732886076, 0.0278457161039114, 0.007283966522663832, -0.029243377968668938, -0.0027634052094072104, -0.0004800261522177607, 0.02956591546535492, -0.007525869179517031, 0.010946108028292656, -0.013613760471343994, 0.021932533010840416, 0.002852438949048519, -0.011571024544537067, 0.017900817096233368, -0.0167047418653965, 0.0324149951338768, -0.018881868571043015, -0.024889124557375908, -0.0017336377641186118, -0.02015857957303524, -0.02441875822842121, 0.020884288474917412, 0.021018678322434425, 0.0037696543149650097, 0.00841284729540348, 0.007384759373962879, -0.016462840139865875, -0.005765353329479694, -0.0010096088517457247, 0.004169465973973274, -0.025843298062682152, 0.013015721924602985, -0.012921649031341076, -0.014003492891788483, -0.011960756964981556, -0.0011481990804895759, 0.0037898127920925617, -0.014594811014831066, -0.004192984197288752, 0.009850825183093548, 0.003077543107792735, 0.0008844576659612358, 0.022537291049957275, -0.0037696543149650097, 0.0038133312482386827, -0.01589839905500412, 0.048138685524463654, -0.0032707294449210167, 0.01752452366054058, -0.012431123293936253, 0.022107241675257683, 0.005355462431907654, 0.0017739549512043595, -0.016274692490696907, -0.00643058679997921, 0.004072032868862152, -0.037414323538541794, 0.002353514079004526, -0.009991935454308987, 0.00698830746114254, 0.01478295773267746, 0.0030137074645608664, -0.030614161863923073, 0.008325492963194847, 0.014742640778422356, 0.009098238311707973, -0.006612014025449753, 0.01397661492228508, 0.0027180484030395746, 0.006934551056474447, -0.030667917802929878, -0.015965593978762627, 0.004683509934693575, -0.003121220041066408, -0.05907807499170303, 0.03206557780504227, -0.007566186599433422, 0.026488373056054115, -0.013936297036707401, -0.00632643373683095, 0.015965593978762627, 0.0053319442085921764, 0.005644402001053095, -0.027093129232525826, -0.01160462200641632, 0.022523852065205574, 0.000736628076992929, 0.018908746540546417, -0.0015396114904433489, -0.0033564034383744, -0.007404917851090431, 0.008527078665792942, -0.0001166467773145996, -0.02087084762752056, -0.0051505169831216335, -0.01042198482900858, -0.027093129232525826, -0.025480443611741066, -0.0013287863694131374, 0.015656495466828346, 0.00891009159386158, -0.015065178275108337, -0.026367420330643654, 0.01224969606846571, 0.005449535790830851, -0.04434887319803238, -0.0054024988785386086, 0.006272677797824144, -0.01772611029446125, -0.008560676127672195, -0.014850152656435966, -0.17556777596473694, 0.008856335654854774, -0.011255206540226936, -0.013082917779684067, 0.0037562150973826647, 0.03289880231022835, 0.005489852745085955, 0.0033043271396309137, -0.0162209365516901, 0.012377367354929447, 0.019782286137342453, -0.011786049231886864, -0.016664424911141396, -0.0212740208953619, -0.013539845123887062, -0.011026742868125439, -0.03564036637544632, 0.004031715914607048, 0.01408412680029869, 0.014742640778422356, 0.010549656115472317, -0.02795322984457016, -0.004848137963563204, -0.006477623246610165, 0.005032924935221672, 0.00260885595344007, -0.014433542266488075, 0.025171345099806786, -0.010542936623096466, 0.0019637816585600376, 0.0016975202597677708, -0.010253996588289738, -0.010623570531606674, 0.007068941835314035, 0.01662410795688629, -0.013405455276370049, -0.018169598653912544, 0.027603814378380775, 0.006420507095754147, 0.017752988263964653, 0.012209379114210606, -0.0001113971447921358, 0.0017689153319224715, 0.01630157046020031, -0.021529361605644226, 0.006259238813072443, 0.022214753553271294, -0.007908882573246956, -0.0046868696808815, -0.01763203740119934, 0.014312590472400188, -0.013432333245873451, 0.021623436361551285, 0.002015857957303524, 0.004750704858452082, 0.011013303883373737, 0.0049018943682312965, -0.022040046751499176, 0.01549522764980793, -0.01002553291618824, -0.00876226183027029, -0.01741701178252697, -0.010092728771269321, 0.0067128068767488, -0.0019805803894996643, -0.03394704684615135, -0.03531783074140549, -0.0008105428423732519, -0.023867757990956306, 0.0028322802390903234, 0.010348070412874222, -0.04504770413041115, 0.025292295962572098, 0.007808089721947908, 0.005748554598540068, -0.016167180612683296, -0.02195941098034382, 0.006528019905090332, -0.0017773146973922849, -0.017175108194351196, -0.003089302219450474, 0.025386370718479156, -0.012034671381115913, 0.009340141899883747, -0.003907404374331236, 0.004182904958724976, -0.006615373771637678, -0.004014916718006134, -0.0021418489050120115, -0.010899071581661701, 0.008681627921760082, -0.012431123293936253, -0.002355193952098489, -0.017900817096233368, 0.025802981108427048, 0.018707161769270897, -0.0075997840613126755, 0.007048782892525196, -0.01591183803975582, 0.01560273952782154, 0.007969358004629612, -0.010710924863815308, -0.023357072845101357, -0.0014253795379772782, 0.029001474380493164, 0.0014665365451946855, -0.01662410795688629, 0.0374412015080452, 0.021596556529402733, -0.024257490411400795, -0.010596692562103271, 0.009555166587233543, 0.01702727936208248, 0.013600321486592293, -0.004703668411821127, -0.012471440248191357, -0.012518477626144886, -0.06052949279546738, 0.010462302714586258, -0.016046227887272835, 0.046525999903678894, -0.0009138555615209043, -0.003289208048954606, 0.016274692490696907, -0.012431123293936253, 0.008070151321589947, -0.06923799961805344, -0.022402901202440262, 0.020292969420552254, 0.017981452867388725, -0.006192043423652649, 0.013909419067203999, 0.00962236151099205, 0.012236257083714008, 0.0017017200589179993, 0.02460690587759018, 0.007714015897363424, -0.042897455394268036, -0.005782152526080608, 0.010932669043540955, 0.03502216935157776, 0.02014514058828354, 0.014863591641187668, -0.013344978913664818, 0.003406799864023924, 0.006030774675309658, 0.010153204202651978, 0.005822469480335712, 0.01128880400210619, -0.0435156524181366, -0.027388788759708405, -0.011174571700394154, -0.03510280326008797, 0.03502216935157776, 0.026904983446002007, 0.012585672549903393, 0.023961830884218216, -0.013990053907036781, -0.011967476457357407, 0.0006181964417919517, -0.010603412054479122, -0.00181091227568686, -0.019809164106845856, -0.02389463596045971, 0.019715089350938797, -0.006202122662216425, -0.009373739361763, -0.008688347414135933, -0.01944630965590477, -0.031151723116636276, -0.002692850073799491, -0.0068807946518063545, -0.009810508228838444, 0.01098642498254776, 0.007035343907773495, -0.023249560967087746, 0.0027398867532610893, -0.02166375331580639, -0.027711326256394386, -0.024123098701238632, 0.017887378111481667, 0.004381130915135145, 0.005510011687874794, 0.024875685572624207, -0.031554896384477615, 0.013882541097700596, -0.010899071581661701, 0.00016966804105322808, -0.018277110531926155, -0.0013111475855112076, -8.509650069754571e-05, -0.0043744114227592945, -0.003138018772006035, -0.010610131546854973, 0.014446981251239777, -0.005792231764644384, 0.013405455276370049, 0.022053485736250877, -0.034484609961509705, 0.023357072845101357, -0.029135866090655327, 0.0013598641380667686, -0.02857142500579357, -0.005499932449311018, 0.0010272475192323327, -0.014877031557261944, -0.02814137563109398, -0.02277919463813305, -0.02449939213693142, -0.014567933045327663, 0.0010927629191428423, 0.01690632849931717, -0.0019738608971238136, 0.013714552856981754, 0.01831742934882641, -0.021112751215696335, 0.021542800590395927, 0.018787795677781105, 0.024674100801348686, -0.0026844507083296776, -0.023961830884218216, 0.01782018318772316, 0.0015051738591864705, -0.0036688612308353186, 0.01397661492228508, 0.014460420235991478, -0.03736056759953499, -0.0024879046250134706, -0.08638622611761093, 0.026972178369760513, -0.0031346590258181095, 0.005977018736302853, -0.006289476528763771, 0.0013254265068098903, -0.003991398494690657, -0.018787795677781105, -0.02462034486234188, -0.0009558526217006147, -0.03168928623199463, -0.005761993583291769, -0.010603412054479122, 0.007559467107057571, 0.002692850073799491, -0.023666171357035637, 0.023572098463773727, 0.017564842477440834, 0.015468349680304527, 0.023007657378911972, 0.0005573006928898394, 0.01097970549017191, 0.014877031557261944, 0.018774356693029404, -0.028006985783576965, 0.015118934214115143, -0.01771267130970955, 0.006803520489484072, 0.003860367927700281, -0.009736593812704086, 0.024754734709858894, -0.014594811014831066, -0.008083590306341648, 0.034780267626047134, 0.003954441286623478, -0.008466603234410286, 0.004875016398727894, 0.02044079825282097, 0.016368765383958817, -0.030237868428230286, -0.02084396965801716, -0.01560273952782154, 0.0010574854677543044, 0.00754602812230587, -0.015320519916713238, 0.010563095100224018, 0.0014077407540753484, 0.008795860223472118, 0.04214486852288246, -0.0018344306154176593, 0.01008600927889347, 0.012048110365867615, -0.004696948919445276, -0.022308826446533203, -0.014662005938589573, -0.01730949990451336, 0.016368765383958817, 0.007371320389211178, 0.01630157046020031, -0.021905655041337013, 0.03593602776527405, 0.017363255843520164, 0.022617924958467484, 0.001324586570262909, 0.03300631418824196, -0.0006009776261635125, -0.012175781652331352, 0.006504501216113567, 0.019405992701649666, -0.01702727936208248, -0.028920840471982956, 0.0008386808913201094, 0.022725436836481094, 0.002197285182774067, -0.002852438949048519, 0.032468751072883606, 0.03109796717762947, 0.011308962479233742, -0.0055839261040091515, 0.018975941464304924, 0.026044882833957672, -0.03219997137784958, 0.0021603277418762445, -0.004508802201598883, 0.004223222378641367, 0.011557585559785366, -0.021112751215696335, 0.004975809250026941, 0.016758497804403305, 0.002289678668603301, -0.014648566953837872, 0.002897795755416155, -0.010247277095913887, -0.0019100253703072667, 0.02419029362499714, -0.017148230224847794, 0.005714957136660814, -0.001169197610579431, 0.010294314473867416, 0.023545220494270325, 0.006010616198182106, 0.010462302714586258, -0.0023719926830381155, -0.0015396114904433489, -0.005674639716744423, 0.014971104450523853, -0.019876359030604362, -0.030318502336740494, 0.016758497804403305, 0.011248487047851086, 0.0034639157820492983, 0.002281279070302844, 0.016933206468820572, 0.017134791240096092, -0.014352908357977867, 0.014554494060575962, -0.0022795991972088814, -0.015401153825223446, -0.023652732372283936, 0.0020864128600806, 0.007478832732886076, 0.016650985926389694, 0.03703802824020386, -0.005120278801769018, 0.016866011545062065, 0.005489852745085955, 0.013492808677256107, -0.014702323824167252, 0.006084531079977751, 0.004549119155853987, -0.013156832195818424, -0.007210051640868187, -0.022308826446533203, -0.019177528098225594, -0.031447384506464005, 0.008217980153858662, -0.01751108467578888, -0.021421849727630615, -0.006292836274951696, 0.08342963457107544, 0.02501007728278637, -0.0007047103135846555, -0.014352908357977867, -0.0009508129442110658, 0.012484880164265633, -0.0018428300973027945, -0.00473054638132453, -0.011322401463985443, -0.02441875822842121, -0.003146418137475848, -0.022537291049957275, -0.011282084509730339, -0.0098709836602211, -0.031017333269119263, -0.024983199313282967, 0.012343769893050194, 0.010267436504364014, -0.004690229427069426, -0.006739684846252203, 0.02045423723757267, 0.006202122662216425, 0.011120815761387348, -0.015024860389530659, -0.027415666729211807, -0.02054831199347973, 0.017605159431695938, -0.009938179515302181, -0.023021096363663673, -0.01003225240856409, -0.0029095548670738935, 0.004276978317648172, -0.041795454919338226, -0.009393897838890553, 0.0002755005843937397, -0.02077677473425865, -0.01296868547797203, -0.007344441954046488, 0.015965593978762627, 0.0166913028806448, -0.0009012564551085234, 0.0303722582757473, -0.014877031557261944, -0.009709715843200684, -0.0014060608809813857, -0.010065849870443344, -0.017282621935009956, 0.007687137927860022, -0.022846389561891556], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='3ac729ef-5982-4179-a326-408649c87dbf', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '6', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_type': 'application/pdf', 'file_size': 1719588, 'creation_date': '2024-02-25', 'last_modified_date': '2024-01-15', 'last_accessed_date': None}, hash='ee6d6781356797b955c3f3d8da48931145b6648fa61117a5dc9e04759dd7ad47')}, text='Language1k SFT 65k SFT\\nACC. F. INFO. LC. H. A VG. ACC. F. INFO. LC. ', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='5630e69d-7c1e-4f36-8aab-1db7ae048805', embedding=[-0.008429964073002338, 0.01656080037355423, 0.011686377227306366, -0.018885837867856026, 0.0054624807089567184, 0.008504745550453663, -0.009857619181275368, -0.00233183684758842, -0.02482760325074196, -0.057595688849687576, 0.013447152450680733, 0.04059979319572449, -0.006635197438299656, 0.005669830366969109, 0.003164635505527258, 0.005622242111712694, 0.026853512972593307, -0.005605245940387249, 0.0004584642592817545, -0.020626217126846313, -0.010299512185156345, 0.014562082476913929, -0.019891995936632156, 0.0031153475865721703, -0.009510902687907219, 0.02323678694665432, 0.020694201812148094, -0.02046305686235428, -0.015269111841917038, 0.00049160624621436, 0.008837865665555, 0.002938590245321393, -0.034726012498140335, 0.0034331707283854485, -0.00880387332290411, -0.009041815996170044, -0.0066997818648815155, -0.02035428397357464, 0.02720702812075615, -0.012808105908334255, 0.030619803816080093, 0.017444586381316185, 0.015146741643548012, 0.011604797095060349, -0.0015491758240386844, 0.012135068885982037, -0.001682593603618443, -0.011271677911281586, -0.019021805375814438, 0.02590174414217472, 0.011298870667815208, 0.028961004689335823, -0.02670395001769066, 0.011135710403323174, -0.0004410434630699456, 0.011951513588428497, 0.010503463447093964, 0.010374294593930244, 0.002647960325703025, -0.010122754611074924, -0.0017318816389888525, 0.010904566384851933, -0.03320318087935448, 0.0367383249104023, -0.015024371445178986, -0.021618777886033058, -0.0028043226338922977, 0.003501154249534011, 0.03124525398015976, 0.003582734614610672, 0.0066997818648815155, 0.014371728524565697, -0.004922010935842991, 0.002250256482511759, 0.06608004122972488, 0.010707413777709007, -0.008776680566370487, -0.004449525382369757, -0.01739019900560379, 0.004442726727575064, 0.008361980319023132, -0.019824011251330376, -0.001544926897622645, 0.0039702411741018295, 0.02053104154765606, 0.014847613871097565, 0.0031748332548886538, 0.002795824781060219, -0.007627757731825113, -0.016071317717432976, 0.002984479069709778, 0.005731015931814909, 0.01739019900560379, -0.005788801703602076, -0.0013656201772391796, -0.013508337549865246, 0.009286557324230671, 0.00929335504770279, 0.012019496411085129, -0.018423549830913544, -0.01800205186009407, -0.009572087787091732, -0.03796203061938286, -0.011428039520978928, -0.021156489849090576, -0.008763083256781101, 0.0031918289605528116, -0.004714661277830601, -0.004595689941197634, -0.012835299596190453, -0.025983324274420738, 0.01374628022313118, 0.0020225115586072206, -0.018450742587447166, -0.007430605124682188, -0.0034671626053750515, 0.016574395820498466, -0.02204027585685253, -0.003412775695323944, -0.005533863324671984, 0.01468445360660553, 0.011985504999756813, 0.009674062952399254, -0.008701898157596588, 0.040246278047561646, 0.018314776942133904, 0.006118522025644779, -0.01919856294989586, -0.04272088035941124, -0.00726064620539546, 0.011767957359552383, 0.0007104284013621509, 0.018600307404994965, 0.007328629959374666, -0.018015649169683456, 0.043020009994506836, -0.03391021117568016, -0.012087480165064335, 0.0016537006013095379, 0.0033294958993792534, 0.018518727272748947, 0.018695484846830368, -0.0023012440651655197, -0.007988070137798786, 0.001322280615568161, 0.031082091853022575, 0.014031810685992241, 0.006451641675084829, -0.024623652920126915, -0.005714019760489464, -0.00047715974505990744, -0.032061055302619934, 0.010646228678524494, 0.019076192751526833, 0.01734940893948078, -0.0018168612150475383, 0.0011115315137431026, 0.03755412995815277, -0.011733965948224068, -0.018355567008256912, -0.02258414588868618, 0.0017692726105451584, -0.014820420183241367, 0.0017505771247670054, 0.0036983066238462925, 0.014222164638340473, 0.01147562824189663, -0.022964853793382645, -0.010292713530361652, -0.003796882927417755, -0.020000768825411797, 0.028335556387901306, -0.01452129241079092, 0.012964468449354172, 0.011584402061998844, 0.009490507654845715, 0.03945767134428024, -0.0050205872394144535, -0.011971908621490002, -0.037526935338974, -0.0030167712830007076, 0.02655438520014286, 0.0281452015042305, 0.005765007343143225, -0.013576320372521877, -0.022448178380727768, 0.03502513840794563, -0.012114673852920532, 0.022244228050112724, -0.007600564043968916, 0.01630246266722679, 0.030674191191792488, 0.013535530306398869, -0.027506155893206596, -0.6461159586906433, -0.03676551952958107, 0.005652834661304951, 0.0066080037504434586, 0.007852103561162949, 0.006074332632124424, 0.019212160259485245, 0.00508857099339366, -0.03138121962547302, 0.03828835114836693, -0.031435608863830566, 0.024093380197882652, -0.004099410027265549, -0.01524191815406084, -0.01573139987885952, -0.015976140275597572, -0.004106208216398954, -0.018124422058463097, 0.01789327897131443, -0.006353065371513367, -0.020177526399493217, 0.011271677911281586, -0.0027567341458052397, -0.00010287827899446711, -0.02208106592297554, 0.007580169010907412, 0.017689326778054237, 0.01013635192066431, 0.018518727272748947, 0.010258722119033337, -0.02651359513401985, 0.016642380505800247, 0.002848512027412653, -0.005768406670540571, 0.044570036232471466, -0.02085736207664013, -0.01562262699007988, 0.018627500161528587, 0.023359157145023346, 0.009001025930047035, -0.02164597250521183, 0.00045591488014906645, 0.00032228464260697365, 0.003980438690632582, -0.018097229301929474, 0.011264879256486893, 0.00393284996971488, -0.0012313525658100843, -0.003468862036243081, -0.019538480788469315, 0.00019545279792509973, 0.016819138079881668, -0.0019120381912216544, -0.011394048109650612, 0.0107142124325037, -0.0028757054824382067, 0.0007027802639640868, -0.049192916601896286, 0.004646677523851395, 0.0037221009843051434, 0.0002543010632507503, -0.003105150070041418, -0.005272126756608486, -0.02756054326891899, -0.02280169166624546, 0.021020522341132164, 0.003501154249534011, -0.0027023472357541323, 0.007457798812538385, -0.005625640973448753, -0.013114032335579395, 0.010340302251279354, -0.00687314011156559, 0.0010579944355413318, 0.004969599656760693, 0.017906874418258667, 0.028689069673419, -0.01153001468628645, 0.010374294593930244, 0.013107233680784702, 0.020680604502558708, -0.020952539518475533, 0.018885837867856026, 0.0012840398121625185, 0.014358132146298885, -0.014997177757322788, -0.005530463997274637, 0.018124422058463097, 0.005091970320791006, 0.014969984069466591, 0.012923678383231163, 0.020802974700927734, -0.01573139987885952, -0.021278860047459602, -0.009402128867805004, 0.02936890721321106, -0.01397742424160242, 0.0031289441976696253, 0.02334556169807911, -0.02168676257133484, -0.009211774915456772, -4.052458825754002e-05, 0.0308101586997509, 0.011686377227306366, -0.018273986876010895, 0.016084915027022362, -0.006975115276873112, -0.0018083632458001375, 0.02363109216094017, -0.025031553581357002, 0.004398537799715996, -0.00965366791933775, 0.006016546860337257, -0.008538737893104553, 0.009402128867805004, -0.026187274605035782, 0.02838994190096855, -0.008382375352084637, -0.004813237581402063, -0.007396613247692585, 0.011353258043527603, -0.012536171823740005, 0.03026628866791725, 0.005788801703602076, 0.00617970759049058, 0.0233047716319561, -0.016316059976816177, 0.003881862387061119, 0.016832733526825905, 0.014820420183241367, -0.0018287582788616419, -0.002129585715010762, 0.027193432673811913, -0.033067211508750916, 0.028063621371984482, -0.003441668814048171, 0.028009233996272087, 0.0070770904421806335, 0.007403411902487278, -0.02413417026400566, -0.024093380197882652, 0.0021907708141952753, 0.007926885038614273, -0.02450128272175789, -0.032958440482616425, -0.019103385508060455, -0.001080938964150846, 0.006679386831820011, 0.01594894751906395, 0.0024983964394778013, 0.003715302562341094, -0.02070779912173748, -0.01491559762507677, 0.006060736253857613, -0.021374037489295006, -0.005595048423856497, -0.007831708528101444, -0.02777809090912342, -0.0017140359850600362, -0.02858029678463936, 0.003922652453184128, 0.012930477038025856, 0.010809388943016529, -0.009028219617903233, 0.008545535616576672, -0.004408735316246748, 0.003531747031956911, 0.020843764767050743, -0.02849871665239334, -0.02890661731362343, 0.0073150331154465675, -0.02860748954117298, 0.0034569650888442993, 0.024120574817061424, -0.00711788097396493, 0.023250384256243706, -0.02533068135380745, 0.0005438686348497868, -0.0013367271749302745, -0.029232939705252647, 0.0027788288425654173, 0.02871626429259777, -0.0032139236573129892, -0.0034909567330032587, 0.02514032833278179, 0.0036711134016513824, 0.013209209777414799, -0.008919445797801018, 0.019184965640306473, 0.004847228992730379, 0.01277411449700594, 0.0013919638004153967, -0.030211903154850006, -0.002221363363787532, -0.02157798781991005, 0.01205348875373602, -0.01300525851547718, -0.010918162763118744, 0.003317598719149828, 0.014698049984872341, 0.026037711650133133, 0.019973576068878174, 0.000735497334972024, 0.0023522318806499243, 0.004231977742165327, -0.017295023426413536, 0.00112087931483984, -0.005741213448345661, 0.006363262888044119, -0.0007265745080076158, 0.026608772575855255, -0.006859543267637491, -3.50208370036853e-06, 0.003251314628869295, 0.0005272976122796535, 0.013487942516803741, -0.0007852103444747627, 0.013372370041906834, 0.003037166316062212, 0.012515776790678501, -0.0075189839117228985, -0.00831439159810543, 0.026364032179117203, 0.013453950174152851, -0.012876089662313461, -0.007729732897132635, -0.0300215482711792, 0.007790917996317148, 0.013025653548538685, -0.003013372188434005, -0.010503463447093964, -0.00747819384559989, 0.026853512972593307, 0.009123396128416061, 0.006448242347687483, 0.0030490634962916374, 0.02836274914443493, -0.017186248674988747, 0.009932400658726692, 0.008069651201367378, 0.0032258208375424147, 0.007219856139272451, 0.014330938458442688, -0.011339660733938217, 0.016574395820498466, -0.00484383013099432, 0.031625960022211075, 0.009422523900866508, -0.023794252425432205, 0.014317342080175877, -0.018695484846830368, 0.02247537113726139, -0.008042457513511181, -0.004694266244769096, 0.020789379253983498, -0.01584017463028431, 0.009422523900866508, 0.004299961496144533, 0.023875832557678223, 0.02749256044626236, -0.002867207396775484, 0.025779373943805695, 0.01677834801375866, 0.007926885038614273, -0.0015032868832349777, 0.008035658858716488, -0.020789379253983498, -0.005798999220132828, -0.009714853949844837, -0.011822344735264778, -0.03401898220181465, -0.019674448296427727, -0.015078757889568806, -0.01479322649538517, -0.002336935605853796, 0.02136044017970562, -0.01267893798649311, -6.904582551214844e-05, 0.013807465322315693, 0.038261160254478455, -0.01089776773005724, -0.016751153394579887, 0.03369266167283058, -0.007804514840245247, -0.012271036393940449, -0.019647253677248955, -0.024650845676660538, 0.014371728524565697, -0.022353000938892365, 0.007240251172333956, -0.026214467361569405, -0.010999742895364761, -0.002819618908688426, -0.004361146595329046, -0.010612236335873604, 0.033964596688747406, 0.02456926554441452, -0.007940482348203659, -0.016914313659071922, 0.014358132146298885, -0.008015263825654984, -0.0039022574201226234, -0.038913801312446594, -0.014099794439971447, 0.033937402069568634, -0.02871626429259777, -0.023495124652981758, -0.006805156357586384, 0.013141226023435593, -0.006587608717381954, -0.007328629959374666, 0.01214186754077673, -0.007627757731825113, 0.013195612467825413, 0.043890200555324554, 0.024487685412168503, -0.013236402533948421, 0.012039892375469208, 0.025412261486053467, 0.004231977742165327, -0.013800666667521, -0.02550743892788887, 0.0027057465631514788, -0.0015891161747276783, 0.034399691969156265, 0.012135068885982037, -0.007240251172333956, -0.004775846377015114, -0.009674062952399254, 0.004235377069562674, -0.010156746953725815, -0.0001766510831657797, 0.007586967665702105, 0.011761159636080265, -0.01046267244964838, -0.02424294501543045, 0.009816829115152359, -0.003909055609256029, 0.05022626742720604, 0.013923036865890026, -0.00327001023106277, -0.03480759263038635, 0.0022349602077156305, -0.0037458951119333506, 0.00025961227947846055, -0.01228463277220726, 0.04030066728591919, 0.013236402533948421, -0.0112580806016922, 0.009028219617903233, 0.04065417870879173, -0.008688301779329777, -0.0068969340063631535, -0.03203386440873146, -0.01397742424160242, 0.011373653076589108, 0.011468829587101936, 0.019864801317453384, -0.0075189839117228985, 0.026132887229323387, 0.011570804752409458, -0.008844663389027119, 0.02110210247337818, -0.010687018744647503, 0.04195946455001831, 0.03774448484182358, 0.0023862235248088837, 0.002739738207310438, 0.02153719775378704, -0.0026938493829220533, -0.022285018116235733, 0.03475320711731911, -0.00923896860331297, -0.020231913775205612, 0.005085171665996313, -0.024514878168702126, -0.02334556169807911, -0.035813748836517334, 0.019959978759288788, -0.008096843957901001, -0.007586967665702105, 0.013073242269456387, -0.004680669400840998, -0.04095330834388733, 0.000402802717871964, -0.011951513588428497, 0.01710466854274273, -0.006081131286919117, -0.052374549210071564, -0.005968958139419556, -0.03478039801120758, -0.007498588878661394, -0.014208568260073662, 0.013963826932013035, -0.016574395820498466, -0.03415495157241821, -0.028308361768722534, -0.002710845321416855, 0.002336935605853796, 0.009204976260662079, 0.021510004997253418, 0.002345433458685875, 0.008035658858716488, -0.0007690642378292978, -0.007960877381265163, -0.0072810412384569645, 0.0119243199005723, -0.021047716960310936, -0.0022791496012359858, -0.014099794439971447, -0.022992046549916267, -0.015880964696407318, -0.015513853169977665, -0.02233940362930298, 0.00226895185187459, -0.008797075599431992, -0.005129361059516668, -0.01210787519812584, 0.02262493595480919, 0.006516226101666689, 0.027506155893206596, 0.005887378007173538, 0.0004104508552700281, -0.02323678694665432, 0.016356850042939186, -0.03556900843977928, -0.015636222437024117, -0.012984863482415676, 0.020517444238066673, 0.015432272106409073, 0.004092611372470856, -0.00932734739035368, -0.002991277491673827, -0.024881990626454353, -0.0014191572554409504, -0.03921292722225189, 0.018573114648461342, 0.00826000515371561, 0.025045150890946388, -0.009062211029231548, 0.010632631368935108, 0.003796882927417755, 0.009408927522599697, -0.04321036487817764, 0.006305477116256952, -0.027043867856264114, 0.02528989128768444, -0.00042341023799963295, -0.021278860047459602, 0.03839712589979172, 0.0012814904330298305, 0.0008820869261398911, -0.02410697750747204, 0.015364289283752441, 0.003701705951243639, 0.01850512996315956, -0.005156554281711578, -0.00208879541605711, -0.00983042549341917, -0.012366212904453278, -0.018763467669487, 0.001277241506613791, -0.017403796315193176, -0.004684068728238344, 0.009721651673316956, 0.002347133122384548, 0.004075615666806698, -0.012842098250985146, -0.005900974851101637, -0.02146921493113041, -0.02677193284034729, 0.02110210247337818, -0.00902142096310854, -0.002517092041671276, -0.020694201812148094, -0.009973190724849701, -0.02926013246178627, -0.007226654328405857, -0.027791686356067657, -0.027288608253002167, -0.0010291014332324266, 0.013236402533948421, 0.025017958134412766, 0.012842098250985146, 0.06548178195953369, -0.028770651668310165, 0.013542328961193562, 0.02731580287218094, -0.0013894144212827086, 0.010972550138831139, -0.009354540146887302, -0.01767573133111, -0.01847793720662594, -0.011631990782916546, 0.02611929178237915, 0.01569060981273651, -0.015500255860388279, 0.008368778973817825, 0.008375576697289944, 0.04655515402555466, 0.003159536747261882, 0.00039048067992553115, -0.015051564201712608, -0.02179553546011448, 0.002695548813790083, 0.008844663389027119, -0.0021873717196285725, -0.012386607937514782, -0.045440223067998886, -0.023155206814408302, 0.009667265228927135, -0.028961004689335823, 0.009694457985460758, -0.005646036472171545, 0.021618777886033058, -0.0058737811632454395, -0.008640713058412075, -0.0025391867384314537, 0.018763467669487, -0.0270574651658535, -0.006937724072486162, -0.02146921493113041, 0.006893535144627094, 0.003691508434712887, 0.005737814120948315, 0.012169060297310352, -0.002501795766875148, -0.012271036393940449, 0.02334556169807911, 0.008885453455150127, -0.006118522025644779, -0.02316880412399769, -0.00632247282192111, -0.022434581071138382, 0.009803231805562973, -0.025167521089315414, -0.011536813341081142, -0.007818111218512058, -0.01397742424160242, 0.005068175960332155, -0.005408093798905611, 0.0270574651658535, -0.019171370193362236, -0.01495638769119978, 0.017662134021520615, 0.01796126179397106, 0.038043610751628876, -0.007634555920958519, 0.027791686356067657, 0.02171395532786846, 0.010884171351790428, -0.026024114340543747, 0.0004712111840490252, 0.01046267244964838, -0.0072878398932516575, 0.0012143567437306046, 0.017444586381316185, -0.009789635427296162, -0.007321831304579973, 0.018409952521324158, 0.018913032487034798, -0.014779630117118359, -0.034263722598552704, 0.017662134021520615, 0.020191123709082603, 0.01778450421988964, -0.02795484848320484, -9.978449270420242e-06, -0.03222421556711197, 0.023223191499710083, 0.010095561854541302, 0.010394689626991749, -0.003667714074254036, -0.005771805997937918, 0.010904566384851933, 0.03366546705365181, 0.02723422273993492, 0.014059004373848438, -0.002379425335675478, -0.02420215494930744, -0.0002776704204734415, -0.007845304906368256, -0.026635967195034027, 0.006941123399883509, -0.01142124179750681, 0.035161107778549194, -0.012386607937514782, 0.009429322555661201, -0.009170984849333763, -0.01112891174852848, -0.0034484670031815767, 0.021115699782967567, -0.0011956612579524517, 0.026309644803404808, -0.03102770633995533, 0.0011123813455924392, 0.016914313659071922, 0.008824268355965614, 0.0100479731336236, -0.006828950718045235, -0.009232169948518276, -0.010285915806889534, -0.014711646363139153, 0.013018855825066566, 0.021849922835826874, 0.00947011262178421, -0.015337095595896244, 0.01013635192066431, -0.009347742423415184, -0.0035181501880288124, -0.002768631326034665, -0.014630066230893135, 0.03872344642877579, -0.043455105274915695, 0.0007932833977974951, 0.007063494063913822, -0.003151038894429803, 0.022271420806646347, -0.008708696812391281, -0.029096972197294235, 0.017988454550504684, 0.003881862387061119, -0.03850590065121651, 0.020558234304189682, 0.02208106592297554, -0.00433055404573679, -0.005775204859673977, 0.0011914122151210904, -0.009748845361173153, -0.015350691974163055, 0.021673165261745453, -0.021618777886033058, -0.02771010622382164, -0.009837224148213863, -0.004218380898237228, 0.009701256640255451, -0.005326513666659594, -0.007777321618050337, 0.016982298344373703, -0.011326064355671406, -0.0014599473215639591, -0.017634941264986992, 0.01605772227048874, 0.013338378630578518, -0.014670856297016144, -0.0038886608090251684, 0.008232811465859413, -0.0195520780980587, 0.04185068979859352, -0.01649281568825245, 0.005200743675231934, -0.01941611059010029, -0.036140069365501404, 0.00299467658624053, 0.008096843957901001, 0.031054899096488953, -0.01452129241079092, -0.005442085675895214, -0.018097229301929474, 0.002308042487129569, -0.02406618744134903, 0.03309440612792969, -0.009442918933928013, -0.007682144641876221, 0.036711134016513824, 0.017050281167030334, 0.01828758232295513, 0.012311826460063457, -0.018341969698667526, -0.007451000157743692, 0.006597806233912706, 0.005550859030336142, -0.03850590065121651, 0.003912454936653376, -0.013467547483742237, 0.03181631490588188, 0.014222164638340473, -0.007464597001671791, -0.027737300843000412, 0.0024491085205227137, -0.04329194501042366, -0.007763724774122238, -0.024120574817061424, 0.030211903154850006, -0.002564680529758334, 0.02535787597298622, 0.012971267104148865, 0.017702924087643623, -0.0030439647380262613, 0.019252950325608253, -0.024800410494208336, -0.003264911472797394, -0.00844356045126915, -0.018233196809887886, 0.010020779445767403, 0.014834017492830753, -0.04214981943368912, -0.019756028428673744, 0.009585685096681118, 0.0006262987153604627, -0.0023250384256243706, 0.031517188996076584, -0.002729540690779686, -0.0011863134568557143, -0.003511351766064763, 0.02417496033012867, -0.020449461415410042, -0.01201269868761301, -0.008851462043821812, -0.02164597250521183, 0.0005277225282043219, 0.012910082004964352, -0.0163432527333498, -0.03532426804304123, -0.00862031802535057, -0.0015933651011437178, -0.00961287785321474, -0.0032394174486398697, -0.014113390818238258, -0.008783478289842606, 0.01656080037355423, -0.03260492533445358, 0.011468829587101936, -0.0044053359888494015, -0.011360055766999722, 0.01710466854274273, 0.006975115276873112, 0.012821703217923641, -0.009300153702497482, 0.012379810214042664, -0.004837031476199627, 0.017689326778054237, 0.029396099969744682, -0.0033515903633087873, -0.01540507934987545, -0.020843764767050743, 0.0025136929471045732, -0.010958952829241753, -0.012298229150474072, -0.014766033738851547, -0.014140584506094456, -0.03276808559894562, 0.031082091853022575, 0.02168676257133484, -0.018913032487034798, 0.01206708513200283, -0.0014752437127754092, 0.00016528507694602013, 0.003800282021984458, -0.014589276164770126, 0.007430605124682188, -0.011971908621490002, 0.002991277491673827, 0.004378142300993204, -0.005544060841202736, -0.01491559762507677, -0.0014004617696627975, 0.003620125586166978, -0.008647511713206768, -0.0026887506246566772, 0.21461056172847748, -0.0326865054666996, 0.020938942208886147, 0.023427141830325127, 0.004208183381706476, -0.01111531537026167, 0.020068753510713577, 0.028743457049131393, 0.00638705724850297, 0.016751153394579887, -0.005493073258548975, 0.01336557138711214, -0.006675987504422665, 0.010863776318728924, 0.013066443614661694, -0.01970164105296135, -0.043645456433296204, -0.014861210249364376, -0.010075166821479797, 0.0070770904421806335, -0.004289763979613781, -0.016683170571923256, 0.004187788348644972, -0.031054899096488953, 0.012814904563128948, -0.013372370041906834, -0.0031119482591748238, -0.008409569039940834, 0.007151872385293245, -0.007138276007026434, -0.010863776318728924, -0.005125961732119322, 0.006597806233912706, 0.014426115900278091, -0.034617237746715546, -0.012298229150474072, 0.0068969340063631535, 0.0073150331154465675, 0.031218059360980988, 0.01545946579426527, 0.010449076071381569, -0.0015636223834007978, -0.001476093428209424, -0.0458209328353405, 0.009633272886276245, 0.047425344586372375, -0.007417008746415377, 0.00036095030372962356, -0.015785787254571915, 0.010782195255160332, -0.009592482820153236, 0.016764750704169273, 0.035732168704271317, 0.014059004373848438, -0.002382824430242181, 0.010850179009139538, 0.0023250384256243706, -0.007355823181569576, -0.0024117175489664078, 0.009408927522599697, 0.003956644330173731, 0.0007282741134986281, 0.00399743439629674, 0.01836916245520115, -0.021985890343785286, 0.013685094192624092, -0.0053707025945186615, -0.024814005941152573, -0.0007269994239322841, -0.028770651668310165, 0.008232811465859413, -0.008212416432797909, -0.024433298036456108, 0.0011616693809628487, -0.040572598576545715, -0.03652077913284302, 0.012243842706084251, 0.02958645299077034, 0.011462031863629818, 0.03964802250266075, 0.002649659989401698, -0.026132887229323387, -0.01518753170967102, -0.01605772227048874, -0.016805540770292282, -0.019497690722346306, 0.0004563397669699043, -0.018301179632544518, -0.020626217126846313, -0.01981041580438614, -0.007444201968610287, 0.0015780688263475895, -0.0262688547372818, -0.004687467589974403, 0.008559132926166058, 0.01174076460301876, 0.02096613496541977, -0.006278283428400755, -0.004146998282521963, -0.0469086691737175, -0.02236659824848175, 0.055148281157016754, 0.01811082474887371, 0.025589019060134888, 0.0041741919703781605, -0.0008085796725936234, -0.014997177757322788, 0.0035283477045595646, -0.007417008746415377, -0.0021142892073839903, 0.016533605754375458, -0.030755771324038506, 0.008756284601986408, 0.0008638163562864065, 0.014045407064259052, 0.005928168073296547, 0.012209851294755936, -0.01336557138711214, 0.015296305529773235, 0.0008659408194944263, 0.019280143082141876, -0.0008999326382763684, 0.024542072787880898, 0.008239610120654106, -0.002734639449045062, -0.022760901600122452, -0.027791686356067657, 0.0037356975954025984, -0.02550743892788887, -0.031734734773635864, 0.03907696157693863, -0.04133401811122894, 0.03834274038672447, -0.0018321574898436666, 0.012080682441592216, 0.005707221571356058, -0.022856079041957855, 0.0028451127000153065, -0.02035428397357464, 0.0026649562641978264, 0.015636222437024117, 0.000744420220144093, 0.01843714714050293, -0.00247970107011497, 0.030646998435258865, 0.0007720385328866541, 0.0004423181526362896, 0.01040828600525856, -0.0046432786621153355, -0.015337095595896244, -0.013120830990374088, 0.00016995894839055836, 0.0025102936197072268, -0.010904566384851933, 0.031734734773635864, 0.012638146989047527, -0.01148922462016344, -0.011468829587101936, 0.006410851608961821, 0.01745818369090557, -0.036167263984680176, 0.007185864262282848, 0.0334751158952713, -0.020952539518475533, 0.009402128867805004, -0.003885261481627822, -0.174799382686615, 0.010707413777709007, -0.002175474539399147, -0.04756131395697594, 0.013358773663640022, 0.014766033738851547, 0.02936890721321106, -0.00802886113524437, -0.024881990626454353, 0.005010389722883701, 0.026717547327280045, 0.004272767808288336, -0.00977603904902935, -0.00553726265206933, -0.015445869415998459, -0.01832837238907814, -0.039811182767152786, 0.009442918933928013, 0.023359157145023346, 0.018029244616627693, 0.013644304126501083, -0.009347742423415184, -0.01120369415730238, 0.0063496665097773075, -0.0018083632458001375, 0.005006990395486355, -0.0013537229970097542, 0.03839712589979172, -0.0005957061075605452, -0.027438173070549965, -0.01140084583312273, 0.0029504874255508184, 0.006995510309934616, -0.008722293190658092, -0.00308985379524529, 0.013834658078849316, -0.0020548037718981504, 0.03023909591138363, -0.007852103561162949, 0.004415533505380154, 0.017308618873357773, 0.026472805067896843, -0.0027006478048861027, -0.006557016167789698, -0.021809132769703865, 0.01919856294989586, 0.02673114277422428, -0.031054899096488953, 0.009232169948518276, -0.007464597001671791, -0.006730374414473772, -0.007770522963255644, 0.026758337393403053, 0.010741405189037323, -0.016547203063964844, 0.00844356045126915, 0.0024202154017984867, 0.006118522025644779, 0.005428488831967115, -0.003620125586166978, 0.011720368638634682, -0.01388904545456171, 0.006424448452889919, 0.012855694629251957, 0.01706387847661972, -0.031082091853022575, -0.0431559756398201, -0.018695484846830368, -0.030946126207709312, -0.0019494291627779603, -0.0072470493614673615, -0.008069651201367378, -0.0029793803114444017, -0.0028553104493767023, 0.02836274914443493, 0.02380784973502159, -0.006019946187734604, 0.014426115900278091, 0.008056053891777992, 0.0014607971534132957, -0.015717804431915283, 0.008042457513511181, -0.004809838254004717, 0.007872498594224453, -0.024011800065636635, -0.00323771801777184, 0.012882888317108154, 0.009089404717087746, -0.02038147673010826, -0.009660466574132442, 0.029640840366482735, -0.018301179632544518, -0.002928392728790641, 0.0011302269995212555, -0.0003766715235542506, 0.008681503124535084, 0.013698691502213478, -0.011815546080470085, -0.002306342823430896, -0.01473884005099535, 0.012576961889863014, -0.0001250260538654402, -0.014575679786503315, -0.001099634449928999, 0.01850512996315956, -1.1269738706687349e-06, -0.03078296408057213, 0.015296305529773235, 0.03701025992631912, -0.011625192128121853, -0.017879681661725044, -0.0020599025301635265, 0.015337095595896244, 0.016207285225391388, -0.0058737811632454395, 0.012964468449354172, -0.02312801405787468, -0.022924063727259636, 0.019688043743371964, 0.004248973913490772, 0.0409805029630661, -0.009313750080764294, -0.010081964544951916, 0.012277834117412567, -0.0059655592776834965, -0.014929194003343582, -0.10719650983810425, 0.01111531537026167, 0.005982554983347654, 0.020517444238066673, -0.01865469478070736, 0.0211836826056242, -0.0037832860834896564, 0.02035428397357464, -0.008708696812391281, 0.0600430965423584, -0.018790660426020622, -0.022312210872769356, 0.0024542072787880898, 0.001110681681893766, 0.02265212871134281, 0.0032598127145320177, 0.024977166205644608, -0.016873523592948914, -0.014412518590688705, 0.03499794751405716, -0.0007924336241558194, -0.004123203922063112, 0.007151872385293245, -0.0200959462672472, -0.01760774664580822, -0.0059247687458992004, -0.03502513840794563, 0.016587993130087852, 0.0038206770550459623, 0.008756284601986408, 0.020014366135001183, -0.011604797095060349, 0.007070292253047228, -0.013059645891189575, -0.004752052016556263, -0.018301179632544518, -0.00560184707865119, -0.014194970950484276, 0.011910723522305489, -0.0024423100985586643, -0.004622883629053831, 0.014276552014052868, 0.013549127615988255, -0.01898101530969143, 0.005863583646714687, -0.012923678383231163, 0.003487557638436556, 0.0003562764322850853, -0.0016443528002128005, -0.018029244616627693, -0.014589276164770126, -0.017730116844177246, -0.02450128272175789, 0.005452283192425966, 0.013834658078849316, 0.015445869415998459, 0.011149306781589985, 0.00043190817814320326, -0.010421882383525372, 0.003521549515426159, -0.005326513666659594, -0.004401936661452055, -0.047316569834947586, 0.011380450800061226, 0.024229347705841064, -0.010285915806889534, -0.00759376585483551, -0.02882503718137741, 0.009925602935254574, -0.0014404021203517914, -0.01987839862704277, 0.036058489233255386, -0.008205617778003216, 0.002260453999042511, -0.03391021117568016, 0.009483709000051022, -0.020395074039697647, -0.03282247111201286, -0.014616469852626324, -0.01031990721821785, -0.022611338645219803, -0.017757311463356018, -0.0050205872394144535, -0.021768342703580856, -0.001918836496770382, -0.006703180726617575, -0.014548486098647118, 9.018446871777996e-05, -0.01001398079097271, -0.02849871665239334, 0.0024678038898855448, 0.01147562824189663, 9.310563473263755e-05, -0.018845047801733017, 0.00896703451871872, 0.018301179632544518, -0.008926243521273136, -0.008797075599431992, 0.025303488597273827, -0.0017344310181215405, -0.013453950174152851, 0.015255515463650227, -0.05177629366517067, 0.014861210249364376, -0.009979989379644394, -0.014562082476913929, -0.0013044349616393447, -0.018926627933979034, 0.002379425335675478, -0.007709337864071131, -0.02648640237748623, 0.0036507181357592344, -0.02077578194439411, -0.001748877577483654, -0.02666315995156765, 0.005312916822731495, -0.027791686356067657, -0.008062852546572685, 0.019742431119084358, 0.01828758232295513, 0.0059927524998784065, 0.01660159043967724, 0.011611595749855042, -0.0027550344821065664, -0.013923036865890026, 0.02225782349705696, -0.01111531537026167, -0.005445484537631273, -0.02983119525015354, 0.01656080037355423, -0.002562980866059661, 0.0031918289605528116, 0.006410851608961821, -0.028335556387901306, -0.007043099030852318, 0.014997177757322788, -0.017444586381316185, -0.007240251172333956, 0.01677834801375866, 0.023100819438695908, 0.03271370008587837, 0.025045150890946388, -0.039811182767152786, -0.027655720710754395, -0.0006377709796652198, -0.009245767258107662, -0.01991918869316578, 0.009585685096681118, -0.012440995313227177, 0.004378142300993204, 0.022108260542154312, -0.018409952521324158, 0.019864801317453384, -0.004079014994204044, -0.0055814520455896854, -0.0281452015042305, -0.01286249328404665, -0.010707413777709007, -0.0016341552836820483, 0.009096203371882439, 0.01898101530969143, -0.0018797459779307246, 0.0345628522336483, 0.0023199396673589945, 0.015867367386817932, -0.026064904406666756, 0.023875832557678223, 0.003066059434786439, -0.004752052016556263, 0.0081716263666749, -0.003762891050428152, -0.027247818186879158, -0.020843764767050743, -0.0019919187761843204, 0.015636222437024117, 0.034617237746715546, 0.0036031296476721764, 0.01179515104740858, 0.022217033430933952, 0.027465365827083588, -0.003251314628869295, 0.009701256640255451, 0.005091970320791006, -0.01178155466914177, -0.0008264253847301006, 0.016152897849678993, 0.005768406670540571, -0.0019885196816176176, -0.019538480788469315, 0.01206708513200283, 0.004616084974259138, 0.008246407844126225, 0.025031553581357002, 0.01717265136539936, -0.00426596961915493, 0.019959978759288788, 0.0011251282412558794, 0.017621343955397606, 0.002297844970598817, 0.001767573063261807, 0.018749870359897614, 0.013773472979664803, 0.014861210249364376, -0.0017811697907745838, -0.0023913225159049034, -0.028879424557089806, -0.016547203063964844, 0.0013494740705937147, -0.03078296408057213, -0.026676757261157036, 0.020517444238066673, 0.015146741643548012, -0.00012045840412611142, 0.010238327085971832, 0.01491559762507677, 0.018845047801733017, -0.020979732275009155, 0.013535530306398869, -0.004248973913490772, -0.007043099030852318, -0.023141609504818916, 0.023467931896448135, 0.0137258842587471, 0.026962287724018097, 0.03374704718589783, 0.005731015931814909, 0.005374101921916008, 0.021442020311951637, 0.03828835114836693, -0.03684709966182709, 0.01098614651709795, 0.004303360357880592, 0.00986441783607006, 0.005061377305537462, -0.021618777886033058, -0.01577218994498253, -0.013358773663640022, -0.0053435093723237514, 0.007627757731825113, 0.03323037177324295, 0.002466104459017515, 0.0783170834183693, 0.033175986260175705, 0.01120369415730238, 0.019470497965812683, 0.011557208374142647, 0.02446049265563488, -0.005034184083342552, 0.012944073416292667, -0.00874948687851429, -0.036928679794073105, 0.006506028585135937, -0.022815288975834846, -0.009143791161477566, -0.03730938956141472, -0.009789635427296162, -0.008069651201367378, -0.01796126179397106, 0.02269291877746582, -0.01839635707437992, 0.009170984849333763, 0.03592252358794212, -0.014181374572217464, 0.03730938956141472, -0.0013537229970097542, -0.018056439235806465, -0.005914571229368448, 0.020952539518475533, 0.012998460792005062, -0.01970164105296135, -0.011903924867510796, 0.007675345987081528, 0.011625192128121853, -0.04481477662920952, -0.017634941264986992, -0.0009934100089594722, -0.023141609504818916, -0.002464404795318842, -0.01721344143152237, 0.023903027176856995, 0.02110210247337818, 0.013052847236394882, 0.003531747031956911, 0.0016129104187712073, -0.018273986876010895, 0.014113390818238258, -0.009755644015967846, -0.03589532896876335, 0.00018876066314987838, -0.036276038736104965], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='3ac729ef-5982-4179-a326-408649c87dbf', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '6', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_type': 'application/pdf', 'file_size': 1719588, 'creation_date': '2024-02-25', 'last_modified_date': '2024-01-15', 'last_accessed_date': None}, hash='ee6d6781356797b955c3f3d8da48931145b6648fa61117a5dc9e04759dd7ad47')}, text=\"H. A VG.\\nArbic 0.188 1.061 0.191 0.254 3.000 0.939 1.268 2.499 1.529 1.607 3.000 1.981\\nBengali 0.046 0.492 0.050 0.041 3.000 0.726 0.959 2.257 1.156 1.189 3.000 1.712\\nGujarati 0.061 0.426 0.052 0.063 2.998 0.720 0.683 1.795 0.875 0.790 2.995 1.428\\nHindi 0.131 1.064 0.147 0.162 3.000 0.901 1.014 2.342 1.238 1.240 2.998 1.766\\nIndonesian 0.398 1.266 0.544 0.438 2.995 1.128 1.659 2.751 2.026 2.012 3.000 2.290\\nMalayalam 0.101 0.621 0.103 0.103 3.000 0.786 0.906 2.427 1.182 1.197 3.000 1.742\\nMarathi 0.095 0.781 0.107 0.117 2.998 0.820 1.038 2.476 1.288 1.364 2.998 1.833\\nNepali 0.151 0.991 0.177 0.146 2.986 0.890 0.969 2.417 1.236 1.285 3.000 1.781\\nSwahili 0.083 0.712 0.090 0.086 2.998 0.794 1.569 2.707 1.955 1.907 3.000 2.228\\nTamil 0.140 0.914 0.176 0.174 2.998 0.880 0.960 2.457 1.198 1.257 2.998 1.774\\nTelugu 0.054 0.560 0.057 0.090 3.000 0.752 0.539 1.735 0.674 0.712 3.000 1.332\\nUrdu 0.057 0.573 0.052 0.071 3.000 0.751 1.038 2.443 1.285 1.335 3.000 1.820\\nVietnamese 0.105 0.623 0.126 0.117 3.000 0.794 1.361 2.595 1.665 1.710 3.000 2.066\\nAverage 0.124 0.776 0.144 0.143 2.998 0.837 1.074 2.377 1.331 1.354 2.999 1.827\\nTable 3: Evaluation results of model response quality for 13 low-resource languages on the LLM-Eval. ACC., F., LC., H.,\\nINFO., and A VG. respectively denote accuracy, fluency, logical coherence, harmlessness, informativeness and their average.\\nExtending the Analysis to Multiple Languages\\nIn the previous section, our experiments focus on Chinese.\\nTo investigate whether similar conclusions could be drawn\\nin other non-English languages, we extend our experiments\\nto 13 low-resource languages. To ensure evaluation con-\\nsistency, we translate LLM-Eval benchmark into these 13\\nlanguages and employ the same evaluation metrics. As\\nshown in table 3, a significant improvement in response\\nquality for all low-resource languages with the increase\\nin SFT data. Among these languages, Arabic, Indonesian,\\nand Vietnamese exhibited the best performance. Despite\\nall thirteen languages being low-resource, these three lan-\\nguages are more frequently used (Scao et al. 2023). As\\na result, LLaMA encounters them more often (although\\ntheir overall occurrence is small compared to English),\\nallowing the model to quickly comprehend instructions in\\nthese languages. This aligns with the conclusion drawn in\\nthe previous section.\\nIn the previous section, we observed that extending the\\nvocabulary had a negative impact on language transfer-\\nability. A plausible hypothesis is the existence of cross-\\nlingual semantic alignment within LLMs, which vocabu-\\nlary expansion might disrupt. To validate this alignment\\nhypothesis, we fine-tune LLaMA with a dataset of 1k\\ninstructions and examine the model’s output. Excitingly, we\\nobserved a certain proportion of code-switching samples. As\\ndepicted in figure 3, these samples’ model responses consist\\nof tokens from multiple languages and are semantically\\ncoherent. We have observed that code-switching occurs not\\nonly in the transfer process when Chinese is the target\\nlanguage, but also when other 13 low-resource languages\\nare target languages. As shown in figure 4, the proportion of\\nsamples with code-switching is approximately between 2%\\nto5%. This indicates that LLaMA might have learned cross-\\nlingual alignment relationships between concepts during the\\npretraining process.\\nHuman 1:  如何评价美国的医疗保障体系?请从优点和缺\\n点两个⽅⾯进⾏评价。\\n(Human 1:  How would you evaluate the healthcare system in\\nthe United States? Please provide an assessment from both\\nthe perspectives of its advantages and disadvantages. ) \\nAssistant 1:  医疗保障为我国⼈⺠养⽣和优先保障,  可以\\n找到多家科室和专科医⽣给予我们好  quality medicine\\nservice.  The medical system of the United States is very\\ngood in many aspects. ...  \\n(Assistant 1:  Healthcare coverage ensures the well-being and\\npriority protection of the people in our country . It allows us to\\naccess numerous departments and specialized doctors who\\nprovide us with high- quality medical services. The medical\\nsystem of the United States is very good in many aspects. ... ) \\nHuman 2:  请你为全球军事实⼒进⾏国家层⾯上的排序,\\n不包括⺠间组织与其他机构。\\n(Human2: Please provide a country-level ranking of global\\nmilitary capabilities, excluding non-state or ganizations and\\nother entities.)  \\nAssistant 2: ... 1. 美国:武器:  美国武器有着世界上最新\\n的轻 заряд⻋、追踪性能最强的潜⽔艇等等的 優れた武器\\n化状况。...\\n(Assistant 2: ... 1. United States: W eapons: The United States\\npossesses advanced weaponry including the world's latest\\nlightweight armored  vehicles, submarines with the highest\\ntracking capabilities, and other superior weapons . ...) Figure 3: Case study of code-switching. \", start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='58c374b5-7a48-49e1-92ce-11e1781cfad5', embedding=[-0.00526037160307169, 5.0025082600768656e-05, 0.01262754201889038, 0.003729961346834898, 0.006691404618322849, 0.0071154143661260605, -0.021438995376229286, -0.020789731293916702, -0.0028985044918954372, -0.014813842251896858, 0.006512525491416454, 0.05037766322493553, -0.02067047730088234, 0.002916723722591996, -0.002855441067367792, 0.002775939181447029, 0.02190275676548481, -0.014615087769925594, 0.013217180967330933, -0.013429185375571251, -0.03702135756611824, 0.035166312009096146, -0.020259719341993332, 0.0025208708830177784, -0.031800735741853714, 0.012766670435667038, 0.02385055087506771, -0.021094487980008125, 0.0023502730764448643, -0.02883266657590866, -0.001717570936307311, -0.004856237210333347, -0.014919845387339592, -0.003145291469991207, -0.016337627544999123, 0.000670796784106642, 0.006085203029215336, -0.016615884378552437, 0.02370479889214039, -0.025758596137166023, 0.022750776261091232, 0.030581707134842873, 0.010235861875116825, 0.002873660298064351, 0.0012463569873943925, 0.00037204375257715583, 0.008109187707304955, 0.0092619638890028, -0.012567915953695774, 0.024261310696601868, 0.017662659287452698, 0.026593364775180817, -0.010282238014042377, -0.014217578805983067, -0.018987689167261124, -0.0013034988660365343, -0.014336831867694855, 0.034609802067279816, -0.006124954205006361, -0.016827888786792755, 0.00906983483582735, 0.015926867723464966, -6.609625415876508e-05, 0.011799397878348827, -0.006744405720382929, -0.01523785199970007, 0.0019477950409054756, 0.020882483571767807, 0.031058717519044876, 0.012402286753058434, -0.005959325470030308, -0.004528291989117861, 0.00440903939306736, 0.02742813341319561, 0.020007962360978127, 0.0003186284739058465, -0.019186442717909813, -0.010991129092872143, 0.004727046936750412, 0.0009142711642198265, 0.018272172659635544, -0.04197696968913078, -0.0074532972648739815, 0.013243680819869041, 0.005170932039618492, 0.01943819969892502, -0.010275612585246563, 0.015794364735484123, -0.0079369330778718, -0.007175040896981955, 0.016337627544999123, 0.025864597409963608, 0.02048497274518013, -0.0052934973500669, -0.004697233438491821, -0.013594814576208591, 0.028594160452485085, 0.026050101965665817, -0.006505900528281927, -0.02651386335492134, 0.011627144180238247, 0.0002724594378378242, -0.019822457805275917, 0.007069038227200508, -0.025785095989704132, 0.014787341468036175, 0.009467343799769878, -0.00435603829100728, 0.015966618433594704, -0.0039817169308662415, -0.04240097850561142, 0.03492780774831772, 0.004634294658899307, -0.03725986182689667, 0.0052007450722157955, 0.018908187747001648, 0.020021213218569756, 0.0021631126292049885, -0.02795814722776413, 0.0038757147267460823, 0.00028757305699400604, 0.017901163548231125, -0.014310331083834171, -0.009679349139332771, 0.03778987377882004, 0.010905002243816853, -0.01182589866220951, -0.02669936791062355, -0.014111576601862907, -0.013687566854059696, 0.0038922776002436876, -0.007625551428645849, 0.012283033691346645, 0.018404675647616386, -0.014204328879714012, 0.05077517405152321, -0.03169473260641098, 0.03386778384447098, -0.012574540451169014, 0.022499019280076027, 0.017516905441880226, 0.01317080482840538, -0.00702928751707077, -0.003194980090484023, 0.014721089974045753, 0.019000940024852753, -0.004584605805575848, 0.010891751386225224, -0.010779124684631824, 0.010090108029544353, 0.014933095313608646, -0.01283292192965746, 0.024632319808006287, -0.00827481597661972, 0.01623162440955639, 0.04399101808667183, 0.005088117439299822, 0.010348489508032799, -0.0038260258734226227, -0.00015890016220510006, -0.03312576562166214, 0.015264352783560753, 0.008029685355722904, -0.013621315360069275, 0.04722409322857857, 0.02885916642844677, -0.010779124684631824, -0.00030910479836165905, -0.00018270930740982294, -0.022300265729427338, -0.03524581342935562, 0.01905393972992897, -0.01052074320614338, 0.004183784127235413, -0.007764679379761219, -0.012938924133777618, 0.029150674119591713, -0.01210415456444025, -0.005522065330296755, 0.0005714194849133492, -0.008327817544341087, 0.005263684317469597, 0.007950183935463428, -0.006022264249622822, -0.011799397878348827, -0.01254803966730833, 0.02084273099899292, -0.009573346003890038, -0.0022707711905241013, -0.015410106629133224, 0.011249509640038013, 0.038399387151002884, 0.017172396183013916, 0.011892150156199932, -0.6567912101745605, -0.025745345279574394, 0.0031386662740260363, -0.004286474082618952, 0.013753818348050117, 0.01600637100636959, 0.005710882134735584, 0.022326765581965446, -0.00799656007438898, 0.024976827204227448, -0.009732349775731564, -0.023598795756697655, -0.008751827292144299, -0.010275612585246563, -0.006780844181776047, -0.024261310696601868, -0.016324376687407494, 0.02192925661802292, -0.0011916994117200375, 0.023068783804774284, -0.022114761173725128, 0.003145291469991207, -0.03577582538127899, 0.009036708623170853, -0.005111305508762598, 0.026288608089089394, 0.0012902485905215144, 0.010129859670996666, 0.006353521719574928, 0.040519438683986664, -0.040333934128284454, -0.0064727747812867165, 0.021942507475614548, -0.025175582617521286, 0.03916790708899498, 0.0190671905875206, -0.009831727482378483, 0.022936280816793442, -0.0008397381752729416, -0.0030707584228366613, -0.026977622881531715, 0.01851067878305912, 0.018457677215337753, 0.008996957913041115, -0.005747320596128702, 0.0012422162108123302, 0.0014451115857809782, -0.017914414405822754, 0.00043063494376838207, -0.030581707134842873, -0.003300982527434826, -0.028037648648023605, 0.0009415998938493431, -0.0027742828242480755, 0.004339475184679031, -0.008003185503184795, 0.025215333327651024, -0.01923944428563118, -0.003898902563378215, -0.010262362658977509, -0.04502454027533531, -0.007320794276893139, -0.017755409702658653, -0.015343855135142803, -0.0006028889329172671, 0.0027742828242480755, -0.0217172522097826, -0.004614419303834438, 0.0033341082744300365, -0.015807615593075752, -0.0056380052119493484, 0.01405857503414154, -0.014310331083834171, -0.0034020161256194115, -0.026050101965665817, 0.020590975880622864, 0.024817824363708496, -0.014270580373704433, 0.007758054416626692, 0.018629930913448334, 0.014177828095853329, -0.005290184635668993, -0.007261167746037245, -0.02616935595870018, 0.03148272633552551, -0.016841139644384384, -0.023068783804774284, -0.0031436351127922535, 0.01656288281083107, -0.0158738661557436, -0.01568836346268654, -0.011640394106507301, -0.02170400135219097, -0.018735934048891068, -0.011547641828656197, 0.015330604277551174, -0.011799397878348827, -0.009586596861481667, 0.025573091581463814, -0.009772100485861301, -0.008095936849713326, 0.009745600633323193, 0.0038061505183577538, 0.013820069842040539, 0.005018553696572781, 0.011607268825173378, -0.009102960117161274, 0.006459524389356375, 0.031058717519044876, -0.030846713110804558, 0.025149080902338028, -0.021081237122416496, -0.007208166643977165, -0.017318150028586388, 0.004886050242930651, -0.02561284229159355, 0.031032217666506767, 0.017344651743769646, 0.02830265462398529, -0.012594415806233883, 0.015012596733868122, -0.009440843015909195, -0.015966618433594704, 0.0006413976661860943, 0.016814637929201126, 0.004604481626302004, 0.0007494704332202673, 0.009540220722556114, 0.00498542794957757, -0.009434218518435955, -0.010023856535553932, -0.015940118581056595, 0.030899714678525925, -0.014389832504093647, 0.021757002919912338, 0.0017639470752328634, 0.019173193722963333, 0.01182589866220951, -0.018749183043837547, -0.019358698278665543, -0.036385342478752136, -0.0007946043042466044, 0.002802439732477069, -0.008586198091506958, -0.005853322800248861, -0.016165373846888542, -0.037471868097782135, 0.0017010080628097057, 0.007665302138775587, 0.0004006147210020572, 0.01816616952419281, -0.022393018007278442, -0.02936267852783203, -0.0011072286870330572, -0.0034550174605101347, -0.0022012072149664164, -0.003110509365797043, -0.0108586261048913, -0.022724274545907974, -0.02313503436744213, 0.016774887219071388, 0.026858370751142502, -0.014283830299973488, 0.013820069842040539, -0.021226990967988968, -0.00837419368326664, -0.020021213218569756, 0.013979073613882065, -0.018563678488135338, -0.014495834708213806, -0.027746140956878662, -0.01067312154918909, -0.0019461388001218438, 0.012355910614132881, -0.003411953803151846, -0.0075129237957298756, -0.03243675082921982, 0.0005921230767853558, 0.007671927567571402, -0.016258126124739647, 0.016284625977277756, 0.012143906205892563, -0.008168813772499561, -0.012766670435667038, 0.006519150920212269, 0.009295090101659298, 0.03100571781396866, 0.005001990590244532, 0.0020455161575227976, -0.0008476055227220058, -0.01582086645066738, -0.008930706419050694, -0.03066120855510235, 0.014654838480055332, 0.004279849119484425, 0.00862594973295927, 0.00908971019089222, 0.009878103621304035, -0.004763484932482243, 7.132391328923404e-05, 0.010878501459956169, -0.0006972973933443427, 0.037153858691453934, -0.022552020847797394, 0.016112372279167175, -0.01363456528633833, -0.00039129811921156943, -0.005803634412586689, 0.0002641779719851911, 0.008023060858249664, 0.003922090865671635, -0.007062413264065981, -0.013661066070199013, -0.007804430555552244, -0.010871876031160355, 0.020961984992027283, -0.012640791945159435, 0.0032844196539372206, 0.006525775883346796, 0.004236785229295492, -0.018987689167261124, -0.007234667427837849, 0.015184851363301277, -0.01246191281825304, 0.0002552754303906113, 0.005816884338855743, -0.01094475295394659, 0.015728114172816277, 0.005502189509570599, -0.02298928238451481, 0.022499019280076027, -0.011415138840675354, 0.003521268954500556, 0.0048794252797961235, -0.005098055582493544, 0.010341864079236984, 0.022538771852850914, -0.0029630998615175486, 0.024976827204227448, -0.009136086329817772, -0.0026864996179938316, 0.023930054157972336, 0.014032074250280857, -0.02100173570215702, 0.04314299672842026, 0.01273354422301054, 0.03299326449632645, 0.013926072046160698, -0.029654186218976974, 0.004147345665842295, -0.014442834071815014, 3.605015081120655e-05, -0.0423479788005352, -0.008089312352240086, 0.005127868615090847, -0.0012529820669442415, 0.021650999784469604, 0.009560096077620983, 0.027348631992936134, 0.03333777189254761, -0.001064993324689567, -0.01138201355934143, 0.02563934214413166, 0.012607666663825512, 0.009314965456724167, 0.004329537507146597, -0.01817942038178444, -0.028461657464504242, -0.017159147188067436, -0.009454093873500824, -0.02726913057267666, -0.02121374011039734, 0.019862208515405655, -0.01709289476275444, 0.006098453421145678, 0.008440445177257061, -0.01175964716821909, 0.00600901385769248, 0.022194262593984604, 0.03593483194708824, -0.015767864882946014, -0.020445222035050392, 0.02758713811635971, 0.010898376815021038, -0.011925275437533855, -0.009599846787750721, -0.04611106589436531, 0.03543131798505783, -0.025904348120093346, 0.014535586349666119, -0.0052173081785440445, -0.003663709620013833, -0.006989536806941032, 0.006760968826711178, -0.007618925999850035, 0.002659999066963792, -0.007214791607111692, 0.007638801820576191, 0.005674443673342466, -0.004650857765227556, -0.009202337823808193, 0.010461117140948772, -0.03209224343299866, -0.006413148250430822, 0.04680008068680763, 0.001901419018395245, 0.0019742955919355154, 0.030025193467736244, 0.01957070268690586, -0.011594017967581749, -0.018550429493188858, -0.0006070296512916684, -0.01870943233370781, -0.01281304657459259, 0.0427984893321991, -0.01254141516983509, -0.03755136951804161, -0.002936599077656865, 0.02277727611362934, 0.018616680055856705, -0.004783360753208399, -0.015913618728518486, 0.0013680941192433238, 0.001342421630397439, 0.029495181515812874, 0.02134624309837818, 0.006164704915136099, -0.019305696710944176, -0.020802980288863182, -0.01210415456444025, -0.02263152413070202, -0.016337627544999123, 0.01636412926018238, -0.027560636401176453, -0.019093692302703857, 0.006565526593476534, 0.0014881750103086233, 0.002934942953288555, 0.007486423011869192, 0.02923017553985119, 0.006575464736670256, -0.013117803260684013, -0.011070630513131618, -0.026474112644791603, 0.0036968353670090437, 0.002007421338930726, 0.016138873994350433, -0.0025274958461523056, 0.0008422225946560502, 0.005313372705131769, 0.026288608089089394, 0.017304901033639908, 0.018219171091914177, -0.04340800270438194, -0.014866843819618225, 0.020047713071107864, -0.007002786733210087, 0.0077713048085570335, 0.007943558506667614, 0.03145622834563255, 0.005419375374913216, 0.017344651743769646, -0.004866174887865782, -0.017543405294418335, 0.03095271624624729, 0.012057778425514698, 0.014469334855675697, 0.0011792773148044944, -0.005349811166524887, -0.0035013933666050434, 0.0032645442988723516, 0.026566864922642708, -0.023930054157972336, -0.043567005544900894, 0.02174375206232071, -0.0056346929632127285, -0.016284625977277756, -0.01570161245763302, 0.0053166854195296764, 0.011176633648574352, -0.021505247801542282, 0.011256135068833828, -0.010646620765328407, -0.020246468484401703, 0.010268987156450748, -0.005710882134735584, -0.00498542794957757, -0.023824051022529602, -0.03201274201273918, 0.018192671239376068, -0.0034550174605101347, -0.028276152908802032, -0.012587791308760643, 0.018815435469150543, -0.008261566050350666, -0.014005573466420174, -0.01707964576780796, 0.03169473260641098, 0.027136627584695816, 0.02153174765408039, 0.02227376587688923, -0.015277603641152382, -0.019279194995760918, 0.004524979740381241, -0.01780841127038002, -0.014933095313608646, 0.005965950433164835, -0.01815292052924633, -0.003385453252121806, 0.006240894086658955, -0.03254275396466255, -0.009387842379510403, -0.020696979016065598, 0.016629135236144066, 0.002530808560550213, -0.004498478956520557, -0.021783502772450447, -0.006466149352490902, 0.009745600633323193, -0.0014152983203530312, -0.00744004687294364, 0.017026644200086594, -0.0032546063885092735, -0.008228439837694168, -0.009725725278258324, -0.015251102857291698, -0.025228584185242653, -0.02031271904706955, 0.019000940024852753, 0.00760567607358098, 0.013058177195489407, 0.037842873483896255, -0.03079371154308319, -0.004498478956520557, 0.0002256692823721096, -0.018285423517227173, -0.00020931343897245824, 0.014654838480055332, 0.019133443012833595, 0.0076123010367155075, -0.01694714091718197, 0.014840343035757542, 0.016430379822850227, -0.0572943240404129, 0.027136627584695816, -0.040704939514398575, 0.0018020416609942913, 0.015065598301589489, -0.003312576562166214, 0.03932690992951393, -0.007546049542725086, 0.006515838205814362, -0.015184851363301277, 0.005647942889481783, -0.01380681898444891, 0.01816616952419281, -0.018629930913448334, 0.0011991526698693633, -0.023810800164937973, 0.0062143937684595585, 0.0002679046301636845, 0.013018425554037094, -0.019106941297650337, -0.035696323961019516, -0.00784418173134327, 0.016509881243109703, 0.022565271705389023, -0.02169075235724449, 0.005952700041234493, -0.021491996943950653, -0.008109187707304955, 0.014972846023738384, -0.007228041999042034, 0.019371947273612022, 0.0030094757676124573, 0.020696979016065598, -0.01743740402162075, -0.0154896080493927, -0.0013772037345916033, -0.013270181603729725, -0.014283830299973488, 0.0007900494965724647, 0.028223153203725815, 0.022008758038282394, 0.036782849580049515, -0.007420171517878771, -0.0017556656384840608, 0.03294026106595993, -0.014615087769925594, 0.00785080622881651, -0.0030972592066973448, 0.01605937071144581, -0.017914414405822754, -0.005088117439299822, 0.008910831063985825, -0.001402876223437488, -0.0059560127556324005, 0.004501791670918465, 0.011978277005255222, 0.01559561025351286, 0.003380484413355589, 0.020948734134435654, 0.005174244754016399, -0.028567660599946976, -0.02423481084406376, 0.03235724940896034, -0.021757002919912338, -0.0023486167192459106, -0.004972177557647228, -0.007983309216797352, 0.016271376982331276, -0.005276934709399939, -0.00382933858782053, 0.004524979740381241, 0.016470130532979965, -0.0010376645950600505, -0.013376183807849884, -0.024446815252304077, 0.025705594569444656, -0.014721089974045753, -0.008453695103526115, -0.0243673138320446, 0.0076321763917803764, 0.03331127017736435, 0.033046264201402664, 0.00961972214281559, 0.01567511260509491, -0.0141645772382617, -0.003657084656879306, 0.006353521719574928, 0.0008877705549821258, -0.008334442973136902, -0.009314965456724167, -0.008076061494648457, -0.01637737825512886, -0.02938918024301529, 0.001273685717023909, -0.0008919112733565271, -0.009818476624786854, 0.02386380173265934, -0.014456083998084068, 0.02864716202020645, 0.005068242084234953, -0.014986096881330013, 0.017728909850120544, 0.01405857503414154, 0.04004242643713951, -0.01006360724568367, 0.02442031539976597, 0.024870825931429863, -0.014098325744271278, -0.018908187747001648, -0.010911627672612667, -0.00862594973295927, -0.009573346003890038, 0.04006892815232277, 0.012905798852443695, -0.017145896330475807, 0.017755409702658653, 0.00820193998515606, 0.02777264267206192, 0.0030028505716472864, -0.018444426357746124, 0.004091032315045595, 0.009745600633323193, 0.014018824324011803, -0.027852144092321396, -0.0012654042802751064, -0.0381343811750412, 0.012806421145796776, -0.01905393972992897, -0.011077255941927433, 0.0014633307000622153, -0.000778869551140815, -0.024791322648525238, 0.040307432413101196, -0.011560892686247826, 0.0121836569160223, 0.015794364735484123, -0.0073737953789532185, 0.007738179061561823, 0.009149336256086826, -0.013965822756290436, 0.007247917354106903, 0.009248713962733746, 0.02632835879921913, -0.010653246194124222, 0.0064562116749584675, 0.0005221448955126107, 0.013150929473340511, 0.013237056322395802, -0.012256533838808537, -0.0055551910772919655, 0.02758713811635971, -0.020749980583786964, -0.014469334855675697, 0.010388240218162537, 0.01831192336976528, 0.034609802067279816, 0.011554267257452011, -0.008513322100043297, -0.0032231369987130165, -0.036968354135751724, 0.0038955900818109512, 0.029150674119591713, 0.019120192155241966, -0.007539424113929272, 0.012322785332798958, -0.008493446744978428, -0.01138863805681467, -0.020418722182512283, -0.002500995295122266, 0.020060963928699493, -0.03360277786850929, -0.012362536042928696, 0.007698427885770798, 0.013899571262300014, 0.026580113917589188, -0.015264352783560753, -0.004687295760959387, 0.023386791348457336, 0.02137274481356144, -0.004395789001137018, 0.018192671239376068, -0.0006273192120715976, -0.0017291649710386992, -0.013038301840424538, 0.02188950590789318, 0.000735806068405509, -0.018987689167261124, 0.027507636696100235, -0.007950183935463428, -0.0121836569160223, -0.02532133460044861, 0.007705053314566612, -0.01334305852651596, 0.016470130532979965, -0.013250306248664856, -0.004256661050021648, 0.0026202481240034103, -0.003670334815979004, -0.00873195193707943, -0.012296284548938274, 0.007380420807749033, -0.01138201355934143, 0.00020941694674547762, 0.01746390387415886, -0.011587392538785934, -0.016165373846888542, -0.041923969984054565, -0.007903807796537876, -0.009016833268105984, -0.02652711421251297, -0.0079369330778718, 0.00650258781388402, 0.008910831063985825, -0.0007573378388769925, -0.02509607933461666, -0.030025193467736244, -0.0030972592066973448, -0.010308738797903061, 0.0033225142396986485, 0.00048239395255222917, 0.012256533838808537, 0.015622111037373543, 0.0052173081785440445, 0.011090506799519062, 0.01959720253944397, -0.027322132140398026, -0.0018997626611962914, 0.0023734611459076405, -0.0016264751320704818, -0.04338150471448898, -0.0008161360747180879, -0.01582086645066738, 0.0309792160987854, 0.0057970089837908745, -0.02298928238451481, -0.028223153203725815, -0.012362536042928696, -0.03739236295223236, -0.025003328919410706, 0.00043560381163842976, 0.028249653056263924, 0.03222474455833435, 0.011580768041312695, -0.00791705772280693, 0.024976827204227448, -0.015396855771541595, 0.0018798871897161007, -0.0013200617395341396, -0.011223009787499905, -0.008049560710787773, -0.0030624771025031805, -0.011945150792598724, 0.018961189314723015, -0.01570161245763302, 0.0016471786657348275, 0.03201274201273918, -0.006244206801056862, 0.007466547656804323, 0.022750776261091232, -0.01746390387415886, 0.0009242088417522609, -0.01582086645066738, 0.013820069842040539, -0.007281043566763401, -0.022936280816793442, -0.0025457150768488646, -0.011448265053331852, 0.008871080353856087, 0.019835708662867546, 0.000335398392053321, -0.009884728118777275, 0.0092619638890028, -0.0018384800059720874, 0.013912822119891644, -0.006207768339663744, -0.012011402286589146, -0.008195314556360245, -0.0021217053290456533, 0.004783360753208399, 0.013011801056563854, 0.014575337059795856, -0.030210698023438454, 0.018775684759020805, 0.015423356555402279, -0.014734340831637383, -0.0019776083063334227, -0.023757798597216606, -0.019703205674886703, -0.006797407288104296, 0.031058717519044876, -0.010799000039696693, -0.0032479814253747463, -0.012773294933140278, 0.007923683151602745, -0.01694714091718197, -0.007777929771691561, -0.007923683151602745, -0.004806548822671175, -0.03365577757358551, 0.023439791053533554, 0.010540618561208248, -0.02671261690557003, 0.012654042802751064, -0.002376773627474904, 0.0010542274685576558, 0.0012604354415088892, -0.00906983483582735, -0.01441633328795433, -0.032489750534296036, 0.018417926505208015, 0.019279194995760918, 0.010235861875116825, -0.014336831867694855, 0.007214791607111692, 0.011892150156199932, -0.011229634284973145, 0.028196651488542557, 0.2029946893453598, -0.02336028963327408, 0.009487219154834747, 0.030396202579140663, -0.013237056322395802, 0.021796753630042076, 0.008996957913041115, 0.00934809073805809, 0.012925674207508564, 0.010255737230181694, -0.010288862511515617, 0.02403605543076992, 0.002775939181447029, 0.004385851323604584, 0.017397651448845863, -0.019345447421073914, -0.0311382208019495, -0.03262225538492203, -0.018113167956471443, -0.015330604277551174, -0.020776480436325073, 0.0009126148652285337, -0.019358698278665543, -0.021306492388248444, 0.005184182431548834, 0.012196906842291355, -0.006307146046310663, 0.022883279249072075, 0.04147345945239067, -0.011547641828656197, -0.02279052697122097, -0.012362536042928696, 0.013568313792347908, 0.02867366373538971, -0.021664250642061234, -0.007466547656804323, 0.020749980583786964, 0.014893344603478909, 0.018550429493188858, 0.012746795080602169, -0.0007805258501321077, 0.007327419240027666, 0.013309932313859463, -0.03752486780285835, -0.014204328879714012, 0.01976945623755455, -0.01959720253944397, -0.035908330231904984, -0.004929114133119583, -0.01334305852651596, -0.008996957913041115, 0.017583156004548073, 0.035007309168577194, 0.04237448051571846, 0.015396855771541595, 0.02936267852783203, 0.0063932728953659534, -0.0004703858867287636, 0.0009598190663382411, 0.007764679379761219, -0.025851348415017128, 0.0028769727796316147, -0.004886050242930651, 0.026209106668829918, 0.0033473586663603783, 0.01815292052924633, -0.009321590885519981, -0.006022264249622822, 0.016165373846888542, -0.021955758333206177, -0.01709289476275444, -0.01908044144511223, 0.0021945820190012455, 0.003948591183871031, -0.029866190627217293, -0.017198897898197174, 0.026394609361886978, 0.014668089337646961, 0.026447610929608345, 0.053133729845285416, -0.0105869947001338, -0.02438056282699108, 0.012004777789115906, -0.013309932313859463, 0.004306349437683821, -0.03198624029755592, 0.003928715828806162, -0.011640394106507301, 0.01693389192223549, -0.0160328708589077, 0.011587392538785934, -0.01531735435128212, -0.01103087980300188, -0.005641317926347256, 0.018404675647616386, 0.024287812411785126, 0.0012654042802751064, -0.005084805190563202, 0.00853982288390398, 0.0002931630297098309, -0.032516252249479294, 0.052974723279476166, 0.020590975880622864, 0.026050101965665817, 0.003792900126427412, 0.008791578002274036, -0.011368762701749802, -0.006737780757248402, 0.011686770245432854, 0.0196104533970356, -0.01006360724568367, -0.016509881243109703, 0.015025847591459751, -0.01760965771973133, -0.018908187747001648, 0.01488009374588728, -0.010023856535553932, -0.04271898791193962, 0.010169610381126404, -0.00820193998515606, -0.011262760497629642, -0.02045847289264202, -0.01566186174750328, 0.021491996943950653, -0.007320794276893139, -0.017503654584288597, 0.0002382984821451828, -0.02814364992082119, 0.003042601514607668, -0.012607666663825512, 0.012322785332798958, -0.04433552548289299, 0.05286872386932373, -0.013594814576208591, 0.002383398823440075, 8.120988786686212e-05, 0.012296284548938274, -0.009997355751693249, 0.012448662891983986, 0.02139924466609955, 0.009546846151351929, 0.0021084549371153116, 0.0002881941618397832, -0.00779780512675643, 0.02157149836421013, -0.022671274840831757, -0.0010517430491745472, 0.006048765033483505, -0.010461117140948772, -0.018815435469150543, -0.013051551766693592, -0.009586596861481667, 0.0098052266985178, 0.00019482091011013836, 0.027878643944859505, -0.020206717774271965, -0.022393018007278442, -0.010427990928292274, 0.010759248398244381, 0.026288608089089394, -0.021425744518637657, 0.004084406886249781, 0.029442179948091507, -0.00570425670593977, 0.00032152695348486304, -0.01096462830901146, -0.16854389011859894, 0.0031982928048819304, -0.014124826528131962, -0.026103103533387184, 0.01831192336976528, 0.013502062298357487, -0.0013349683722481132, 0.01564861088991165, -0.0073737953789532185, 0.020418722182512283, 0.01559561025351286, 0.00311382208019495, -0.032489750534296036, 0.010408115573227406, -0.01745065301656723, 0.025586342439055443, -0.02424805983901024, 0.011196509003639221, 0.014615087769925594, 0.015198101289570332, 0.012693793512880802, -0.017530154436826706, 0.009381216950714588, 0.019888710230588913, -0.013323183171451092, 0.0012347629526630044, -0.01764940842986107, 0.012654042802751064, 0.010242486372590065, -0.018484177067875862, -0.007406921125948429, -0.008665700443089008, -0.006688091903924942, 0.008394069038331509, 0.015754614025354385, 0.009838352911174297, 0.0032231369987130165, 0.019835708662867546, -0.011077255941927433, -0.005677756387740374, -0.0031353537924587727, 0.010931503027677536, -0.010149735026061535, 0.010083483532071114, -0.028806166723370552, 0.022538771852850914, 0.016483381390571594, -0.00853982288390398, 0.002805752446874976, 0.002954818308353424, 0.019464699551463127, -0.02669936791062355, 0.008824704214930534, -0.021253490820527077, 0.00253577739931643, 0.0221015103161335, 0.0059758881106972694, -0.007287668529897928, 0.01176627166569233, 0.016311127692461014, 0.004789985716342926, -0.03203924000263214, 0.00019823700131382793, 0.020246468484401703, -0.00043270530295558274, 0.006108391098678112, -0.012773294933140278, 0.00936134159564972, -0.03559032455086708, 0.005906323902308941, 0.0006273192120715976, -0.02045847289264202, -0.002247583121061325, -0.002787533216178417, 0.005031803622841835, 0.004253348335623741, -0.005449188407510519, 0.00498542794957757, 0.00791705772280693, 0.0018782309489324689, -0.001896450063213706, 0.012011402286589146, -0.01636412926018238, 0.01833842322230339, -0.0008513322100043297, 0.013124428689479828, 0.01201802771538496, 0.004226847551763058, -0.024778073653578758, -0.026858370751142502, 0.038558389991521835, -0.023625295609235764, 0.01800716668367386, 0.002968068700283766, 0.022340016439557076, -0.0059394496493041515, 0.014085075818002224, -0.01246191281825304, 0.007062413264065981, -0.0003794970689341426, -0.006830533035099506, -0.014906594529747963, -0.0013622971018776298, -0.00570425670593977, 0.010196111164987087, 0.011978277005255222, -0.010911627672612667, 0.006085203029215336, 0.04022793099284172, -0.006151454523205757, -0.030396202579140663, 0.005233870819211006, 0.01069299690425396, 0.03407978639006615, -0.01033523865044117, 0.009672723710536957, 0.008798203431069851, -0.020723478868603706, 0.0037167109549045563, 0.017556656152009964, 0.056976318359375, -0.024685321375727654, 0.014628338627517223, 0.015052348375320435, 0.0007569237495772541, -0.029097672551870346, -0.11967676877975464, -0.009129460901021957, 0.0016206781147047877, 0.005180869717150927, 0.005594941787421703, 0.030184198170900345, -0.003723336150869727, -0.0043626632541418076, -0.007685177493840456, 0.04131445661187172, -0.02365179732441902, -0.008778328076004982, -0.02188950590789318, -0.010805624537169933, 0.007413546554744244, 0.00871207658201456, 0.018219171091914177, 0.0038856524042785168, -0.009467343799769878, 0.02526833489537239, -0.01317742932587862, -0.013117803260684013, -0.006522463168948889, -0.01958395354449749, -0.01556911040097475, -0.010480992496013641, -0.04449452832341194, 0.006817282643169165, 0.01710614562034607, -0.005041741766035557, 0.037683870643377304, -0.02473832108080387, 0.014376582577824593, -0.01888168603181839, -0.016311127692461014, 0.018444426357746124, -0.024433564394712448, -0.017225397750735283, -0.0017937602242454886, -0.012601041235029697, -0.013018425554037094, 0.012090904638171196, 0.00644958671182394, -0.03757786750793457, -0.004876112565398216, -0.010600244626402855, -0.018046917393803596, 0.02708362601697445, -0.0064562116749584675, -0.023082032799720764, -0.02084273099899292, -0.007380420807749033, -0.027560636401176453, -0.010825499892234802, 0.037683870643377304, 0.00799656007438898, 0.004581293556839228, 0.006466149352490902, -0.030396202579140663, 0.0124552883207798, -0.005896386224776506, -0.012938924133777618, -0.03646484389901161, 0.009049959480762482, -0.0007560956291854382, -0.0035477695055305958, -0.014813842251896858, -0.016443630680441856, 0.007671927567571402, -0.007208166643977165, -0.013515312224626541, 0.035537321120500565, -0.015887117013335228, 0.014376582577824593, -0.026659617200493813, -0.003577582770958543, -0.011521141044795513, 0.013939321972429752, 0.009745600633323193, -0.0057340702041983604, -0.02795814722776413, -0.023545794188976288, -0.0073737953789532185, -0.03029019944369793, -0.024897325783967972, 0.027348631992936134, -0.01174639631062746, -0.02938918024301529, -0.006744405720382929, -0.015608861111104488, -0.0008422225946560502, 0.029680686071515083, -0.016085872426629066, -0.01617862470448017, 0.007652051746845245, 0.012329409830272198, 0.006396585609763861, -0.005035116337239742, -0.013197304680943489, -0.007002786733210087, -0.001964357914403081, -0.013846569694578648, -0.04197696968913078, 0.015343855135142803, 0.008486821316182613, -0.013131053186953068, -0.001225653337314725, -0.018947938457131386, 0.013369559310376644, -0.014535586349666119, -0.017675908282399178, 0.014045325107872486, -0.015357105061411858, 0.017901163548231125, -0.010408115573227406, -0.005078179761767387, -0.026288608089089394, 0.012567915953695774, -0.007287668529897928, -0.005035116337239742, 0.0023436478804796934, -0.009838352911174297, -0.01131576206535101, -0.04881412908434868, 0.0298926904797554, 0.0017771973507478833, 0.009149336256086826, 0.0025374337565153837, -0.018431175500154495, 0.012640791945159435, -0.016271376982331276, -0.011713271029293537, 0.023029033094644547, -0.023797549307346344, 0.011348887346684933, 0.019862208515405655, -0.024181809276342392, -0.002974693663418293, -0.0027974708937108517, 0.025785095989704132, 0.014429583214223385, 0.03156223148107529, -0.018590180203318596, -0.04028093069791794, 0.019133443012833595, -0.015940118581056595, -0.018417926505208015, 0.011176633648574352, -0.036782849580049515, -0.007406921125948429, 0.02423481084406376, 0.010454491712152958, 0.008394069038331509, 0.0018500740407034755, -0.0012687168782576919, -0.02369154803454876, 0.018113167956471443, -0.03580232709646225, 0.01670863665640354, 0.008367568254470825, -0.007618925999850035, 0.007479798048734665, 0.005081492476165295, -0.0014293767744675279, -0.006360147148370743, -0.009546846151351929, 0.018060168251395226, 0.0017589781200513244, -0.0046574827283620834, -0.007758054416626692, -0.0185239277780056, -0.03810787945985794, -0.010401490144431591, 0.003330795792862773, 0.01619187369942665, 0.005233870819211006, 0.02085598185658455, -0.002721281722187996, 0.016271376982331276, -0.0011651988606899977, -0.00322479335591197, 0.018272172659635544, -0.007890557870268822, 0.0103153632953763, -0.013621315360069275, 0.0073737953789532185, 0.009102960117161274, 0.0034020161256194115, 0.0014848624123260379, -0.0043991017155349255, -0.03203924000263214, 0.00011428389552747831, 0.012654042802751064, -0.0036040833219885826, 0.01670863665640354, 0.012806421145796776, -0.0015444888267666101, 0.0002567246847320348, -0.0012148874811828136, 0.0015353792114183307, 0.0077911801636219025, 0.017357900738716125, 0.008400694467127323, -0.0006906721973791718, 0.006645028479397297, -0.03858489170670509, -0.03026369959115982, 0.022565271705389023, -0.018073417246341705, -0.0228037778288126, 0.002025640569627285, 0.0016885859658941627, -0.009367967024445534, -0.004465353209525347, 0.00835431832820177, 0.014933095313608646, -0.02991919219493866, 0.027163127437233925, -0.017225397750735283, -0.017039893195033073, -0.02137274481356144, 0.01817942038178444, 0.015767864882946014, -0.0036835852079093456, 0.04327550157904625, -0.004071156494319439, 0.005170932039618492, 0.013296682387590408, 0.038346387445926666, -0.03651784360408783, 0.02383730188012123, 0.02312178537249565, 0.007890557870268822, 0.007062413264065981, 0.007022662553936243, -0.002678218064829707, -0.011892150156199932, 0.011070630513131618, 0.007009412162005901, 0.0359613299369812, 0.035007309168577194, 0.07706378400325775, 0.00846032053232193, -0.028064148500561714, -0.004359351005405188, -0.0015544266207143664, 0.021094487980008125, 0.017569907009601593, 0.02349279262125492, 0.0035577071830630302, -0.018735934048891068, -0.0028670351020991802, -0.003040945390239358, -0.002913411008194089, -0.021094487980008125, -0.020802980288863182, -0.02389030158519745, -0.02169075235724449, 0.015330604277551174, -0.020710228011012077, 0.012349285185337067, 0.02867366373538971, -0.006002388894557953, 0.026818620041012764, 0.017371151596307755, -0.013780318200588226, -0.003822713391855359, 0.012846171855926514, -0.008453695103526115, -0.002025640569627285, -0.00708228861913085, 0.013548438437283039, -0.0026798744220286608, -0.02525508403778076, -0.015145099721848965, 0.008248316124081612, -0.011984902434051037, 0.008705451153218746, -0.00010579541412880644, 0.018378175795078278, 0.018033666536211967, 0.02370479889214039, 0.017238648608326912, 0.01673513650894165, -0.03119122050702572, 0.006025576964020729, -0.0023303977213799953, -0.011090506799519062, -0.012852797284722328, -0.022340016439557076], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='3ac729ef-5982-4179-a326-408649c87dbf', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '6', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_type': 'application/pdf', 'file_size': 1719588, 'creation_date': '2024-02-25', 'last_modified_date': '2024-01-15', 'last_accessed_date': None}, hash='ee6d6781356797b955c3f3d8da48931145b6648fa61117a5dc9e04759dd7ad47')}, text='Text with a red\\nbackground represents the non-English target language\\n(Chinese). Text with a cyan background indicates code-\\nswitching language in the model’s output, which could be\\nEnglish, Japanese, Russian or other languages.', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='a9a9e883-db79-4c10-8895-1400ae90179b', embedding=[-0.0015500499866902828, -0.006273971870541573, 0.006927859969437122, -0.028060181066393852, 0.009389162063598633, 9.871194197330624e-05, -0.011702919378876686, 0.013030814938247204, -0.02639695815742016, -0.04801885411143303, 0.018644193187355995, 0.04337792843580246, -0.016068879514932632, 0.010542687028646469, 0.004439732059836388, 0.018389344215393066, 0.02261446602642536, -0.008141744881868362, -0.005791100673377514, -0.011676093563437462, -0.013949611224234104, 0.015156789682805538, -0.014311765320599079, 0.004627515561878681, -0.015706725418567657, 0.004459851887077093, 0.0317353680729866, -0.01841617003083229, -0.023808231577277184, -0.013688056729733944, 0.00589505210518837, -0.003752311458811164, -0.030850103124976158, -0.005573138128966093, -0.025833608582615852, 0.0015349602326750755, 0.001924778101965785, -0.03734203800559044, 0.028945444151759148, -0.030769623816013336, 0.011407831683754921, 0.028596702963113785, 0.015693312510848045, 0.01932826079428196, -0.006401396356523037, 0.020803699269890785, 0.00174034817609936, -0.0048655979335308075, -0.02797970175743103, 0.030501361936330795, 0.0046979342587292194, 0.027765091508626938, -0.03602755442261696, 0.004469911567866802, -0.006968099158257246, -0.00140418263617903, -0.0016146005364134908, 0.022721771150827408, 0.015881096944212914, 0.006605945993214846, 0.010240892879664898, 0.001743701403029263, -0.017651623114943504, 0.027040785178542137, -0.016229836270213127, -0.014821462333202362, -0.015492117032408714, 0.008684974163770676, 0.05137212574481964, -0.008966648951172829, -0.0036148272920399904, -0.007202828302979469, -0.010730470530688763, 0.01175657194107771, 0.04606054350733757, 0.000106309205875732, -0.00031290220795199275, -0.005221044644713402, -0.015706725418567657, 0.00960377138108015, -0.0024965109769254923, -0.015290920622646809, 0.0035075226332992315, 0.0002137710980605334, 0.015505529940128326, 0.006656244862824678, 0.01736994832754135, 0.011709625832736492, -0.009415987879037857, -0.025243431329727173, -0.001209692913107574, 0.007484503090381622, 0.026571327820420265, 0.0016766360495239496, 0.0005729903350584209, -0.0025535167660564184, -0.004718053620308638, 0.015438464470207691, -0.0071022300980985165, -0.03664455562829971, -0.011112743057310581, -0.0032493206672370434, -0.030876928940415382, -0.0036114740651100874, -0.020025741308927536, 0.0011409508297219872, 0.01284303143620491, 0.011253581382334232, 0.009999456815421581, 0.005928584840148687, -0.030876928940415382, 0.02692006714642048, 0.0015701695811003447, -0.01359416451305151, 0.0001407326344633475, -0.02339242585003376, 0.014700744301080704, -0.012568063102662563, -0.009456227533519268, 0.006247145589441061, 0.024398406967520714, 0.002325494075194001, 0.007216241210699081, -0.008658148348331451, 0.02993801236152649, 0.03506181389093399, 0.005506072659045458, -0.006787022575736046, -0.029508793726563454, 0.0034119542688131332, -0.006679717916995287, 0.015760378912091255, 0.012621715664863586, 0.022198660299181938, -0.00547253992408514, 0.042170748114585876, -0.015545768663287163, -0.016726121306419373, -0.00966413039714098, 0.018724670633673668, 0.01565307378768921, 0.02025376260280609, 0.007746058516204357, -0.020039154216647148, 0.0170882735401392, 0.01512996293604374, 0.023177815601229668, 0.00020025321282446384, -0.008919703774154186, 0.005858166143298149, -0.004778412636369467, -0.014888527803122997, -0.0017604677705094218, 0.004630868788808584, 0.0012021480360999703, -0.013989850878715515, 0.02372775226831436, 0.03307667374610901, -0.01103897113353014, -0.011300526559352875, -0.02121950499713421, 0.0034438103903084993, -0.00027475872775539756, -0.008054559119045734, 0.008215516805648804, 0.008363060653209686, 0.008953236043453217, -0.022842489182949066, -0.012635128572583199, -0.015438464470207691, -0.022185247391462326, 0.03283524140715599, -0.017074860632419586, 0.005489306524395943, 0.019744066521525383, 0.003497462719678879, 0.02561899833381176, -0.009576944634318352, -0.02600797824561596, -0.020682981237769127, -0.004942723084241152, 0.010462208651006222, 0.02155483327805996, 0.0018711257725954056, -0.03216458484530449, -0.008000907488167286, 0.014352004043757915, -0.019086824730038643, 0.013842307031154633, -0.010770710185170174, 0.024465473368763924, 0.03755664825439453, 0.01359416451305151, -0.020226936787366867, -0.6597093343734741, -0.029589273035526276, 0.0013865779619663954, 0.009228204376995564, -0.0005943674477748573, -0.015639660879969597, -0.0031336327083408833, 0.0027630962431430817, -0.019314846023917198, 0.03975639492273331, -0.018040603026747704, 0.0021662137005478144, -0.0051003266125917435, -0.012822912074625492, -0.0017671743407845497, -0.017986951395869255, 0.0038696760311722755, -0.015156789682805538, -0.0024696849286556244, -0.01624324917793274, -0.02057567797601223, 0.002182980068027973, -0.009623890742659569, 0.019435564056038857, -0.030501361936330795, -0.002506570890545845, 0.010629872791469097, 0.014392243698239326, -0.00858437642455101, 0.026812763884663582, -0.02148776687681675, 0.013097880408167839, 0.0035511150490492582, -0.0010017900494858623, 0.04952112212777138, 0.008456951938569546, -0.019422151148319244, 0.021246330812573433, 0.024854451417922974, 0.010415262542665005, -0.01998550072312355, 0.001016041380353272, -0.008430126123130322, 0.016283489763736725, -0.013553925789892673, 0.00914101954549551, 0.017329709604382515, 0.005452420096844435, 0.0047079939395189285, -0.02567264996469021, -0.02359362132847309, 0.01081094890832901, -0.011635853908956051, -0.009462933987379074, 0.02128657139837742, 0.01490194071084261, 0.012889977544546127, -0.04329744726419449, 0.00010557567293290049, -0.0030732739251106977, -0.006129781249910593, -0.0003523031482473016, -0.013071054592728615, -0.024224037304520607, -0.013144826516509056, -0.006619358900934458, -0.023553382605314255, -0.009751315228641033, 0.009442813694477081, 0.0002278129250044003, -0.017128514125943184, 0.028140658512711525, 0.010623165406286716, 0.007196121849119663, -0.014995832927525043, 0.014767809771001339, 0.013071054592728615, -0.0033046496100723743, -0.004436378832906485, 0.01183034386485815, -0.007866776548326015, -0.030501361936330795, -0.0041513508185744286, 0.00831611454486847, 0.024264276027679443, -0.019703825935721397, 0.006619358900934458, -0.004121171310544014, 0.01189070288091898, 0.014593440108001232, 0.019878197461366653, 0.03216458484530449, -0.019931849092245102, -0.018899040296673775, 0.0010411909315735102, 0.034042418003082275, -0.007149175740778446, 0.0010822685435414314, 0.03237919509410858, -0.017638210207223892, 0.00450344430282712, -0.004999728407710791, 0.02875766158103943, 0.004231829196214676, -0.006867500953376293, 0.007450970355421305, -0.006974805612117052, 0.016337141394615173, 0.01912706345319748, -0.01612253114581108, -0.005962117575109005, -0.02594091184437275, 0.015371399000287056, -0.01973065175116062, 0.016484685242176056, -0.019234368577599525, 0.020991483703255653, -0.006035889498889446, -0.0047079939395189285, -0.0068742078728973866, -0.009825087152421474, -0.006237085908651352, 0.021836508065462112, -0.014271525666117668, -0.010522567667067051, 0.005633497145026922, -0.013714882545173168, 0.005868225824087858, 0.030555015429854393, 0.015814030542969704, -0.013399675488471985, -0.009000182151794434, 0.027684614062309265, -0.02136704884469509, 0.025243431329727173, 0.0048689511604607105, 0.0526597835123539, 0.0039903935976326466, -0.0077058193273842335, -0.014928767457604408, -0.014378830790519714, 0.00966413039714098, 0.005086913704872131, -0.02221207320690155, -0.031198842450976372, -0.020146457478404045, -0.012561356648802757, -0.009845206514000893, 0.009597064927220345, -0.004161410499364138, 0.013614284805953503, -0.030876928940415382, -0.012936923652887344, 0.007772884331643581, -0.0022718417458236217, -0.009295269846916199, -0.0010009517427533865, -0.026316478848457336, -0.020615916699171066, -0.02921370603144169, 0.0019231014885008335, -0.0041513508185744286, -0.005039968062192202, 0.012239443138241768, 0.0020756754092872143, -0.004838771652430296, 0.00897335633635521, 0.013882545754313469, -0.014365416951477528, -0.032003629952669144, -0.01736994832754135, -0.028194312006235123, 0.004858891014009714, 0.018000364303588867, -0.0017537613166496158, 0.009476346895098686, -0.015612834133207798, 0.009509879164397717, 0.017517492175102234, -0.021407289430499077, -0.013245424255728722, 0.033505894243717194, -0.0003053573309443891, -0.023969188332557678, 0.01300398912280798, 0.009020301513373852, 0.03565198928117752, -0.01749066635966301, 0.007484503090381622, 0.011816930957138538, 0.00751803582534194, 0.001872802386060357, -0.03361319750547409, 0.0052713435143232346, 0.008798985742032528, 0.0059822374023497105, 0.001410050899721682, -0.002860340988263488, 0.006760196294635534, -0.006934566423296928, 0.014405656605958939, 0.0243849940598011, 0.008128331042826176, -0.024586191400885582, 0.010797536000609398, -0.018523475155234337, -0.0003393092192709446, -0.013654523529112339, 0.01632372848689556, -0.0005931099876761436, 0.012789379805326462, 0.004211709834635258, 0.005787747446447611, -0.01669929549098015, -0.004563803318887949, 0.03779808059334755, -0.0001437715400243178, 0.01016041450202465, -0.0033599785529077053, 0.01156208198517561, -0.00632091797888279, -0.008524017408490181, 0.021125614643096924, 0.006746783386915922, 0.002419385826215148, 0.0061029549688100815, -0.021916985511779785, 0.011998007073998451, 0.0031688420567661524, -0.001423463923856616, -0.00017594199744053185, -0.01319847907871008, 0.01048232801258564, 0.010053109377622604, 0.01159561425447464, -0.006927859969437122, 0.019569694995880127, -0.011843756772577763, 0.02418379858136177, 0.005294816568493843, 0.003678539302200079, 0.022319378331303596, -0.005070147104561329, -0.009798260405659676, 0.017383363097906113, -0.010415262542665005, 0.03294254466891289, 0.011166395619511604, -0.014834875240921974, 0.022520575672388077, -0.019690413028001785, 0.00714246928691864, -0.03291571885347366, 0.003101776586845517, 0.01244734600186348, -0.011495016515254974, 0.015156789682805538, 0.0068742078728973866, 0.028355268761515617, 0.01774551533162594, -0.01530433353036642, 0.011340766213834286, 0.02121950499713421, -0.0056603229604661465, 0.0031805785838514566, -0.006907740607857704, -0.013775241561233997, -0.010790829546749592, -0.004483324475586414, -0.028087006881833076, -0.029857534915208817, -0.021648723632097244, 0.018925867974758148, -0.0251629538834095, 0.01186387613415718, 0.0085441367700696, -0.01565307378768921, -0.00691444706171751, 0.01841617003083229, 0.018563713878393173, -0.017182165756821632, -0.01834910362958908, 0.014539787545800209, -0.006699837744235992, -0.015907922759652138, -0.01998550072312355, -0.04396810382604599, 0.02870400808751583, -0.030045317485928535, 0.0012415489181876183, -0.03382780775427818, 0.012500998564064503, 0.01382889412343502, 0.013245424255728722, -0.00538870831951499, 0.0310647115111351, 0.025015410035848618, -0.004285481758415699, -0.015317746438086033, -0.003043094417080283, 0.006847381591796875, 0.012735727243125439, -0.054403483867645264, -0.014740983955562115, 0.048394422978162766, -0.01350027322769165, -0.03237919509410858, 0.007015045266598463, 0.0063846297562122345, -0.008503898046910763, -0.017906472086906433, 0.0010923283407464623, -0.003380098147317767, 0.027161503210663795, 0.04257314279675484, 0.0012717284262180328, 0.004211709834635258, 0.030098969116806984, 0.02789922244846821, 0.011327353306114674, -0.00696139270439744, -0.025659237056970596, -0.009637303650379181, 0.013117999769747257, 0.05547653138637543, 0.0052713435143232346, -0.0031353093218058348, 0.0031369859352707863, -0.008101505227386951, -0.01676636002957821, -0.012044953182339668, -0.010884720832109451, -0.0013949611457064748, -0.011360885575413704, -0.004993021953850985, -0.02411673218011856, 0.008738626725971699, -0.012299802154302597, 0.044585105031728745, 0.015478704124689102, -0.00146202661562711, -0.028140658512711525, -0.015049484558403492, 0.0012340041575953364, 0.01234674733132124, -0.02096465602517128, 0.02155483327805996, 0.021380461752414703, -0.003547761822119355, 0.007806417066603899, 0.045577675104141235, 0.0036349468864500523, -0.001571846310980618, -0.03221823647618294, 0.012648542411625385, 0.006398043129593134, 0.01644444651901722, 0.01978430524468422, -0.01189070288091898, 0.040588006377220154, 0.028060181066393852, 0.006860794499516487, 0.03178901970386505, -0.00952999945729971, 0.022225486114621162, 0.02202429063618183, 0.007732645142823458, 0.0015098106814548373, 0.01979771815240383, -0.014915353618562222, -0.01067681796848774, 0.04970890283584595, 0.003007885068655014, -0.033586371690034866, -0.001834239810705185, -0.007417437620460987, -0.01944897696375847, -0.010395143181085587, 0.018510062247514725, 0.010844482108950615, 0.006250499282032251, 0.01530433353036642, -0.01274914015084505, -0.04783107340335846, -0.004882364068180323, -0.010549393482506275, 0.0071558826602995396, -0.021004896610975266, -0.032781586050987244, 0.0010789153166115284, -0.025766542181372643, -0.02174261584877968, -0.012722314335405827, 0.0008437670767307281, 0.012561356648802757, -0.033452242612838745, -0.019033171236515045, 0.020978068932890892, 0.0005289786495268345, 0.01663222908973694, 0.037905387580394745, -0.002015316393226385, 0.0016757977427914739, 0.008765453472733498, -0.004412905778735876, -0.014781222678720951, 0.0012239442439749837, -0.02843574620783329, -0.013044227845966816, -0.00579780712723732, -0.04571180418133736, -0.013446620665490627, -0.010462208651006222, -0.006116368342190981, -0.006206906400620937, -0.0018392696511000395, 0.006455048453062773, -0.006170020438730717, 0.006813848856836557, 0.008577669970691204, 0.0273895263671875, 0.017732102423906326, -0.0017101687844842672, -0.008933116681873798, 0.0014217873103916645, -0.025458041578531265, -0.02771143987774849, -0.030098969116806984, -0.009644010104238987, 0.014097156003117561, 0.02496175654232502, 0.024478886276483536, -0.014834875240921974, 0.0017252584220841527, 0.013024108484387398, -0.025270257145166397, 0.02934783697128296, 0.010408556088805199, 0.008322820998728275, 0.009442813694477081, 0.0009305329876951873, 0.01179010421037674, 0.022976620122790337, -0.03144028037786484, 0.004409552551805973, -0.03782491013407707, 0.006200199946761131, 0.0050969733856618404, -0.01868443191051483, 0.01663222908973694, 0.002266811905428767, 0.0072631873190402985, -0.01637738011777401, 0.008711800910532475, -0.007953961379826069, 0.03315715491771698, -0.0049829622730612755, -0.013084467500448227, -0.006243792362511158, -0.007497916463762522, -0.010180533863604069, -0.008926410228013992, -0.029964838176965714, 0.014526374638080597, -0.004513503983616829, -0.00041748236981220543, 0.003497462719678879, -0.014231286942958832, -0.0013027462409809232, -0.018925867974758148, -0.003645006800070405, 0.003230877686291933, 0.005646910052746534, 0.009912271983921528, -0.014875114895403385, 0.019046586006879807, -0.033505894243717194, -0.008289288729429245, -0.025659237056970596, -0.029052749276161194, -0.011448070406913757, -0.00792713463306427, 0.03490085527300835, 0.009845206514000893, 0.048984598368406296, -0.03165488690137863, 0.009637303650379181, 0.017021209001541138, 0.001202986342832446, 0.0011132863583043218, -0.003862969344481826, -0.01979771815240383, -0.02018669806420803, -0.013701469637453556, 0.025766542181372643, 0.012500998564064503, 0.011521842330694199, 0.023741165176033974, 0.01169621292501688, 0.030286753550171852, -0.004785119090229273, 0.012105312198400497, -0.01617618463933468, -0.02543121576309204, -0.01617618463933468, 0.00019606162095442414, -0.017705276608467102, -0.001219752710312605, -0.031172016635537148, -0.005864872597157955, 0.008175277151167393, -0.014915353618562222, 0.0044263191521167755, 0.000488320249132812, 0.01553235575556755, 0.0062639121897518635, -0.002950879279524088, 0.005851459689438343, -0.0007419114117510617, -0.0326206311583519, -0.004215063061565161, -0.03452529013156891, 0.0021460941061377525, 0.0042586554773151875, 0.00861790869385004, 0.013714882545173168, 0.007055284455418587, -0.02062932960689068, 0.015183615498244762, 0.018134495243430138, -0.004681167658418417, -0.01696755737066269, -0.013225304894149303, -0.011414538137614727, 0.011354179121553898, -0.020468372851610184, -0.004738173447549343, -0.01382889412343502, -0.0317353680729866, 0.0030648906249552965, -0.013963025063276291, 0.03675186261534691, -0.01782599464058876, -0.011588907800614834, 0.01952945627272129, 0.008155157789587975, 0.028784487396478653, -0.0021628604736179113, 0.030555015429854393, 0.036590903997421265, 0.006089542061090469, -0.005757567938417196, -0.004191590007394552, 0.014740983955562115, -0.028972269967198372, 0.03903208673000336, 0.019703825935721397, -0.004335780628025532, -0.0004686197789851576, -0.009120900183916092, 0.02312416397035122, -0.013527099043130875, -0.00920137856155634, 0.0019398678559809923, 0.009436107240617275, 0.012802792713046074, -0.029964838176965714, 0.00011705014912877232, -0.03460576757788658, 0.036859165877103806, -0.000821551657281816, 0.01618959754705429, -0.01369476318359375, -0.011481603607535362, 0.010408556088805199, 0.020025741308927536, 0.01684683933854103, -0.002037112833932042, 0.0029944719281047583, 0.005335055757313967, -0.005164038855582476, -0.016672467812895775, -0.010006163269281387, -0.0027060904540121555, 0.0014083742862567306, 0.016042053699493408, -0.019958674907684326, 0.01893928088247776, -0.011877289973199368, 0.0014896910870447755, -0.006770256441086531, 0.005740801803767681, -0.006401396356523037, 0.02988436073064804, -0.01572014018893242, -0.01061645895242691, 0.0010940049542114139, -0.001083945157006383, 0.02010621875524521, -0.005221044644713402, -0.013936198316514492, -0.02227913960814476, -0.006465108599513769, 0.009771434590220451, 0.012205909937620163, 0.033452242612838745, -0.00023933978809509426, 0.013151532970368862, -0.015143376775085926, -0.00640474958345294, -0.00622367300093174, -0.0076588732190430164, 0.03492768108844757, -0.039729565382003784, -0.010891427285969257, -1.0649258001649287e-05, -0.00696139270439744, 0.014298351481556892, -0.012769259512424469, -0.008604495786130428, 0.00992568489164114, 0.005083560477942228, -0.025122713297605515, 0.0288381390273571, 0.009536705911159515, 0.00042293142178095877, -0.008443539030849934, 0.016659054905176163, -0.011803517118096352, -0.02005256712436676, 0.02083052508533001, -0.022305965423583984, -0.002067292109131813, 0.006284031551331282, -0.015116550028324127, -0.003588001010939479, -0.008195396512746811, -0.005972177255898714, 0.013104586862027645, -0.007618634030222893, 0.00404404615983367, -0.021729202941060066, 0.019905023276805878, 0.02654450200498104, -0.027027372270822525, -0.004084285348653793, 0.0002502379356883466, -0.010589633136987686, 0.019368499517440796, -0.026692045852541924, 0.006622712127864361, -0.01553235575556755, -0.04423636570572853, 0.0055463118478655815, 0.002099148230627179, 0.0076655796729028225, -0.006622712127864361, -0.009959218092262745, -0.02830161526799202, -0.00849048513919115, -0.012628422118723392, 0.029535619542002678, -0.02248033508658409, 0.004154704045504332, 0.033049847930669785, 0.023365600034594536, 0.03916621580719948, 0.008497191593050957, -0.014955593273043633, 0.002959262579679489, -0.008798985742032528, -0.005170745309442282, -0.024331342428922653, -0.002501540817320347, -0.012957043014466763, 0.025712890550494194, -0.00030619563767686486, -0.01264183595776558, -0.011220048181712627, -0.008705094456672668, -0.04029291495680809, -0.008611202239990234, -0.001322865835390985, 0.0296160988509655, 0.006035889498889446, 0.012722314335405827, 0.014338591136038303, 0.010502448305487633, -0.002655791351571679, 0.02194381132721901, -0.032996196299791336, -0.012299802154302597, -0.0016632229089736938, -0.02129998430609703, 0.004389433190226555, 0.018000364303588867, -0.021729202941060066, 0.0007850847905501723, 0.03597390279173851, -0.009027007967233658, 0.013701469637453556, 0.028945444151759148, -0.018644193187355995, -0.02333877421915531, -0.000676103460136801, 0.010415262542665005, -0.017919884994626045, -0.018818562850356102, 0.01234674733132124, -0.0340692438185215, -0.0049863154999911785, 0.026195760816335678, -0.007243067491799593, -0.0207098089158535, 0.008805692195892334, 0.006954686250537634, 0.008188690058887005, 0.009214791469275951, 0.002781539224088192, -0.01934167370200157, 0.005670383106917143, -0.01991843618452549, 0.025444628670811653, -0.010334784165024757, -0.01022077351808548, 0.01742360182106495, 0.0044263191521167755, -0.004090991802513599, 0.0006086188950575888, 0.0037120720371603966, -0.018630780279636383, 0.007236361037939787, 0.038361430168151855, -0.01710168644785881, -0.027604134753346443, -0.02594091184437275, -0.00887275766581297, -0.007585101295262575, -0.018429582938551903, -0.022721771150827408, -0.013574045151472092, -0.014110568910837173, 0.034310679882764816, 0.029964838176965714, -0.028864964842796326, 0.006512054242193699, -0.005737448576837778, -0.0007951446459628642, 0.004899130202829838, -0.01382889412343502, -0.001432685530744493, -0.00946964044123888, -0.0027161503676325083, 0.005499366205185652, -0.0034404571633785963, 0.00632091797888279, 0.0034941094927489758, 0.009690956212580204, -0.020294003188610077, 0.020159872248768806, 0.19679683446884155, -0.04206344485282898, 0.011622441001236439, 0.025189779698848724, 0.013815481215715408, 0.012205909937620163, 0.015572595410048962, 0.009094073437154293, -0.015223855152726173, 0.022641291841864586, -0.018885627388954163, -0.005489306524395943, -0.019998913630843163, -0.00113843590952456, 0.0008202941971831024, -0.01644444651901722, -0.0466507188975811, -0.030286753550171852, -0.027402939274907112, -0.004496737848967314, 0.00336500839330256, 0.006656244862824678, -0.018362518399953842, -0.02843574620783329, -0.002545133465901017, -0.005452420096844435, 0.0011434657499194145, -0.005646910052746534, 0.0225474014878273, -0.009315390139818192, -0.02280225045979023, -0.0012298125075176358, -0.01555918250232935, 0.010039696469902992, -0.009798260405659676, -0.0072698937729001045, 0.01002628356218338, 6.675106851616874e-05, 0.014848288148641586, -0.00681720208376646, -0.01833569072186947, -0.011394418776035309, 0.02136704884469509, -0.032862067222595215, 0.0013153209583833814, 0.04107087478041649, -0.00792713463306427, -0.0011828667484223843, -0.007531449198722839, 0.014137394726276398, 0.0025367503985762596, 0.019998913630843163, 0.031011059880256653, 0.028221137821674347, 0.004087638575583696, 0.012849738821387291, -0.003463929984718561, -0.0010034666629508138, -0.008021026849746704, 0.020012326538562775, -0.0007519712671637535, 0.009114193730056286, -0.009556825272738934, 0.026946894824504852, -0.0033297990448772907, 0.012514411471784115, -0.006361157167702913, -0.0072631873190402985, -0.015022658742964268, -0.02732245996594429, 0.007585101295262575, -0.03353272005915642, -0.014472722075879574, -0.007799710612744093, -0.016216423362493515, -0.027630962431430817, 0.020065980032086372, 0.021796267479658127, 0.0037221319507807493, 0.048099335283041, 0.004040692932903767, -0.04906507581472397, 0.003250997280701995, -0.01907341182231903, 0.0029290830716490746, -0.008477071300148964, -0.00877886638045311, -0.012065072543919086, 0.007960667833685875, -0.011132863350212574, -0.009523293003439903, -0.012836324982345104, -0.027201741933822632, 0.0009196348255500197, 0.00891299732029438, 0.0017688509542495012, 0.0270005464553833, -0.014727571047842503, -0.009724488481879234, -0.030045317485928535, -0.02757730893790722, 0.05359870195388794, 0.014714157208800316, 0.015290920622646809, 0.004084285348653793, -0.0012666984694078565, -0.004288834985345602, -0.0037221319507807493, 0.010341490618884563, 0.0019130416912958026, 0.026960307732224464, -0.014499547891318798, 0.012889977544546127, -0.006330977659672499, -0.0052612838335335255, -0.006421515718102455, 0.007678993046283722, -0.010824361816048622, 0.026490848511457443, -0.005117093212902546, -0.01225285604596138, -0.021514592692255974, -0.006793729029595852, 0.008684974163770676, -0.01828203909099102, -0.020267175510525703, -0.0034270440228283405, -0.005496012978255749, -0.03533007577061653, -0.03347906842827797, 0.02312416397035122, -0.03970273956656456, 0.02993801236152649, 0.00936904177069664, -0.0018191500566899776, 0.0055429586209356785, -0.006750136613845825, -0.006253852508962154, -0.01822838746011257, 0.014472722075879574, 0.022198660299181938, -0.0031906382646411657, -0.0008198749856092036, -0.004952782765030861, 0.017463840544223785, -0.00617337366566062, 0.003160458989441395, 0.00501314178109169, 0.003205728018656373, -0.0062605589628219604, -0.022896140813827515, -0.007169295568019152, 0.0062706186436116695, 0.005784394219517708, 0.03471307083964348, 0.012132138013839722, -0.020065980032086372, -0.013882545754313469, 0.007886895909905434, 0.020401306450366974, -0.026222586631774902, 0.005677089560776949, 0.03248649835586548, -0.00604259641841054, 0.007920428179204464, -0.0018107668729498982, -0.1716875284910202, 0.007222948130220175, 0.009509879164397717, -0.04619467630982399, 0.021125614643096924, 0.02824796363711357, 0.022520575672388077, -0.0041010514833033085, -0.013567338697612286, 0.002662498038262129, 0.012112018652260303, 0.0006572413258254528, -0.03889795392751694, -0.001439391984604299, -0.010375023819506168, -0.0004522725648712367, -0.010723764076828957, -0.0032593803480267525, 0.013869132846593857, -1.3884641703043599e-05, 0.024291101843118668, -0.00838988646864891, -0.00673001678660512, -0.00589505210518837, 0.014821462333202362, -0.008550843223929405, -0.013473447412252426, 0.041714705526828766, 0.003973627462983131, -0.023620449006557465, -0.0003696982457768172, 0.01703462190926075, 0.02732245996594429, -0.01539822481572628, 0.0009011918446049094, 0.015250680968165398, 0.0057072690688073635, 0.01034819707274437, -0.006015770137310028, -0.0061532543040812016, 0.003400217741727829, 0.027684614062309265, 0.010509154759347439, -0.012608302757143974, -0.015505529940128326, 0.0026306419167667627, 0.02299003303050995, -0.018362518399953842, -0.0010973582975566387, 0.005620083771646023, -0.010375023819506168, -0.008664854802191257, 0.009509879164397717, -0.002930759685114026, -0.016417620703577995, 0.006854088045656681, 0.014258112758398056, 0.012018127366900444, -0.0009573591523803771, 0.008919703774154186, 0.005697209388017654, -0.01441906951367855, -0.0006652053561992943, 0.018577126786112785, -0.010294545441865921, -0.026504261419177055, -0.017732102423906326, 0.002266811905428767, -0.021045135334134102, 0.007645460311323404, -0.013185065239667892, 0.015277507714927197, 0.00020067236619070172, -0.005496012978255749, 0.014405656605958939, -0.00039086578181013465, -0.0014502902049571276, 0.02797970175743103, 0.013064348138868809, -0.0021259745117276907, -0.015290920622646809, 0.01997208781540394, -0.001827533240430057, 0.01855030097067356, -0.0051003266125917435, -0.005697209388017654, 0.014298351481556892, -0.01075058989226818, -0.006686424370855093, -0.019864782691001892, 0.03860286623239517, -0.023150989785790443, -0.0036148272920399904, -0.006495288107544184, 0.006465108599513769, 0.011964474804699421, 0.01159561425447464, -0.011723038740456104, 0.009543412365019321, 0.0003250578010920435, 0.008557550609111786, -0.009811674244701862, 0.007766177877783775, 0.006257205735892057, 0.02056226320564747, 0.0012574769789353013, -0.04088309407234192, -0.003916621673852205, 0.026973720639944077, -0.013359435833990574, -0.008564257062971592, -0.006649538408964872, 0.001911365077830851, 0.015183615498244762, 0.005398768000304699, 0.022158421576023102, -0.0056569697335362434, -0.020723221823573112, 0.007316839415580034, 0.014539787545800209, 0.0459800660610199, -0.020039154216647148, 0.0014670564560219646, -0.022896140813827515, 0.0001776186254573986, -0.01853688806295395, -0.11320646107196808, 0.00422512274235487, 0.014392243698239326, 0.03007214330136776, -0.018523475155234337, 0.02686641551554203, -0.01605546660721302, 0.01503607165068388, -0.007169295568019152, 0.0541083961725235, -0.005794453900307417, -0.017678450793027878, -0.002092441776767373, 0.0012205910170450807, 0.030125796794891357, 0.0035175823140889406, 0.025900673121213913, -0.026423783972859383, -0.006857441272586584, 0.022252313792705536, 0.011293820105493069, 0.0027094439137727022, 0.016363967210054398, -0.023271707817912102, -0.02523001842200756, 0.003826083382591605, -0.03280841186642647, 0.0030850102193653584, 0.003822730155661702, -0.010133587755262852, 0.00122897420078516, -0.036268990486860275, -0.005529545713216066, -0.014848288148641586, 0.013010695576667786, 0.005247870925813913, -0.022319378331303596, -0.02529708482325077, 0.021849920973181725, -0.01946239173412323, 0.0003992489364463836, 0.021326810121536255, 0.015290920622646809, -0.009301976300776005, -0.0015969957457855344, -0.01133405975997448, -0.00496284244582057, 0.0030162681359797716, 0.017182165756821632, -0.02614210918545723, -0.018456408753991127, -0.02045495994389057, -0.043351102620363235, -0.021447528153657913, 0.0347398966550827, 0.022520575672388077, 0.0022886081133037806, 0.016390793025493622, -0.008691681548953056, 0.0031353093218058348, 0.002001903485506773, -0.02445206046104431, -0.03447163477540016, 0.009516585618257523, 0.02632989175617695, 0.001326219062320888, -0.00979155395179987, -0.04630197957158089, 0.009704369120299816, -0.003457223530858755, -0.02417038567364216, 0.024988582357764244, -0.009328803047537804, 0.007015045266598463, -0.014969006180763245, 0.03098423406481743, -0.013299076817929745, -0.03221823647618294, -0.012091899290680885, -0.00034056667936965823, -0.019690413028001785, -0.024613017216324806, -0.009617184288799763, -0.0031973449513316154, -0.003147045848891139, 0.0012767583830282092, -0.02037448063492775, 0.01346003357321024, -0.004255302250385284, -0.023539969697594643, -0.016068879514932632, 0.02980388142168522, -0.0014536434318870306, -0.028087006881833076, 0.028730833902955055, 0.038549214601516724, -0.023700926452875137, -0.013158239424228668, 0.016887078061699867, -0.017329709604382515, -0.00969766266644001, 0.011381004936993122, -0.0563349686563015, 0.017799168825149536, -0.009449520148336887, -0.008202102966606617, 0.0015089723747223616, -0.02378140576183796, 0.01507631130516529, -0.011937648057937622, 0.0021226212847977877, 0.014969006180763245, -0.017544319853186607, 0.01294363010674715, -0.026960307732224464, -0.012199203483760357, -0.01801377721130848, 0.008309408091008663, 0.012433933094143867, 0.006032536271959543, 0.010442089289426804, 0.00956353172659874, 0.010797536000609398, -0.028864964842796326, -0.003254350507631898, 0.007591807749122381, 0.007330252788960934, -0.008289288729429245, -0.020817112177610397, 0.028408920392394066, -0.012353453785181046, 0.0030749505385756493, 0.0010462208883836865, -0.020133044570684433, -0.00478176586329937, -0.0014511285116896033, -0.012272975407540798, -0.011743159033358097, 0.024076493456959724, 0.03838825970888138, 0.02718832902610302, 0.04369984194636345, -0.02239985764026642, -0.025471454486250877, 0.0311183650046587, -0.006019123364239931, -0.02384847030043602, -0.010294545441865921, -0.01458002720028162, -0.006025829818099737, 0.018630780279636383, -0.00519421836361289, 0.03637629374861717, 0.012836324982345104, -0.00841671321541071, -0.01899293251335621, -0.008631322532892227, -0.016685880720615387, 0.019180715084075928, 0.01494218036532402, 0.03398876637220383, 0.0037858441937714815, 0.021447528153657913, 0.009020301513373852, 0.0026189053896814585, -0.006589179392904043, 0.011676093563437462, 0.0015081340679898858, 0.002429445507004857, 0.002848604694008827, -0.015022658742964268, -0.01565307378768921, -0.0043760198168456554, 0.019408738240599632, 0.016417620703577995, 0.03291571885347366, -0.0036818927619606256, -0.0066595980897545815, 0.0039032085333019495, 0.053625527769327164, -0.011897409334778786, 0.0016514864983037114, -0.010341490618884563, -0.000653468887321651, -0.01359416451305151, 0.02010621875524521, 0.002846927847713232, 0.003477343125268817, -0.01605546660721302, 0.005224397871643305, -0.00917455181479454, -0.011032264679670334, 0.012863151729106903, -0.007276600226759911, -0.006579119712114334, 0.017249232158064842, -0.008322820998728275, 0.013433207757771015, -0.004436378832906485, 0.0016799892764538527, 0.01899293251335621, 0.014298351481556892, 0.010831068269908428, -0.025471454486250877, -0.007310132961720228, -0.030957408249378204, -0.022775422781705856, 0.011582201346755028, -0.02202429063618183, -0.027926050126552582, 0.005294816568493843, 0.01271560788154602, 0.010214067064225674, -0.007424144074320793, -0.0032694402616471052, 0.0033566253259778023, -0.016404205933213234, -0.01100543886423111, -0.00506008742377162, -0.0031889616511762142, -0.026182347908616066, 0.025927498936653137, 0.012923510745167732, 0.04125865921378136, 0.03165488690137863, -0.0011652620742097497, 0.004721406847238541, 0.00197340059094131, 0.017799168825149536, -0.006686424370855093, 0.016659054905176163, 0.00992568489164114, 0.002801658818498254, 0.02975022979080677, -0.021916985511779785, -0.01035490445792675, -0.010831068269908428, -0.0001791904796846211, -0.00989215262234211, 0.044450972229242325, 0.002151123946532607, 0.058802977204322815, 0.011226754635572433, -0.01061645895242691, 0.02980388142168522, 0.006284031551331282, 0.020978068932890892, 0.009415987879037857, 0.01868443191051483, -0.005506072659045458, -0.02430451475083828, -0.016229836270213127, -0.01796012558043003, 0.0020488491281867027, -0.028999095782637596, 0.012769259512424469, -0.014767809771001339, -0.025323910638689995, 0.03039405681192875, -0.014633678831160069, -0.0049796090461313725, 0.03152075782418251, -0.015210442245006561, 0.0057039158418774605, -0.008195396512746811, -0.006968099158257246, -0.0049896687269210815, 0.019274607300758362, 0.012199203483760357, -0.022829076275229454, -0.0048186518251895905, 0.00617337366566062, 0.00037242277176119387, -0.02797970175743103, -0.007752764970064163, 0.009690956212580204, -0.005006435327231884, 0.0038931488525122404, -0.026504261419177055, 0.012460758909583092, 0.013493566773831844, 0.010240892879664898, 0.02123291790485382, 0.003953507635742426, -0.016806598752737045, 0.01228638831526041, 0.0013480153866112232, -0.022507162764668465, 0.0009489759686402977, -0.026061629876494408], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='a71493d2-f956-4f86-bc1c-011e1ac531ea', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '7', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_type': 'application/pdf', 'file_size': 1719588, 'creation_date': '2024-02-25', 'last_modified_date': '2024-01-15', 'last_accessed_date': None}, hash='19d475056fe74953fcce7c3a1c896d28d200c12ee516fbcb6188c6f7a70ad69a')}, text='ChineseArabicBengaliGujarati Hindi\\nIndonesian\\nMalayalam\\nMarathi\\nNepali\\nSwahili\\nTamil TeluguUrduVietnamese1234\\n3.881%4.706%4.556%\\n2.078%2.613%4.235%\\n2.158%\\n4.048%\\n4.245% 2.381%\\n4.762%1.618%\\n3.302%2.108%Figure 4: Code-switching rate across languages.\\nRelated Work\\nResource Gap in LLMs\\nOne of the main challenges of LLMs is the resource\\ngap, as they are mainly pretrained on English corpus\\nand have limited access to data from other languages.\\nEnglish dominates the field of NLP as an extremely high-\\nresource language with the most raw text data from various\\ndomains, leaving few of the over 7000 languages of the\\nworld represented in the field (Joshi et al. 2020). ', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='5f8ebaf5-fd47-4e1f-829d-b7888769045b', embedding=[-0.02197001315653324, 0.011382294818758965, 0.004893261007964611, -0.027518799528479576, 0.010634069330990314, 0.0188579261302948, -0.028075002133846283, 0.018261995166540146, -0.01689797267317772, -0.039993636310100555, 0.012474835850298405, 0.04168872907757759, -0.01897711306810379, 0.011316079646348953, -0.002790946513414383, 0.01409047283232212, 0.019453857094049454, -0.0008140261052176356, 0.00010221882985206321, -0.015785567462444305, -0.008124534972012043, 0.006846592295914888, -0.010276510380208492, -0.01574583910405636, -0.012236462906002998, 0.005624932702630758, 0.028313374146819115, -0.02818094566464424, -0.01236227061599493, 0.018606310710310936, -0.0008492026245221496, 0.004784006625413895, -0.029584696516394615, -0.011243243701756, -0.02024843357503414, -0.014381817542016506, 0.014222902245819569, -0.0372655913233757, 0.014898290857672691, -0.027518799528479576, 0.016487441956996918, 0.024883456528186798, 0.01667284406721592, -0.0052375770173966885, -0.012693343684077263, 0.028737148270010948, 0.023188361898064613, 0.003711329773068428, -0.019228728488087654, 0.008793302811682224, 0.02114895172417164, 0.025148315355181694, -0.012898609042167664, -0.005992423743009567, -0.0012787700397893786, -0.0094289630651474, -0.011402158997952938, 0.008813166990876198, 0.013196575455367565, -0.0009899087017402053, 0.00748887425288558, 0.011647152714431286, -0.016487441956996918, 0.021069495007395744, -0.0034630249720066786, -0.024181582033634186, -0.00868073757737875, 0.016368256881833076, 0.045396748930215836, -0.010892306454479694, 0.005439531523734331, -0.009362747892737389, -0.016235826537013054, 0.00012642855290323496, 0.02396969497203827, 0.005760672502219677, -0.005081972572952509, -0.011448509059846401, -0.022049471735954285, 0.0027065228205174208, 0.012812530621886253, -0.0027661160565912724, -0.018063349649310112, 0.0242080669850111, 0.02104300819337368, -0.012441728264093399, 0.011249865405261517, -0.005197848193347454, 0.0018920829752460122, -0.010554611682891846, -0.01192525401711464, -0.0015469392528757453, 0.018990354612469673, 0.0013176710344851017, 0.00977327860891819, -0.00707172229886055, 0.004154968075454235, 0.0073365806601941586, 0.004764142446219921, -0.03456403687596321, -0.008389392867684364, 0.0031220195814967155, -0.04513189196586609, 0.0001702957524685189, -0.01703040301799774, -0.0030955339316278696, 0.015216121450066566, 0.015560437925159931, -0.002036099787801504, -0.008872760459780693, -0.026631522923707962, 0.012759558856487274, 0.0029432401061058044, -0.02696259692311287, 0.0035954543855041265, -0.006638016551733017, -1.6424331988673657e-05, -0.01248145755380392, -0.0020543087739497423, -0.0016967498231679201, 0.028657691553235054, 0.006866456940770149, 0.00577722629532218, -0.010647311806678772, 0.026432879269123077, -0.0007780218729749322, -0.0031567823607474566, -0.014355331659317017, -0.03922554478049278, -0.0033173528499901295, -0.004727724473923445, 0.012064305134117603, 0.00681348517537117, 0.011461752466857433, -0.02283080294728279, 0.04052335396409035, -0.026287207379937172, -0.01336873322725296, -0.0021188680548220873, 0.013799128122627735, 0.0004332919779699296, 0.013799128122627735, -0.02230108715593815, -0.010342724621295929, 0.013799128122627735, 0.03692127764225006, 0.0007643651333637536, -0.012627129442989826, -0.007548467721790075, -0.0013383631594479084, -0.0035259288270026445, -0.021466782316565514, -0.016116639599204063, 0.011071085929870605, 0.014818833209574223, 0.02615477703511715, 0.011090950109064579, 0.0321008525788784, -0.016831757500767708, -0.030485214665532112, -0.012733072973787785, 0.009276669472455978, 0.009217076003551483, -0.005088594276458025, 0.011739853769540787, 0.00596262700855732, 0.008402636274695396, -0.014871804974973202, -0.005711011588573456, -0.01031623873859644, -0.02362537942826748, 0.025161558762192726, -0.014408303424715996, 0.011309457942843437, -0.011653774417936802, 0.014593703672289848, 0.028392832726240158, -0.013123739510774612, -0.01362697035074234, -0.0372655913233757, 0.007005507592111826, 0.029346322640776634, 0.00484360009431839, 0.001364849042147398, -0.03466998040676117, -0.001241524238139391, 0.01725553162395954, -0.003492821706458926, 0.033372171223163605, -0.010945278219878674, 0.019678987562656403, 0.037795308977365494, 0.008157642558217049, -0.016368256881833076, -0.6682909727096558, -0.028710663318634033, 0.004860153887420893, 0.025611817836761475, -0.013732913881540298, 0.0066611915826797485, -0.006687677465379238, 0.0038139624521136284, -0.02294998988509178, 0.03477592393755913, -0.026896381750702858, -0.017401203513145447, -0.009726928547024727, -0.01574583910405636, 0.003956323955208063, -0.001974851358681917, -0.0065916660241782665, -0.011719988659024239, 0.0029763474594801664, 0.021758126094937325, 0.007508738897740841, 0.01448776014149189, -0.0239829383790493, -0.004638334736227989, -0.029346322640776634, 0.0009617674513719976, 0.021374082192778587, 0.01942737214267254, 0.007449145428836346, 0.025916405022144318, -0.020036546513438225, 0.016580142080783844, -0.0025757490657269955, -0.004886639304459095, 0.05652080476284027, 0.014289116486907005, -0.003406742587685585, 0.014037501066923141, 0.00182586838491261, 0.01279266644269228, -0.034299176186323166, -0.008601279929280281, -0.0016371567035093904, 0.0056116897612810135, -0.011077707633376122, 0.006717474199831486, 0.008919110521674156, -0.0030111102387309074, -0.008482093922793865, -0.022115685045719147, -0.003698087064549327, 0.0205795057117939, 0.0010685385204851627, -0.006250660866498947, 0.010620825923979282, 0.012163626961410046, 0.02059274911880493, -0.030803045257925987, -0.003373635234311223, 0.008852895349264145, -0.012296056374907494, -0.010475154034793377, -0.023095661774277687, -0.01920224167406559, -0.013878585770726204, 0.01673905737698078, -0.0080252131447196, -0.0020410658325999975, -0.004830357152968645, -0.021532997488975525, -0.013772642239928246, 0.03485538065433502, -0.003588832914829254, -0.013785885646939278, -0.02385050803422928, 0.01811632141470909, 0.01503072027117014, 0.004684684798121452, -0.00414172513410449, 0.004184764344245195, 0.008998568169772625, -0.019678987562656403, -0.015706108883023262, -0.012699965387582779, 0.03620615974068642, -0.02264540269970894, 0.011422023177146912, -0.0030955339316278696, 0.0008045076974667609, 0.009091268293559551, 0.014885048381984234, 0.0282868891954422, -0.011713367886841297, -0.04531729221343994, -0.004512527026236057, 0.018778467550873756, -0.004793939180672169, 0.016262313351035118, 0.01558692380785942, -0.006366536486893892, -0.011938497424125671, 0.006134785246104002, 0.023612136021256447, -0.003827205393463373, 0.004529080353677273, 0.011461752466857433, 0.007965619675815105, -0.0018705632537603378, 0.034749437123537064, -0.02916092239320278, 0.010673797689378262, 0.00836290791630745, 0.030379271134734154, -0.00758819654583931, 0.0003157610190100968, -0.030908988788723946, 0.015891510993242264, -0.016474198549985886, 0.014156687073409557, -0.021837584674358368, -0.002936618635430932, 0.001163722132332623, 0.009912329725921154, -0.0003211409493815154, 0.001444306573830545, 0.017334990203380585, -0.005664661526679993, -0.00732995942234993, -0.012163626961410046, 0.020791392773389816, -0.013057524338364601, 0.000975838047452271, 0.040046606212854385, -0.009164104238152504, 0.02921389415860176, 0.007886162027716637, 0.05127660930156708, -0.0031054660212248564, -0.003903352189809084, -0.010905548930168152, -0.012858880683779716, -0.012600643560290337, 0.007674275431782007, -0.012713208794593811, -0.04388705641031265, -0.03133276104927063, 0.002372139133512974, -0.002001337008550763, 0.017785249277949333, -0.004876707214862108, -0.010117595084011555, -0.022552702575922012, -0.027810143306851387, 0.008276828564703465, -0.0015336963115260005, -0.007661032490432262, 0.00833642203360796, -0.023479707539081573, -0.0054825711995363235, -0.034643493592739105, 0.014553975313901901, 0.0064195082522928715, -0.008098049089312553, 0.019533315673470497, -0.007250501774251461, -0.026591794565320015, 0.009481934830546379, 0.008614523336291313, -0.02990252524614334, -0.023029446601867676, -0.02294998988509178, -0.03162410482764244, 0.015401522628962994, 0.020049789920449257, -0.0066578807309269905, 0.013706427998840809, 0.011561074294149876, 0.0064261294901371, -0.00010728838969953358, -0.019639259204268456, -0.0017646198393777013, 0.013587241992354393, 0.001724891015328467, -0.0069657787680625916, 0.009336262941360474, 0.01891089789569378, 0.03461700677871704, 0.0013193264603614807, 0.0029283419717103243, 0.02150651067495346, 0.017679305747151375, -0.0009890809888020158, -0.022632159292697906, -0.0033968104980885983, -0.0061546494252979755, 0.019864387810230255, 0.0008376150508411229, 0.0028157769702374935, 0.0013110496802255511, 0.01879171095788479, -0.01080622710287571, 0.011276351287961006, 0.01514990720897913, -0.01644771359860897, 0.019851146265864372, 0.0011662051547318697, -0.004257600754499435, -0.025161558762192726, 0.004668131470680237, 0.00038280332228168845, 0.009839493781328201, -0.009025054052472115, -0.0003004488826263696, -0.005846751853823662, -0.015600166283547878, 0.039119601249694824, 0.001300289761275053, -3.401259164093062e-05, -0.0018622863572090864, 0.008468850515782833, -0.023307548835873604, -0.008660873398184776, 0.018500367179512978, -0.0028968900442123413, -0.006068570539355278, -0.0016669532051309943, -0.008151020854711533, 0.009488556534051895, 0.021016523241996765, -0.01069366279989481, -0.0033802567049860954, 0.01057447586208582, 0.01028975285589695, 0.013931557536125183, -0.004035781603306532, 0.005717633292078972, 0.032392196357250214, -0.0020758286118507385, 0.017917677760124207, 0.00293992948718369, -0.0002617546997498721, 0.020168974995613098, -0.009839493781328201, 0.0019765065517276525, 0.03615318611264229, -0.005936141591519117, 0.02818094566464424, 0.015202878974378109, -0.020076274871826172, 0.006018909625709057, -0.016143126413226128, 0.02754528447985649, -0.021413810551166534, -0.0015949448570609093, 0.01460694707930088, -0.010733391158282757, 0.01765281893312931, -0.0005350969731807709, 0.027439340949058533, 0.008826409466564655, -0.007939133793115616, 0.011865661479532719, 0.020738421007990837, 0.009104511700570583, 0.0011339255142956972, -0.011124057695269585, 0.004691306501626968, -0.012123898603022099, -0.008144399151206017, -8.271655678981915e-05, -0.028392832726240158, -0.021983256563544273, 0.010528125800192356, -0.037292078137397766, 0.009554770775139332, 0.01552070863544941, -0.0028836471028625965, 0.008197370916604996, 0.04635024070739746, 0.03149167820811272, -0.021201923489570618, -0.025254258885979652, 0.023492949083447456, 0.0021519754081964493, -0.010024894960224628, -0.010468532331287861, -0.03914608806371689, 0.023320792242884636, -0.00010884029325097799, -0.016116639599204063, 0.00851520150899887, 0.016116639599204063, 0.009270047768950462, 0.00844898633658886, -0.0028356413822621107, 0.03591481223702431, 0.01839442364871502, 0.0008591347723267972, -0.004145035520195961, 0.009270047768950462, -0.0025923026259988546, 0.006081813480705023, -0.03191545233130455, -0.01897711306810379, 0.04650915414094925, -0.027677714824676514, -0.02334727719426155, 0.004462866112589836, 0.003486200235784054, -0.004618470091372728, -0.0036749118007719517, 0.003714640624821186, -0.006899564061313868, 0.016540413722395897, 0.03583535552024841, 0.006734027527272701, -0.0015593544812873006, 0.014593703672289848, 0.029743609949946404, 0.01517639309167862, 0.006912807002663612, -0.028127973899245262, -0.0011090950574725866, 0.010223538614809513, 0.05093229189515114, 0.021122466772794724, -0.010190431028604507, 0.010336102917790413, -0.011607424356043339, -0.0043635438196361065, -0.020089518278837204, -0.032524626702070236, 0.00982625037431717, -0.002378760604187846, -0.02126813866198063, -0.04433731362223625, 0.010892306454479694, -0.012315920554101467, 0.03615318611264229, 0.01938764378428459, 0.008727087639272213, -0.029478752985596657, -0.024592112749814987, -0.00497271865606308, 0.008011969737708569, -0.006429440341889858, 0.025770733132958412, 0.01267347950488329, 0.009097889997065067, -0.007316716481000185, 0.020658964291214943, 0.012236462906002998, -0.01267347950488329, -0.036020755767822266, -0.00419800728559494, -0.0029780028853565454, 0.004992582835257053, 0.02006303146481514, 0.009899087250232697, 0.034987810999155045, 0.02109597995877266, -0.013408462516963482, 0.019347913563251495, -0.00507535133510828, 0.02586343325674534, 0.017123103141784668, 0.01451424602419138, -0.0002718938048928976, 0.010250024497509003, -0.03514672443270683, -0.0018804954597726464, 0.03294839709997177, -0.003807340981438756, -0.011839175596833229, 0.017639577388763428, -0.012355649843811989, -0.012627129442989826, -0.008866138756275177, 0.020327890291810036, 0.00956801325082779, 0.005144876427948475, 0.01458046119660139, -0.021016523241996765, -0.03294839709997177, -0.006959157530218363, -0.027783658355474472, 0.00033707384136505425, -0.026313692331314087, -0.02138732559978962, 8.276828157249838e-05, -0.024856971576809883, 0.0024913253728300333, -0.03549104183912277, 0.0025608506985008717, 0.015189635567367077, -0.01978493109345436, -0.04396651312708855, 0.00795899797230959, 0.011799446307122707, 0.011508102528750896, 0.03443160653114319, -0.00414172513410449, 0.006379779428243637, -0.0017199249705299735, -0.002973036840558052, -0.01087244227528572, 0.004919746890664101, -0.023029446601867676, 0.020195461809635162, -0.014249388128519058, -0.024618597701191902, -0.023903479799628258, -0.014050743542611599, 0.0020940375979989767, 0.003289211541414261, 0.011329323053359985, -0.01416993048042059, -0.0006331774056889117, 0.004466176498681307, 0.003373635234311223, 0.013825614005327225, 0.016540413722395897, -0.0005888963351026177, -0.01360048446804285, -0.005422978196293116, -0.026141535490751266, -0.024009423330426216, -0.01718931645154953, 0.009270047768950462, 0.0063466718420386314, 0.008892624638974667, 0.022685131058096886, 0.003956323955208063, -0.009574634954333305, 0.02565154619514942, 0.0019582975655794144, 0.028896063566207886, 0.0012646993855014443, 0.006075192242860794, 0.004618470091372728, 0.004923057742416859, 0.009793143719434738, 0.04762155935168266, -0.04375462606549263, -0.008693980984389782, -0.04031146690249443, 0.020076274871826172, 0.0013640213292092085, -0.0012829083716496825, 0.021546239033341408, -0.00011111642379546538, -0.012799287214875221, -0.03294839709997177, 0.00044736257405020297, -0.015163149684667587, 0.02868417650461197, -0.007316716481000185, -0.0011595836840569973, -0.03851042687892914, 0.002405246254056692, -0.01632852666079998, -0.006892942823469639, -0.02966415323317051, -0.009879222139716148, 0.023241333663463593, 0.01650068536400795, -0.002675070893019438, -0.01443478837609291, 0.023016205057501793, -0.025691276416182518, -0.01028975285589695, 0.00819074921309948, 0.012699965387582779, 0.02823391743004322, -0.023254577070474625, 0.03225976601243019, -0.05294521525502205, -0.028472289443016052, -0.011918633244931698, -0.04065578058362007, 0.0012059338623657823, 0.003661668859422207, 0.02396969497203827, 0.01684500090777874, 0.058268871158361435, -0.025678033009171486, 0.0020063032861799, 0.01834145188331604, -0.010250024497509003, -0.009548149071633816, 0.00658173393458128, -0.005081972572952509, -0.004346990492194891, 0.00590634485706687, 0.020195461809635162, 0.004883328918367624, 0.0144612742587924, -0.011567695066332817, 0.020831121131777763, 0.013289275579154491, -0.0071578011848032475, 0.019705472514033318, -0.005644796881824732, -0.010766498744487762, 0.00193677784409374, 0.0038669342175126076, 0.0006832521758042276, 0.0048634642735123634, -0.02615477703511715, -0.023757807910442352, 0.023665107786655426, -0.0015187980607151985, 0.004999204538762569, 0.00321306474506855, 0.003982809837907553, 0.00018457327678333968, 0.0016942668007686734, 0.00868073757737875, 0.004287397023290396, -0.03358405828475952, -0.012587401084601879, -0.025095343589782715, -0.005644796881824732, 0.01409047283232212, 0.007627924904227257, 0.007435902487486601, 0.012699965387582779, -0.032339222729206085, 0.019626015797257423, 0.009336262941360474, 0.004770764149725437, 0.0026552064809948206, -0.016407985240221024, -0.030167384073138237, 0.00774711137637496, -0.02857823297381401, 0.015560437925159931, -0.0008438226650469005, -0.01054798997938633, 0.00520446989685297, -0.009879222139716148, 0.01451424602419138, -0.022208387032151222, -0.02696259692311287, 0.006101678125560284, 0.014911534264683723, 0.0192684568464756, -0.024353740736842155, 0.022287843748927116, 0.022261356934905052, -0.009508420713245869, -0.010647311806678772, 0.023479707539081573, 0.01730850338935852, -0.016712572425603867, 0.021201923489570618, -0.006866456940770149, 4.885915404884145e-05, 0.0026866584084928036, 0.014938020147383213, 0.027333397418260574, -0.021307867020368576, -0.03604724258184433, 0.0020410658325999975, -0.0018540095770731568, 0.022155415266752243, -0.01677878573536873, -0.01591799594461918, -0.0267904382199049, 0.002517811255529523, -0.0062241749837994576, 0.02046032063663006, -0.0028041894547641277, -0.013269411399960518, 0.004575430881232023, 0.017798492684960365, 0.017732277512550354, -0.0024135231506079435, -0.006217553745955229, 0.01816929318010807, 0.01805010810494423, -0.008713845163583755, -0.009342883713543415, 0.02024843357503414, 0.00027272148872725666, 0.026777194812893867, -0.007912647910416126, 0.01236227061599493, -0.028498776257038116, 0.015560437925159931, 0.006018909625709057, 0.00758819654583931, -0.012805908918380737, 0.024247797206044197, -0.03149167820811272, -0.01020367443561554, 0.01644771359860897, -0.0027644606307148933, 0.004111928399652243, -0.013454812578856945, 0.005571960937231779, -0.0065949768759310246, 0.0010437080636620522, 0.016023939475417137, 0.014871804974973202, 0.025664789602160454, -0.019162513315677643, 0.009786522015929222, -0.007939133793115616, -0.033027857542037964, -0.01454073190689087, -0.03355757147073746, -0.0014981059357523918, -0.022102443501353264, 0.004966096952557564, 0.0073365806601941586, -0.0009576290613040328, 0.033954862505197525, -0.02063247747719288, -0.03541158139705658, 0.015043963678181171, 0.00914424005895853, -0.026300450786948204, 0.00036376662319526076, 0.0158650241792202, -0.011912011541426182, -0.0022231561597436666, 0.009614364244043827, -0.009137618355453014, -0.00877343863248825, 0.01799713633954525, -0.027810143306851387, -0.01944061554968357, 0.003959634806960821, -0.009389233775436878, -0.00779346190392971, -0.0026187885086983442, -0.006336739752441645, 0.020500048995018005, -0.01644771359860897, 0.003314042231068015, -0.03271002694964409, -0.006134785246104002, 0.044469743967056274, -0.017679305747151375, -0.0023638622369617224, -0.0017066820291802287, -0.0199438463896513, 0.011521345004439354, -0.012660237029194832, 0.010607583448290825, -0.014805590733885765, -0.02610180713236332, 0.00914424005895853, -0.004754210356622934, 0.005621621850878, -0.0156398955732584, -0.012282813899219036, -0.03392837569117546, -0.012872123159468174, -0.006118231453001499, 0.007038614712655544, -0.005555407144129276, 0.017282018437981606, 0.014103715308010578, 0.016752300783991814, 0.010309617966413498, 0.014739376492798328, -0.013825614005327225, -0.008038455620408058, 0.011077707633376122, -0.007939133793115616, -0.024751028046011925, -0.021983256563544273, -0.009270047768950462, 0.03858988359570503, -0.007276987656950951, -0.0006555248401127756, -0.0037510585971176624, -0.013640213757753372, -0.046721041202545166, 0.006926049944013357, 0.0011041288962587714, 0.005154808983206749, 0.008978703059256077, 0.03223327919840813, 0.012574157677590847, 0.027412855997681618, 0.004337057936936617, 0.017109859734773636, -0.009766657836735249, -0.033954862505197525, -0.010389074683189392, -0.003989431541413069, -0.005409735254943371, 0.010157323442399502, -0.007442524190992117, -0.004171521402895451, 0.026552066206932068, -0.005946073681116104, 0.006800242234021425, 0.03265705332159996, -0.0044363802298903465, -0.018646039068698883, 0.01305090356618166, 0.01620934158563614, -0.01512342132627964, -0.0272009689360857, 0.0011604113969951868, -0.004290707875043154, -0.005661350674927235, 0.009534906595945358, -0.012845638208091259, -0.019400885328650475, 0.007343202363699675, 0.002954827854409814, 0.000272100733127445, 0.011276351287961006, 0.007276987656950951, -0.018261995166540146, -0.0019616084173321724, -0.0188579261302948, 0.03143870458006859, -0.0038172733038663864, 0.007290230598300695, 0.018818197771906853, 0.010554611682891846, 0.0001222901337314397, -0.007124694064259529, 0.005197848193347454, 0.020433833822607994, 0.018765226006507874, 0.02783663012087345, -0.01880495436489582, -0.027571771293878555, -0.026062076911330223, -0.004204628989100456, -0.008899246342480183, -0.017282018437981606, -0.022036228328943253, -0.001235730480402708, -0.021930284798145294, 0.02414185367524624, 0.012474835850298405, -0.032683540135622025, 0.01409047283232212, 0.0018655970925465226, -0.0020741731859743595, -0.004615159705281258, -0.010627447627484798, -0.005211091134697199, -0.014368574135005474, 0.007237258832901716, -0.004290707875043154, -0.0070982081815600395, -0.0012820807751268148, 0.01650068536400795, 0.0024449750781059265, -0.0017000605585053563, 0.007912647910416126, 0.18688416481018066, -0.02961118146777153, 0.004750899504870176, 0.015560437925159931, 0.016288798302412033, -0.012580779381096363, 0.015613408759236336, 0.0012622163631021976, -0.02081787958741188, 0.010197052732110023, 0.006638016551733017, -0.0167258158326149, -0.011647152714431286, 0.0012829083716496825, 0.006704231258481741, -0.016712572425603867, -0.038483940064907074, -0.040152549743652344, -0.010746633633971214, 0.00017495146312285215, -0.020261676982045174, 0.0003739057283382863, -0.008634387515485287, -0.033080827444791794, 0.035040780901908875, -0.010250024497509003, -0.0032660365104675293, -0.004644955974072218, 0.009925573132932186, 0.005422978196293116, -0.016288798302412033, -0.016593385487794876, 0.002762805437669158, -0.0022363991010934114, -0.020619235932826996, -0.012501321732997894, 0.008117913268506527, -0.00977327860891819, 0.018367936834692955, 0.022115685045719147, -0.006734027527272701, 3.584901423892006e-05, 0.0372655913233757, -0.031412217766046524, 0.010024894960224628, 0.03782179579138756, -0.010250024497509003, -0.01828848011791706, -0.015573680400848389, -0.003757680067792535, -0.0068532139994204044, 0.014818833209574223, 0.027227455750107765, 0.036603447049856186, 0.006022220477461815, 0.019506828859448433, -0.02735988423228264, 0.012143762782216072, -0.0012183492071926594, -0.0029945564456284046, -0.016712572425603867, -0.012084169313311577, 0.016341770067811012, 0.016527170315384865, -0.005022379569709301, 0.01748066209256649, -0.01334224734455347, -0.004188075195997953, -0.011402158997952938, -0.0167258158326149, 0.0019400885794311762, -0.02328106388449669, -0.02087085135281086, -0.0023920033127069473, -0.014328845776617527, -0.03684181720018387, 0.02823391743004322, 0.013203197158873081, 0.016222583130002022, 0.05604406073689461, -0.006681055761873722, -0.019573044031858444, -0.006277146749198437, -0.020500048995018005, -0.01293171662837267, -0.03154464811086655, 0.002272817073389888, -0.012991310097277164, 0.008157642558217049, -0.020539777353405952, 0.005863305181264877, 0.001019705319777131, -0.026300450786948204, 0.003016076283529401, 0.004979339893907309, 0.014103715308010578, 0.016010696068406105, -0.022698374465107918, 0.003794098272919655, -0.013401840813457966, -0.020049789920449257, 0.06949887424707413, 0.019480343908071518, 0.010812848806381226, 0.013189953751862049, 0.0026353420689702034, 0.0010387420188635588, 0.004231114871799946, 0.006108299363404512, 0.012084169313311577, 0.0002478910028003156, -0.029240379109978676, 0.019056569784879684, -0.003664979711174965, -0.01591799594461918, 0.01828848011791706, 0.02656530775129795, -0.015308821573853493, 0.019758444279432297, -0.01701715961098671, -0.009839493781328201, -0.006538694258779287, 0.01222322043031454, 0.005747429560869932, -0.020910579711198807, -0.012123898603022099, -0.009369369596242905, -0.007296851836144924, -0.015957726165652275, -0.002824053866788745, 0.007786840200424194, -0.03845745697617531, 0.036603447049856186, 0.006316875573247671, 0.019877631217241287, -0.0094289630651474, -0.001759653678163886, -0.00393645977601409, -0.005466017406433821, -0.0003308662271592766, 0.008031833916902542, -0.0008591347723267972, 0.009991787374019623, -0.015454494394361973, 0.019798174500465393, -0.009349505417048931, 0.014328845776617527, 0.00819074921309948, 0.0010834368877112865, -0.009786522015929222, -0.02518804371356964, -0.018195779994130135, 0.008899246342480183, 0.0016346735646948218, 0.017454175278544426, 0.011912011541426182, -0.02415509708225727, -0.010766498744487762, -0.010488397441804409, 0.03490835055708885, -0.025572089478373528, 0.011713367886841297, 0.01959952898323536, -0.019480343908071518, 0.011130678467452526, 0.003052494255825877, -0.16876783967018127, -0.005184605251997709, 0.006359914783388376, -0.04560863599181175, 0.03530563786625862, 0.009680578485131264, 0.027280427515506744, -0.012170248664915562, -0.0205795057117939, 0.0021569414529949427, -0.0018341451650485396, -0.009395855478942394, -0.022287843748927116, 0.0045621879398822784, -0.02162569761276245, 0.006992264650762081, -0.014858562499284744, -0.027969058603048325, 0.017176074907183647, 0.00919721182435751, 0.03647101670503616, -0.03278948366641998, -0.0018341451650485396, -0.008892624638974667, 0.01696418784558773, 0.000236096529988572, -0.0018109700176864862, 0.02369159460067749, -0.008508579805493355, -0.02403591014444828, -0.0001299462019233033, -0.005810333415865898, 0.0203543771058321, -0.004926368128508329, 0.007780218962579966, 0.02023519016802311, 0.008031833916902542, 0.01227619219571352, -0.014448031783103943, -0.007760354317724705, 0.008011969737708569, 0.03535861149430275, 0.01846063882112503, -0.009607742540538311, -0.005012447480112314, 0.01155445259064436, 0.026830166578292847, -0.01718931645154953, 0.01322968304157257, 0.004999204538762569, 0.005078661721199751, -0.027280427515506744, 0.00865425169467926, -0.009468691423535347, -0.014130201190710068, 0.01610339805483818, 0.0037179512437433004, -0.0019020151812583208, -0.01775876246392727, -0.012971445918083191, -0.0015469392528757453, -0.01799713633954525, 0.003506064647808671, 0.017666062340140343, 0.000549581425730139, -0.010627447627484798, -0.005946073681116104, -0.004161589313298464, -0.029690638184547424, 0.01679202914237976, -0.031253304332494736, -0.008131156675517559, -0.008250342682003975, -0.007800083141773939, 0.02668449468910694, 0.00851520150899887, 0.007323337718844414, 0.00021147297229617834, 0.012428485788404942, -0.005161430221050978, -0.0011314424918964505, 0.0051713623106479645, -0.004505905322730541, 0.016659600660204887, -0.016076911240816116, 0.005386559758335352, 0.003923216834664345, -0.004015916958451271, -0.015573680400848389, -0.02040734887123108, 0.04092064127326012, -0.022976476699113846, -0.0004382580809760839, -0.014938020147383213, -0.00261547788977623, 0.01725553162395954, 0.01313698198646307, -0.02214217185974121, 0.005310412961989641, -0.0030905676539987326, -0.009561392478644848, 0.00787291955202818, -0.006012288387864828, -0.014342088252305984, 0.016196098178625107, -0.01213051937520504, -0.02673746645450592, -0.0067240954376757145, 0.04224493354558945, -0.034643493592739105, -0.007806704379618168, -0.02110922336578369, -0.0013267756439745426, 0.004098685458302498, -0.006445994134992361, 0.010627447627484798, 0.0021701843943446875, -0.017176074907183647, 0.015242607332766056, 0.0019500207854434848, 0.06271849572658539, -0.01199146918952465, -0.011587560176849365, 0.0017414446920156479, 0.002825709292665124, -0.01282577309757471, -0.1162199154496193, -0.01793092116713524, -0.010773119516670704, 0.022261356934905052, -0.02351943589746952, 0.025505874305963516, -0.002602234948426485, 0.015414765104651451, -0.021480025723576546, 0.044416774064302444, -0.006873078178614378, 0.01049501821398735, -0.0005214401753619313, -0.004661509767174721, 0.028763635084033012, -0.0035822114441543818, 0.034881867468357086, -0.019824659451842308, -0.01799713633954525, 0.029452266171574593, -0.01673905737698078, -0.006611530669033527, 0.004088753368705511, -0.019215485081076622, -0.01465991884469986, 0.004277464933693409, -0.017904436215758324, 0.013183332048356533, 0.010773119516670704, -0.013362111523747444, 0.009607742540538311, -0.016196098178625107, 0.008170885033905506, -0.013812371529638767, 0.011607424356043339, -0.011408780701458454, 0.006575112696737051, -0.01098500657826662, 0.01909629814326763, -0.003131951903924346, -0.0029680707957595587, 0.008177506737411022, 0.0034266069997102022, -0.01497774850577116, -0.016196098178625107, -0.0237975362688303, -0.006270525045692921, 0.017626333981752396, 0.013891829177737236, -0.018884411081671715, -0.01942737214267254, -0.02145353890955448, -0.05471976846456528, 0.005575271788984537, 0.036020755767822266, 0.024618597701191902, 0.0003263139515183866, 0.018937382847070694, -0.02063247747719288, 0.010885684750974178, -0.0015361793339252472, -0.0026518958620727062, -0.03342514485120773, 0.0021734952460974455, 0.024923186749219894, -0.001459204824641347, 0.0002230605314252898, -0.03933148831129074, 0.0070253717713057995, -0.015613408759236336, -0.016407985240221024, 0.022380543872714043, -0.008011969737708569, 0.009038296528160572, -0.018367936834692955, 0.023214848712086678, -0.0061149210669100285, -0.0317300483584404, -0.011256487108767033, -0.003916595131158829, -0.02916092239320278, -0.018778467550873756, 0.009058160707354546, -0.008151020854711533, -0.0033305957913398743, 0.0014244421618059278, -0.00847547221928835, 0.006690988317131996, -0.009044918231666088, -0.015785567462444305, -0.0059858025051653385, 0.03157113492488861, 0.0006389711634255946, -0.020394105464220047, 0.016129883006215096, 0.011587560176849365, -0.029637666419148445, -0.02351943589746952, 0.02916092239320278, -0.008157642558217049, -0.009164104238152504, 0.00805169902741909, -0.02897552028298378, 0.03143870458006859, -0.0063566043972969055, -0.027810143306851387, -0.003648425918072462, -0.023598892614245415, 0.00790602620691061, -0.021413810551166534, -0.0054759494960308075, 0.013852099888026714, -0.01282577309757471, 0.01978493109345436, -0.01549422275274992, -0.015838539227843285, -0.031888965517282486, -0.005883169826120138, 0.01587826758623123, 0.0018705632537603378, 0.017162831500172615, 0.010283132083714008, 0.012468214146792889, -0.021360838785767555, -0.00230592442676425, 0.032921914011240005, 0.005072040483355522, 0.0010056346654891968, -0.020539777353405952, 0.014381817542016506, 0.004962786566466093, 0.003289211541414261, -0.002906822133809328, -0.023956451565027237, -0.007859676145017147, -0.010514883324503899, 0.0009559736936353147, -0.000665870844386518, 0.004105306696146727, 0.03639155998826027, 0.018593067303299904, 0.04616483673453331, -0.023069176822900772, -0.03628561645746231, 0.009846115484833717, -0.007733868435025215, -0.01222322043031454, -0.0021288003772497177, -0.012600643560290337, -0.010925413109362125, 0.018963869661092758, -0.008932352997362614, 0.028604719787836075, 0.011355808936059475, -0.010415560565888882, -0.025082100182771683, -0.01500423438847065, -0.0040556457825005054, 0.01458046119660139, 0.00704523641616106, 0.009217076003551483, -0.007237258832901716, 0.009051539935171604, 0.00577722629532218, 0.0015063828323036432, -0.016646357253193855, 0.005462706554681063, -0.0003410053323023021, -0.021996499970555305, 0.011739853769540787, -0.012580779381096363, -0.009819629602134228, -0.009369369596242905, 0.03519969433546066, -0.010130838491022587, 0.01834145188331604, 0.008290071040391922, -0.01147499494254589, 0.011488238349556923, 0.03029981441795826, -0.008263585157692432, -0.006998886354267597, 0.0036252508871257305, 0.0028935791924595833, 0.005704390350729227, 0.016686085611581802, 0.016407985240221024, -0.002762805437669158, -0.0141434445977211, 0.01816929318010807, -0.009667336009442806, -0.01054798997938633, 0.012322542257606983, 0.0021602523047477007, -0.00019667814194690436, 0.03578238561749458, -0.0026568619068711996, 0.006330118514597416, -0.002661827951669693, 0.011998090893030167, 0.019122784957289696, 0.00458536297082901, 0.024049153551459312, -0.016646357253193855, -0.00732995942234993, -0.029981983825564384, -0.01644771359860897, 0.01192525401711464, -0.03708019107580185, -0.011567695066332817, 0.02247324399650097, 0.02114895172417164, 0.0030740140937268734, -0.010481775738298893, 0.000536752340849489, -0.007018750533461571, -0.0272009689360857, 0.019917359575629234, -0.008111291565001011, -0.0009162449277937412, -0.037000734359025955, 0.007939133793115616, 0.027757171541452408, 0.023135390132665634, 0.03403431922197342, -0.005353452637791634, 0.016407985240221024, 0.004916436038911343, 0.032047878950834274, -0.03956986218690872, 0.03718613460659981, 0.0059758699499070644, 0.01544125098735094, 0.022724859416484833, -0.01552070863544941, -0.004221182316541672, -0.005793780088424683, 0.01856658235192299, 0.009005188941955566, 0.027969058603048325, 0.005081972572952509, 0.05599109083414078, 0.007422659546136856, 0.0035789005924016237, 0.011938497424125671, -0.006253971718251705, 0.01615636982023716, 0.008892624638974667, 0.0192684568464756, -0.011819311417639256, -0.028419317677617073, -0.003757680067792535, 0.003247827524319291, 0.011779582127928734, -0.03919905796647072, -0.007409416604787111, 0.004880018066614866, -0.016368256881833076, 0.03639155998826027, -0.007038614712655544, -0.002441664459183812, 0.030458727851510048, -0.004588673822581768, 0.030564671382308006, 0.005601757671684027, -0.003506064647808671, 0.0029631045181304216, 0.01863279566168785, 0.008091427385807037, -0.013150225393474102, -0.008323178626596928, 0.020274918526411057, 0.02214217185974121, -0.030961960554122925, -0.010607583448290825, 0.003979498986154795, -0.013984529301524162, 0.016818515956401825, -0.022618915885686874, 0.008151020854711533, -0.007290230598300695, -0.00048295294982381165, 0.018725495785474777, 0.006042084656655788, -0.016712572425603867, -0.001953331520780921, -0.008899246342480183, -0.002261229557916522, 0.008852895349264145, -0.014673161320388317], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='a71493d2-f956-4f86-bc1c-011e1ac531ea', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '7', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_type': 'application/pdf', 'file_size': 1719588, 'creation_date': '2024-02-25', 'last_modified_date': '2024-01-15', 'last_accessed_date': None}, hash='19d475056fe74953fcce7c3a1c896d28d200c12ee516fbcb6188c6f7a70ad69a')}, text='This\\ncreates a disparity in language models’ capability to handle\\ndifferent languages. Previous findings indicate that LLMs\\nhave difficulty comprehending and generating non-English\\ntexts, particularly in low-resource languages(Nguyen et al.\\n2023; Zhu et al. ', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='a607d9e8-4fa4-4e58-9686-3a817acd8ca2', embedding=[-0.0053468793630599976, -0.0075139859691262245, 0.01119334064424038, -0.015514051541686058, 0.002129975240677595, 0.015108984895050526, -0.010504728183150291, 0.012503056786954403, -0.014730922877788544, -0.0328374020755291, 0.018471037968993187, 0.030407000333070755, -0.008654923178255558, 0.0013114032335579395, 0.006403428036719561, -0.0015671014552935958, 0.01214524731040001, -0.0038818884640932083, -0.0010388271184638143, -0.004651515278965235, -0.010160421021282673, -0.009802612476050854, -0.016553722321987152, -0.005954479333013296, 0.002108034212142229, 0.005529159214347601, 0.0384543240070343, -0.02431749925017357, -0.005566290579736233, -0.0017822931986302137, 0.006818621419370174, 0.008864208124577999, -0.018052469938993454, -0.014406869187951088, -0.009687843732535839, -0.020388353615999222, 0.0006181485368870199, -0.026180805638432503, 0.024803578853607178, -0.013583234511315823, 0.012982385233044624, 0.013839776627719402, 0.02010480687022209, -0.017228834331035614, 0.004334212746471167, 0.01425834558904171, 0.012280269525945187, -0.012388288043439388, -0.024817081168293953, 0.03456568345427513, 0.01613515429198742, 0.024303996935486794, -0.02715296670794487, -0.009296279400587082, -0.0038143773563206196, 0.003169646253809333, -0.010545234195888042, 0.03216229006648064, -0.00030654261354357004, -0.011740180663764477, 0.013076900504529476, -0.0008405132684856653, -0.021265998482704163, 0.018133481964468956, -0.004104675259441137, -0.017998460680246353, -0.020658398047089577, 0.02638334035873413, 0.04617759585380554, -0.005475150421261787, -0.005174726247787476, -0.012273518368601799, 0.007777279242873192, -0.0025721730198711157, 0.01974024623632431, -0.0020574009977281094, -0.00698739942163229, -0.01922716200351715, -0.010727514512836933, 0.0073722125962376595, 0.012010225094854832, 0.006308912765234709, -0.026572370901703835, 0.001014354289509356, 0.01155790127813816, 0.015946121886372566, 0.01168617233633995, -0.0028860997408628464, 0.006767988204956055, -0.01971324160695076, -0.0038548840675503016, 0.0005379791255109012, 0.01455539371818304, 0.011328362859785557, -0.012820358388125896, 0.006001736968755722, 0.006356170400977135, -0.003706359537318349, -0.009957888163626194, -0.02707195281982422, -0.013711505569517612, 0.005009323824197054, -0.04366618022322655, -0.01284061186015606, -0.021117473021149635, 0.0007189932512119412, 0.019551215693354607, 0.010497977025806904, 0.010146918706595898, 0.008654923178255558, -0.03605093061923981, 0.030947089195251465, -0.0018092975951731205, -0.0192541666328907, 0.010518229566514492, -0.024722566828131676, 0.005407639313489199, -0.006366297136992216, -0.00636967271566391, 0.015298016369342804, 0.025586707517504692, 0.008182345889508724, 0.016351189464330673, -0.007230439223349094, 0.010457470081746578, 0.01261107437312603, -0.004516493063420057, -0.010754519142210484, -0.01698579452931881, 0.009026234969496727, -0.00727769685909152, 0.02141452208161354, 0.004627886228263378, 0.020685402676463127, -0.04442230612039566, 0.032108280807733536, -0.016580726951360703, -0.020523374900221825, 0.0022244909778237343, 0.0033232341520488262, 0.002415209775790572, 0.018619561567902565, -0.005144346039742231, -0.012165500782430172, -0.0067713637836277485, 0.03661802411079407, -0.002339259721338749, 0.005103839561343193, -0.004924934823065996, 0.006967145949602127, 0.006980648264288902, -0.027287987992167473, -0.0165267176926136, 0.015446540899574757, 0.007270945701748133, -0.006308912765234709, 0.00665321946144104, 0.0232103168964386, -0.021630557253956795, -0.009350287728011608, 0.005002572666853666, -0.01451488770544529, 0.007345207966864109, 0.010815278626978397, 0.0029671129304915667, 0.011044817045331001, 0.0233723446726799, -0.01142963021993637, -0.0019122520461678505, -0.0076220035552978516, -0.02329133078455925, 0.037509169429540634, -0.02516813948750496, -0.002317318692803383, -0.00123882875777781, 0.014204336330294609, 0.03669903427362442, 0.0014472693437710404, -0.018268505111336708, -0.02624831721186638, 0.019834762439131737, 0.006018614862114191, -0.008060825988650322, 0.00598485954105854, -0.018255002796649933, -0.003333360655233264, 0.020739411935210228, -0.01678325980901718, 0.009478558786213398, -0.012091238982975483, 0.027220476418733597, 0.02195461094379425, 0.011341865174472332, -0.011382372118532658, -0.657612144947052, -0.028246646746993065, -0.003061628667637706, -0.010828780941665173, -0.007567994762212038, 0.004057417158037424, -0.0006177265895530581, -0.013090402819216251, -0.019875269383192062, 0.036428991705179214, -0.0075139859691262245, -0.0024303996469825506, -0.0123275276273489, -0.019132647663354874, 0.002020269865170121, -0.012928375974297523, 0.00016392540419474244, -0.028057614341378212, 0.001157815451733768, -0.005735068116337061, -0.02568122372031212, 0.010666754096746445, -0.018079474568367004, 0.008209350518882275, -0.012604323215782642, -0.0022059252951294184, 0.0044962395913898945, 0.011706425808370113, 0.005579792894423008, 0.018133481964468956, -0.007730021607130766, 0.019240664318203926, 0.005022826138883829, -0.01209799014031887, 0.039750538766384125, -0.0036894818767905235, -0.01834951713681221, 0.025924263522028923, -0.0021806086879223585, 0.014906452037394047, -0.013211922720074654, 0.009849869646131992, 0.007270945701748133, 0.02414197102189064, -0.01481193583458662, 0.016310682520270348, 0.01647271029651165, -0.005326625891029835, -0.008540154434740543, -0.017984958365559578, -0.00438147084787488, 0.013718256726861, 0.005414390470832586, -0.006595835089683533, 0.015392531640827656, 0.02450653165578842, -0.0025147886481136084, -0.026680387556552887, 0.003083569696173072, -0.014987464994192123, 0.0023510742466896772, 0.00402028625831008, -0.027733560651540756, -0.021860094740986824, -0.016337687149643898, 0.005640552844852209, -0.024101464077830315, 0.011679421178996563, 0.006416930351406336, 0.0066734724678099155, -0.003426188603043556, 0.02159005030989647, 0.006362921558320522, -0.008101332932710648, -0.005228735040873289, 0.010923296213150024, 0.0030717551708221436, -0.0067882416769862175, -0.023817917332053185, 0.01080852746963501, 0.013792518526315689, -0.02385842427611351, 0.015892114490270615, 0.006329165771603584, 0.01509548258036375, 0.011645665392279625, -4.251089922036044e-05, -0.01837652176618576, -0.00024346192367374897, 0.008708932437002659, 0.016810264438390732, 0.038670361042022705, 0.0023341963533312082, -0.03848132863640785, -0.004064168315380812, 0.030379997566342354, -0.0014835564652457833, 0.0007679387927055359, 0.022359678521752357, -0.0033620530739426613, -0.004114801995456219, -0.01425834558904171, 0.018592558801174164, -0.005198354832828045, 0.007750274613499641, 0.026963934302330017, 0.011753682978451252, 0.010511479340493679, 0.0232643261551857, -0.025573207065463066, -0.0022396808490157127, 0.014001802541315556, -0.0019358808640390635, -0.007540990132838488, 0.011780687607824802, -0.03173021972179413, 0.005039704032242298, 0.00804057251662016, -0.0022835631389170885, -0.0005620299489237368, 0.012449047528207302, 0.003363740863278508, 0.016742752864956856, -0.013630491681396961, -0.008357875049114227, 0.01891661062836647, -0.028867747634649277, -0.00438822153955698, 0.006538450252264738, 0.008229603990912437, -0.02277824655175209, -0.03070404939353466, 0.01948370411992073, -0.014730922877788544, 0.04639362916350365, -0.0017063431441783905, 0.03067704476416111, -0.0012067609932273626, -0.012692087329924107, -0.0007886140956543386, -0.018754584714770317, -0.012341029942035675, 0.011902207508683205, -0.01942969486117363, -0.02786858379840851, -0.014433873817324638, 0.00785154104232788, -0.003363740863278508, 0.009924132376909256, -0.012064234353601933, -0.008661674335598946, -0.02959686890244484, -0.019308175891637802, 0.004141806159168482, -0.014420371502637863, 0.0005738443578593433, 0.017431367188692093, -0.03626696392893791, -0.013076900504529476, -0.046339623630046844, -0.0009713160106912255, 0.012124993838369846, -0.010194176807999611, 0.0109908077865839, 0.008060825988650322, -0.007628754712641239, 0.00832411926239729, 0.022602718323469162, -0.02956986427307129, -0.027423011139035225, -0.0015071853995323181, -0.043018076568841934, -0.008715683594346046, 0.016945287585258484, -0.01276635006070137, 0.006315663922578096, -0.02028033509850502, 0.01613515429198742, -0.0021198487374931574, -0.03499775752425194, 0.002626182045787573, 0.022400183603167534, 0.0007502171210944653, -0.010828780941665173, 0.004023661836981773, 0.017944451421499252, 0.01994278095662594, -0.01083553209900856, 0.00698739942163229, 0.00181942421477288, 0.015244007110595703, 0.015973126515746117, -0.012860865332186222, 0.010329199023544788, -0.0010911482386291027, 0.007075163535773754, -0.009937634691596031, -0.004104675259441137, 0.006508070509880781, 0.01721533201634884, 0.007500483654439449, 0.015257509425282478, 0.012084487825632095, -0.023385846987366676, 0.01535202469676733, -0.013043145649135113, -0.009363790042698383, -0.02511413022875786, -0.005191603675484657, -0.004985695239156485, 0.022319171577692032, -0.020779917016625404, -0.021455029025673866, -0.019443197175860405, -0.0036354728508740664, 0.04388221725821495, 0.003702983958646655, 0.0020557132083922625, -0.01286761648952961, 0.023439854383468628, -0.010349452495574951, -0.01124734990298748, 0.042586006224155426, -0.0009687843266874552, -0.029785899445414543, 0.008054074831306934, -0.016513215377926826, 0.0259917750954628, 0.027193471789360046, -0.007419470231980085, -0.002398331882432103, 0.002354449825361371, 0.01834951713681221, 0.027706557884812355, 0.01982126012444496, -0.0220356248319149, 0.028840743005275726, -0.01191570982336998, 0.008938469924032688, 0.025438183918595314, 0.01706680655479431, 0.0026160553097724915, 0.02267022803425789, -0.009323283098638058, 0.021684566512703896, -0.01613515429198742, 0.017957953736186028, 0.02283225581049919, -0.009546070359647274, 0.0062616546638309956, -0.02133350819349289, 0.02900277078151703, -0.011875202879309654, -0.0001359715824946761, -0.0023493864573538303, -0.013097153976559639, -0.0006139291217550635, -0.003081881906837225, 0.025978272780776024, 0.008013567887246609, 0.001902125310152769, 0.028786735609173775, -0.0023865175899118185, -0.010660002939403057, 0.006075999233871698, -0.005687810480594635, -0.018646566197276115, -0.008992479182779789, 0.004000032786279917, -0.008560407906770706, -0.0219276063144207, -0.03453868255019188, 0.008243105374276638, -0.02792259305715561, 0.007358710281550884, 0.017201829701662064, -0.012543562799692154, 0.0008362937951460481, 0.011395874433219433, 0.02678840607404709, -0.019848264753818512, -0.017701411619782448, 0.016054140403866768, -0.0014919954119250178, -0.01096380315721035, -0.033782556653022766, -0.03140616416931152, 0.03494374826550484, -0.018471037968993187, -0.0260457843542099, 0.001093679922632873, -0.003642224008217454, 0.013090402819216251, -0.0036523507442325354, -0.019051633775234222, 0.001580603769980371, 0.026491357013583183, 0.003655726322904229, -0.01173342950642109, 0.015514051541686058, -0.0013476904714480042, 0.02244069054722786, -0.034835729748010635, -0.03443066403269768, 0.05849162116646767, -0.009566323831677437, -0.013596735894680023, 0.005940977018326521, 0.004263326060026884, -0.019902274012565613, 0.009714847430586815, -0.008121585473418236, -0.0027426385786384344, 0.021347010508179665, 0.031082112342119217, 0.00487767718732357, 0.006160388235002756, 0.03216229006648064, 0.029299819841980934, 0.009924132376909256, -0.0012084487825632095, -0.04426027834415436, -0.016688745468854904, 0.025006113573908806, 0.05606121942400932, 0.021806087344884872, -0.018552051857113838, 0.020428860560059547, 0.0010405149077996612, -0.0018076098058372736, -0.011794189922511578, -0.028867747634649277, 0.0018514919793233275, -0.025006113573908806, -0.02624831721186638, 0.0010168859735131264, 0.019726743921637535, -0.014946958050131798, 0.028624707832932472, 0.025087125599384308, -0.016027135774493217, -0.020118309184908867, -0.015108984895050526, 0.006173890549689531, 0.0035747129004448652, -0.004938437137752771, 0.02954285964369774, 0.04453032463788986, 0.019443197175860405, -0.009093745611608028, 0.04736579209566116, 0.020158816128969193, 0.004556999541819096, -0.007000901270657778, 0.003966277465224266, 0.0035747129004448652, 0.009249021299183369, 0.005127468146383762, -0.023196814581751823, 0.038670361042022705, 0.011200091801583767, -0.002935045165941119, 0.041424814611673355, 0.008783194236457348, 0.01624317094683647, 0.0178634375333786, 0.00662621483206749, -0.0028692218475043774, 0.012104741297662258, -0.002752765314653516, -0.019078638404607773, 0.03934547305107117, -0.0009139315807260573, -0.016054140403866768, 0.004951939452439547, -0.00590722169727087, -0.027314992621541023, -0.013475215993821621, 0.02036134898662567, 0.00918826088309288, -0.008722434751689434, -0.007952808402478695, -0.0067544858902692795, -0.04860799387097359, -0.028408672660589218, -0.026234814897179604, 0.003434627316892147, -0.022332673892378807, -0.025640716776251793, 0.0016860897885635495, -0.034754715859889984, -0.010470972396433353, -0.023358842357993126, 0.01829550974071026, 0.002381454221904278, -0.020860930904746056, -0.03353951498866081, 0.015811100602149963, -0.0015358775854110718, 0.006119881756603718, 0.04534045606851578, 0.0057924529537558556, -0.00528949499130249, 0.009802612476050854, -0.0076220035552978516, -0.028219642117619514, -0.005333377048373222, -0.020455865189433098, -0.0034245008137077093, -0.006298786029219627, -0.038670361042022705, -0.025343667715787888, 0.0016211103647947311, 0.005063332617282867, 0.006335916928946972, -0.013373949564993382, 0.006676848046481609, -0.012084487825632095, 0.001725752605125308, 0.0035882152151316404, 0.02843567728996277, 0.009802612476050854, -0.009863371960818768, -0.014825438149273396, 0.004334212746471167, -0.010916545055806637, -0.03397158905863762, -0.029299819841980934, -0.0025097252801060677, 0.019308175891637802, 0.014879447408020496, 0.012955380603671074, 0.011753682978451252, -0.014285349287092686, 0.03794123977422714, -0.020320842042565346, 0.03067704476416111, 0.006862503942102194, 0.021711571142077446, -0.009336785413324833, 0.001674275379627943, 0.012057483196258545, 0.018727580085396767, -0.026126796379685402, 0.0005784857785329223, -0.021995117887854576, 0.012293771840631962, 0.006204270292073488, -0.010410211980342865, 0.024236487224698067, 0.01073426567018032, -0.011645665392279625, -0.027679553255438805, 0.006946892477571964, -0.015892114490270615, 0.030055943876504898, 6.223680247785524e-05, -0.008364626206457615, -0.030920086428523064, -0.011470136232674122, -0.018727580085396767, -0.007426221389323473, -0.023507365956902504, -0.0037772462237626314, 0.029866913333535194, -0.0011611910304054618, -9.145645162789151e-05, -0.008445639163255692, 0.032594360411167145, -0.02800360508263111, -0.006075999233871698, -0.009370541200041771, 0.034214626997709274, 0.02524915337562561, -0.016324184834957123, 0.0178634375333786, -0.04131679609417915, -0.016567224636673927, -0.014136824756860733, -0.020388353615999222, -0.006184017285704613, -0.001387353171594441, 0.02761204168200493, 0.012435545213520527, 0.06146210804581642, -0.035375818610191345, 0.006103003863245249, 0.024412015452980995, 0.004519868642091751, -0.0012464238097891212, -0.028219642117619514, 0.004276828374713659, -0.01235453225672245, -0.002094531897455454, 0.007662510499358177, -0.009080243296921253, 0.014474380761384964, -0.001087772659957409, 0.019348682835698128, 0.008438888005912304, -0.012833860702812672, -0.0015941059682518244, -0.0008527496247552335, -0.03780621662735939, -0.02380441501736641, -0.002751077525317669, 0.0010692070936784148, 0.015419536270201206, -0.02530316263437271, 0.0032557230442762375, 0.03964252024888992, -0.011544398963451385, 0.02280525118112564, -0.0007818629965186119, -0.0013038081815466285, -0.006275156978517771, 0.007567994762212038, 0.010065905749797821, -0.010477723553776741, -0.0205908864736557, -0.0001818580349208787, -0.03248634189367294, -0.0007362929754890501, 0.035348813980817795, 0.01271234080195427, -0.006933390162885189, 0.024466024711728096, -0.02422298491001129, 0.008708932437002659, 0.00934353657066822, 0.005353630520403385, 0.0001984193513635546, -0.021482033655047417, -0.03394458442926407, 0.005998361390084028, -0.02218414843082428, 0.002774706343188882, 0.007952808402478695, 0.02090143784880638, 0.006464187987148762, -0.015014469623565674, 0.03456568345427513, -0.025289660319685936, 0.0042734527960419655, 0.0109367985278368, 0.003679355140775442, 0.012705589644610882, -0.019294673576951027, 0.026963934302330017, 0.03788723051548004, 0.0034211252350360155, -0.010646501556038857, 0.01729634404182434, 0.022332673892378807, -0.009093745611608028, 0.020550379529595375, 0.0017519131070002913, -0.03216229006648064, 0.0007071788422763348, 0.012192505411803722, 0.038184281438589096, -0.02786858379840851, -0.03497075289487839, -0.00724394153803587, 0.005903846118599176, 0.02911078743636608, -0.011800941079854965, -0.01783643290400505, -0.01968623884022236, 0.01263807900249958, -0.0034245008137077093, 0.011537647806107998, -0.005853212904185057, -0.009323283098638058, 0.01477142982184887, 0.03713110834360123, 0.008580661378800869, 0.015108984895050526, -0.00417556194588542, 0.008418634533882141, 0.0020995952654629946, 0.007770528085529804, -0.01134861633181572, -0.015527553856372833, -0.01140262559056282, 0.032108280807733536, 0.0010759582510218024, 0.0025164764374494553, -0.006514821667224169, 0.009100496768951416, 0.002621118677780032, -0.0020152064971625805, -0.021833090111613274, 0.029785899445414543, -0.03386357054114342, -0.002379766432568431, -0.003313107416033745, -0.01057898998260498, 0.018390024080872536, -0.006980648264288902, -0.008756190538406372, -0.020523374900221825, 0.0003255300980526954, 0.007973060943186283, 0.02789558842778206, 0.008033821359276772, -0.018133481964468956, 0.009667590260505676, -0.006200894713401794, -0.02462805062532425, -0.020955447107553482, -0.01570308208465576, 0.014163829386234283, -0.03723912313580513, -0.01670224778354168, 0.02792259305715561, -0.014879447408020496, 0.013684500940144062, -0.022481197491288185, -0.01114608347415924, -0.000780175207182765, 0.0041654352098703384, -0.026680387556552887, 0.016634736210107803, 0.023507365956902504, -0.009741852059960365, -0.012678585015237331, 0.0013974799076095223, -0.0116051584482193, -0.008310616947710514, 0.010491225868463516, -0.011422879062592983, -0.01953771337866783, 0.02393943816423416, 0.011524145491421223, 0.005438019521534443, -0.00835112389177084, 0.009660839103162289, 0.009701346047222614, -0.009836368262767792, 0.0017156259855255485, -0.022359678521752357, 0.002626182045787573, 0.045799534767866135, -0.01353597640991211, -0.0005308060790412128, 0.015149491839110851, -0.024182477965950966, 0.02717997133731842, -0.023642389103770256, 0.009863371960818768, -0.003723237430676818, -0.03575387969613075, 0.0038582596462219954, -0.010099661536514759, 0.003473446238785982, -0.018160486593842506, -0.005245612934231758, -0.010099661536514759, 0.0017350353300571442, -0.006265030242502689, 0.009417799301445484, -0.011085323058068752, 0.016837269067764282, 0.02159005030989647, 0.01829550974071026, 0.025640716776251793, -0.01360348705202341, -0.011186589486896992, -0.0013662559213116765, -0.01817398890852928, -0.021765580400824547, -0.016000131145119667, -0.010632999241352081, -0.009073492139577866, 0.025721730664372444, 0.005009323824197054, -0.034781720489263535, 0.00011740603076759726, -0.0019949530251324177, -0.027787569910287857, -0.0033839941024780273, 0.005404263734817505, 0.014879447408020496, 0.004665017127990723, 0.017444869503378868, 0.016486210748553276, 0.023966442793607712, -0.005505530629307032, 0.021522540599107742, -0.008013567887246609, -0.008418634533882141, 0.005782326217740774, -0.02285926043987274, 0.008249856531620026, 0.0042565749026834965, -0.018336016684770584, -0.004148557316511869, 0.007831288501620293, 0.012442296370863914, 0.0016936848405748606, 0.024101464077830315, 0.001942632021382451, -0.030488014221191406, -0.014406869187951088, 0.02658587321639061, -0.019780753180384636, -0.032567355781793594, -0.00621439702808857, -0.033755552023649216, 0.003517328528687358, 0.03067704476416111, -0.01698579452931881, -0.02445252239704132, 0.0018076098058372736, -0.0014152014628052711, 0.004445606376975775, 0.016324184834957123, 0.004428728483617306, -0.01106506958603859, 0.016000131145119667, -0.030055943876504898, 0.019888771697878838, -0.026680387556552887, 0.011908958666026592, 0.01425834558904171, 0.019780753180384636, 0.006838874891400337, -0.011389123275876045, 0.012806856073439121, 0.008398381061851978, 0.004884428344666958, 0.02357487753033638, -0.0027578286826610565, -0.007034657057374716, -0.030866077169775963, -0.0018447409383952618, -0.008951972238719463, -0.00567430816590786, -0.021455029025673866, -0.005151097197085619, -0.014352860860526562, 0.028381668031215668, 0.02002379298210144, -0.04531345143914223, -0.020010290667414665, 0.006521572824567556, -0.03173021972179413, -0.0003656148328445852, -0.010437216609716415, -0.0082633588463068, -0.015568060800433159, -0.0030244975350797176, -0.002735887421295047, 0.005151097197085619, 0.005103839561343193, -0.006096252705901861, 0.017822930589318275, 0.00013386186037678272, 0.004266701638698578, 0.2025333046913147, -0.016432203352451324, 0.000770892424043268, 0.01535202469676733, 0.0059949858114123344, -0.0010000081965699792, 0.04053366556763649, 0.022224655374884605, -0.01928117126226425, 0.010464221239089966, -0.00471565080806613, -0.004752781707793474, -0.0246010459959507, -0.004502990748733282, 0.013684500940144062, -0.020604388788342476, -0.055629149079322815, -0.026032282039523125, -0.026005277410149574, 0.03170321509242058, -0.009505563415586948, 0.018930112943053246, -0.026680387556552887, -0.023196814581751823, 0.008783194236457348, -0.02130650356411934, 0.025613712146878242, -0.004516493063420057, 0.0065654548816382885, -0.006352794822305441, -0.018646566197276115, -0.003272600704804063, -0.014636407606303692, 0.022967277094721794, -0.02295377478003502, -0.01678325980901718, 0.015500549226999283, -0.006649843882769346, 0.02485758811235428, 0.009492061100900173, 0.0019156276248395443, -0.009228767827153206, 0.006845626048743725, -0.02292677015066147, 0.020752914249897003, 0.027598539367318153, -0.012064234353601933, -0.0009654088062234223, -0.017917446792125702, 0.014933456666767597, -0.006693725939840078, 0.007878545671701431, 0.04701473191380501, 0.029812904074788094, 0.003329985309392214, -0.0002125544851878658, 0.007824537344276905, 0.02164405956864357, 0.0005113966180942953, -0.0024979107547551394, -0.011780687607824802, -2.9377879400271922e-05, 0.01755288615822792, 0.01897061988711357, -0.010950300842523575, -0.006281908135861158, -0.020577384158968925, 0.013272683136165142, 0.0015282826498150826, -0.007730021607130766, 0.0025620462838560343, -0.012975634075701237, -0.004813541658222675, 0.0071831815876066685, -0.02792259305715561, -0.04104674980044365, 0.04020961374044418, 0.025235651060938835, 0.004442230798304081, 0.04336913302540779, -0.004854048602283001, -0.025721730664372444, 0.006578957196325064, -0.02213013917207718, -0.017620397731661797, -0.021968113258481026, 0.0036354728508740664, -0.020982451736927032, -0.006427057087421417, -0.01863306388258934, -0.0029704885091632605, -4.419867764227092e-05, -0.024263489991426468, 0.007392466068267822, 0.007662510499358177, 0.011800941079854965, 0.024128468707203865, -0.004489488434046507, 0.008816950023174286, -0.021144477650523186, -0.026410343125462532, 0.08311966806650162, 0.011328362859785557, 0.009235518984496593, 0.011672670021653175, -0.016297180205583572, -0.021252496168017387, -0.001488619833253324, 0.011625411920249462, -0.001393260434269905, 0.018363019451498985, -0.043126095086336136, 0.01616215892136097, -0.014460878446698189, -0.017458371818065643, -0.0017603520536795259, 0.022535206750035286, -0.010194176807999611, 0.0329454205930233, -0.002362888539209962, -0.006416930351406336, -0.025924263522028923, 0.009249021299183369, 0.014325856231153011, -0.019186655059456825, -0.02200862020254135, 0.010916545055806637, -0.015473544597625732, -0.02965087629854679, -0.019497206434607506, 0.013853278942406178, -0.023736903443932533, 0.03332348167896271, 0.007824537344276905, 0.019308175891637802, 0.002025333233177662, -0.0028169008437544107, -0.006197519134730101, -0.008060825988650322, -0.006919888313859701, 0.008297114633023739, -0.014582398347556591, 0.0006987399538047612, 0.007392466068267822, 0.02030733972787857, 0.002546856412664056, -0.007264195010066032, -0.014042309485375881, -0.003140954067930579, 0.005876841489225626, -0.005184852983802557, -0.0049991970881819725, 0.003181460779160261, 0.002236305270344019, 0.015298016369342804, 0.006778114940971136, -0.02087443321943283, 0.001944319810718298, -0.008715683594346046, 0.03164920583367348, -0.024303996935486794, -0.0020422108937054873, 0.015689579769968987, -0.013569732196629047, -0.006349419243633747, 0.0057924529537558556, -0.17293643951416016, 0.004286955110728741, 0.01590561680495739, -0.027287987992167473, 0.010207679122686386, 0.015554558485746384, 0.04053366556763649, -0.008654923178255558, -0.032000262290239334, -0.007817786186933517, 0.011861700564622879, 0.0021603552158921957, -0.019645731896162033, -0.00930303055793047, -0.0027831452898681164, 0.027504023164510727, 0.0033586774952709675, 0.01242879405617714, 0.011767185293138027, 0.010572238825261593, 0.014150327071547508, -0.015392531640827656, -0.014433873817324638, -0.010957051999866962, 0.012111492455005646, -0.002379766432568431, -0.021211989223957062, 0.025546202436089516, -0.008209350518882275, -0.03353951498866081, -0.01401530485600233, -0.0017907320288941264, 0.019807757809758186, -0.009660839103162289, -0.013056647963821888, 0.00041034093010239303, 0.0015358775854110718, 0.0027409507893025875, -0.02962387166917324, 0.015176496468484402, 0.011382372118532658, 0.03621295467019081, 0.019132647663354874, -0.011517394334077835, -0.026653382927179337, 0.014001802541315556, 0.025127632543444633, -0.030596032738685608, -0.004263326060026884, -0.01570308208465576, -0.004486112855374813, -0.0219276063144207, 0.00944480299949646, 0.0062177726067602634, -0.00724394153803587, 0.013893784955143929, 0.0014734298456460238, -0.0008405132684856653, -2.8164788091089576e-05, 0.007196683902293444, -0.00304306298494339, -0.0034666950814425945, 0.012185754254460335, 0.0027595164719969034, -0.008013567887246609, -0.021347010508179665, -0.006298786029219627, -0.002670064102858305, -0.02272423729300499, 0.01479843445122242, -0.01225326582789421, 0.015271011739969254, -0.00570131279528141, -0.014582398347556591, 0.02200862020254135, 0.012408540584146976, 0.009174758568406105, 0.02022632583975792, 0.020388353615999222, 0.005843086168169975, -0.01834951713681221, 0.014001802541315556, -0.0002202549803769216, 0.004968817345798016, -0.005762072745710611, 0.0005143502494320273, 0.002378078643232584, 0.006427057087421417, -0.0026751274708658457, -0.021914103999733925, 0.03939947858452797, -0.015635572373867035, 0.008958723396062851, -0.02553270012140274, 0.010592492297291756, 0.006474314723163843, 0.0009400921408087015, -0.0048000393435359, 0.018390024080872536, -0.006616088096052408, 0.011267603375017643, -0.0014649908989667892, 0.01114608347415924, -0.009795861318707466, 0.013326691463589668, -0.011753682978451252, -0.021522540599107742, -0.005694561637938023, 0.03167621046304703, -0.010146918706595898, -0.025829749181866646, 0.0013206859584897757, -0.004881052765995264, -0.007250692695379257, 0.01039670966565609, 0.022994281724095345, -0.014852442778646946, -0.00740596791729331, 0.008135087788105011, 3.335997826070525e-05, 0.03499775752425194, -0.0017738542519509792, 0.007142674643546343, -0.00252829072996974, -0.006069248076528311, -0.016715750098228455, -0.11287856847047806, 0.007601750083267689, 0.013549478724598885, 0.015217002481222153, -0.003598341951146722, 0.018200993537902832, 0.005502155050635338, 0.014649909920990467, -0.046879708766937256, 0.03329647704958916, -0.00851990096271038, -0.0035612108185887337, -0.002028708579018712, 0.007723270449787378, 0.03451167792081833, -0.007088665850460529, -0.00032742886105552316, -0.01001189649105072, -0.009120750240981579, 0.03340449556708336, 0.010889541357755661, -0.0016481148777529597, 0.026032282039523125, -0.02383141964673996, -0.014595900662243366, 0.0013367198407649994, -0.039291463792324066, 0.029812904074788094, 0.004023661836981773, -0.01979425549507141, -0.013792518526315689, -0.027450015768408775, 0.020523374900221825, -0.014960460364818573, 0.02007780224084854, -0.018282007426023483, -0.01559506542980671, -0.02311580255627632, 0.02056388184428215, -0.017876939848065376, 0.008560407906770706, 0.014676913619041443, 0.019726743921637535, -0.006032117176800966, -0.011794189922511578, -0.02238668128848076, -0.00998489186167717, 0.012570567429065704, 0.021252496168017387, -0.025492193177342415, -0.0301369559019804, -0.014609402976930141, -0.03216229006648064, 0.010741016827523708, 0.03248634189367294, 0.004648139700293541, -0.0009949449449777603, 0.005228735040873289, -0.007520737126469612, 0.0001909298443933949, -0.013299687765538692, -0.0012962132459506392, -0.051227424293756485, 0.007014403585344553, 0.025100627914071083, 0.004108050838112831, -0.013907287269830704, -0.0519835501909256, 0.007878545671701431, -0.014042309485375881, -0.016297180205583572, 0.02283225581049919, 0.0018346142023801804, 0.021941108629107475, -0.035915907472372055, 0.014501385390758514, -0.0032742884941399097, -0.02704494819045067, 0.022278664633631706, -0.009384043514728546, -0.018984122201800346, -0.024439020082354546, -0.0014506448060274124, -0.015811100602149963, -0.006686974782496691, -0.011355367489159107, -0.009681092575192451, -0.006919888313859701, 0.013360447250306606, -0.02238668128848076, -0.0027426385786384344, 0.028246646746993065, 0.010362954810261726, -0.01073426567018032, 0.012057483196258545, 0.02025333046913147, -0.019902274012565613, -0.025586707517504692, 0.010970554314553738, 0.00711567047983408, -0.02061789110302925, 0.01369125209748745, -0.0494181290268898, 0.027287987992167473, 0.011308110319077969, -0.014825438149273396, -0.007905550301074982, -0.015271011739969254, 0.019443197175860405, -0.01401530485600233, -0.003719861852005124, 0.008425385691225529, -0.023021286353468895, 0.006767988204956055, -0.02411496639251709, -0.001271740416996181, -0.031001098453998566, 0.00227174861356616, 0.02902977541089058, 0.007385714910924435, 0.02254870906472206, 0.008884461596608162, 0.0150684779509902, -0.0035207041073590517, 0.011524145491421223, 0.017120815813541412, 0.011240598745644093, -0.018808593973517418, 0.0004687802284024656, 0.010133416391909122, 0.004229570738971233, -0.014204336330294609, 0.0009012732189148664, -0.025033118203282356, -0.008958723396062851, 0.0025620462838560343, -0.004762908443808556, -0.03351251035928726, 0.02138751745223999, 0.026464352384209633, 0.022886265069246292, 0.0465826615691185, -0.016000131145119667, -0.012111492455005646, 0.009174758568406105, -0.0029856786131858826, -0.022481197491288185, 0.0035240796860307455, -0.011497140862047672, 0.0013139349175617099, 0.02431749925017357, -0.021792585030198097, 0.042477987706661224, 0.024209482595324516, -0.01455539371818304, -0.01381952315568924, 0.011780687607824802, 0.0003002134326379746, 0.011186589486896992, 0.006278532557189465, 0.012091238982975483, -0.0017105626175180078, 0.01582460291683674, -0.012793353758752346, -0.00590722169727087, -0.004695397336035967, 0.0049080573953688145, -0.0009249021532014012, 0.0009552821284160018, 0.009424550458788872, -0.009930883534252644, -0.008128336630761623, -0.013299687765538692, 0.025937765836715698, 0.002315630903467536, 0.01703980192542076, 0.004881052765995264, 0.0014970587799325585, 0.014420371502637863, 0.021036459133028984, 0.00043164912494830787, 0.0062346505001187325, 0.009620332159101963, -0.007061661686748266, -0.011935963295400143, 0.016567224636673927, 0.015946121886372566, -0.0023865175899118185, -0.01559506542980671, 0.014339358545839787, -0.01747187413275242, -0.012692087329924107, 0.018511544913053513, 0.007993314415216446, 0.0005763760418631136, 0.022022122517228127, -0.0164457056671381, 0.00023966441222000867, -0.0006223680102266371, 0.01168617233633995, 0.041397809982299805, 0.012719091959297657, 0.027274485677480698, -0.009276025928556919, -0.002133350819349289, -0.019078638404607773, -0.019335180521011353, -0.0008434668416157365, -0.020698904991149902, -0.012496305629611015, 0.006207645870745182, 0.01582460291683674, -0.0007814410491846502, -0.01455539371818304, -0.008465892635285854, 0.00384475733153522, -0.02110397070646286, 0.008317368105053902, -0.012401789426803589, -0.009789110161364079, -0.0192541666328907, 0.016459207981824875, 0.018552051857113838, 0.02638334035873413, 0.008708932437002659, -0.015189998783171177, 0.010180674493312836, 0.00027658455655910075, 0.02238668128848076, -0.04164084792137146, 0.02499261125922203, 0.008573910221457481, 0.010045652277767658, 0.007075163535773754, -0.03348550572991371, -0.022170646116137505, -0.002462467411532998, 0.016040638089179993, -0.001571320928633213, 0.024763073772192, -0.002189047634601593, 0.06675498187541962, 0.026720894500613213, -0.009998394176363945, 0.016972292214632034, -0.002317318692803383, 0.011301359161734581, 0.006018614862114191, 0.03124413825571537, -0.016391696408391, -0.019861767068505287, -0.014717420563101768, 0.0026734396815299988, -0.010491225868463516, -0.025978272780776024, -0.014285349287092686, -0.009667590260505676, -0.0069131371565163136, 0.030379997566342354, -0.02329133078455925, 0.002563734073191881, 0.04512442275881767, -0.009296279400587082, 0.00765575934201479, 0.004762908443808556, -0.016432203352451324, -0.004104675259441137, 0.010592492297291756, 0.002048962051048875, 0.015014469623565674, -0.014622905291616917, 0.004205941688269377, 0.017444869503378868, -0.023129304870963097, -0.021914103999733925, -0.0011333426227793097, -0.013637242838740349, 0.011517394334077835, -0.01065325178205967, 0.008749439381062984, -0.010801776312291622, -0.007993314415216446, -0.0029451719019562006, -0.007581497076898813, -0.021279500797390938, -0.01235453225672245, 0.004725777078419924, -0.012698838487267494, -0.00015548651572316885, -0.011179839260876179], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='a71493d2-f956-4f86-bc1c-011e1ac531ea', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '7', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_type': 'application/pdf', 'file_size': 1719588, 'creation_date': '2024-02-25', 'last_modified_date': '2024-01-15', 'last_accessed_date': None}, hash='19d475056fe74953fcce7c3a1c896d28d200c12ee516fbcb6188c6f7a70ad69a')}, text='2023; Huang et al. 2023a). To address\\nthe resource gap, several solutions have been proposed or\\nimplemented by researchers and practitioners. One possible\\nsolution is to increase the amount of data available from\\nvarious languages and fields, and make it accessible for\\npretraining and evaluating LLMs (Lin et al. 2022; Chen et al.\\n', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='59e50564-6c6d-43c0-abf0-298f119ae1ff', embedding=[-0.01107302401214838, -0.00855272263288498, 0.035406503826379776, -0.01709185726940632, 0.000359406229108572, 0.01513539720326662, -0.0024676539469510317, 0.012390918098390102, -0.018953213468194008, -0.04646594077348709, 0.0038280056323856115, 0.04146609827876091, -0.00968040432780981, 0.0011650451924651861, 0.004405433312058449, -0.00437486357986927, 0.026738295331597328, -0.0014461165992543101, 0.0019989185966551304, -0.018898867070674896, -0.004938704427331686, -0.00012758602679241449, -0.02177921123802662, 0.005132312886416912, -0.006643814500421286, 0.029346909373998642, 0.037906426936388016, -0.016765780746936798, -0.020189587026834488, -0.0031911367550492287, 0.004194841720163822, 0.02340959571301937, -0.02148030698299408, -0.0008215606212615967, -0.009408674202859402, -0.025067152455449104, 0.026276353746652603, -0.03578692674636841, 0.015026705339550972, -0.026683950796723366, 0.03293375298380852, 0.03559671342372894, 0.010685808025300503, -0.009259222075343132, 0.009836649522185326, 0.02434706687927246, -0.009884202852845192, -0.0135661531239748, -0.02277102880179882, 0.01646687649190426, 0.02059718407690525, 0.03869444504380226, -0.021018365398049355, 0.00919128954410553, -0.021955836564302444, -0.01748586818575859, -0.0037600728683173656, 0.034727178514003754, 0.014985945075750351, 0.004371467046439648, 0.005923727992922068, 0.011731971055269241, -0.015216916799545288, 0.02092326059937477, -0.015094637870788574, -0.016100041568279266, -0.017920635640621185, 0.0008470353786833584, 0.0259231049567461, 0.009435846470296383, 0.004205031786113977, 0.016629915684461594, 0.009782303124666214, -0.014782147482037544, 0.026942094787955284, -0.0067830765619874, -0.004796045832335949, -0.019170597195625305, -0.018627136945724487, 0.02806977555155754, 0.0022434762213379145, -0.012384124100208282, -0.018178779631853104, 0.034727178514003754, 0.01835540495812893, -0.008790486492216587, 0.01808367483317852, -0.0190347321331501, -0.00809078011661768, -0.00904183741658926, 0.006990271154791117, 0.020692288875579834, 0.020067308098077774, -0.0026816418394446373, 0.0032047233544290066, -0.006008644122630358, 0.004931911360472441, 0.0035698614083230495, -0.0014316808665171266, -0.021697692573070526, 0.0009969117818400264, 0.0062498049810528755, -0.03888465464115143, -0.013240075670182705, -0.03211856260895729, 0.0019360808655619621, 0.012880032882094383, 0.012662648223340511, 0.008355717174708843, -0.01718696393072605, -0.028151296079158783, 0.04510728642344475, -0.004782459232956171, -0.03524346649646759, -0.0006355950026772916, -0.017703251913189888, 0.0062498049810528755, -0.012458850629627705, 0.0030009252950549126, -0.0026425805408507586, 0.032607678323984146, 0.014116407372057438, -0.015719618648290634, -0.016711434349417686, 0.038123808801174164, 0.022988412529230118, -0.008613861165940762, -0.0017560593551024795, -0.03421089053153992, -0.005020223557949066, -0.00489794509485364, 0.015312022529542446, 0.004249188117682934, 0.001915701082907617, -0.017608145251870155, 0.04695505648851395, -0.018627136945724487, -0.01744510792195797, 0.00468395696952939, -0.018817348405718803, 0.022526470944285393, 0.0074318330734968185, -0.001580283511430025, -0.020121654495596886, 0.010563529096543789, 0.037199925631284714, 0.01010838057845831, 0.014863666146993637, 0.012071633711457253, 0.0019581590313464403, 0.010128759779036045, -0.04214542359113693, 0.007832636125385761, -0.011745557188987732, 0.016901645809412003, 0.009857029654085636, 0.012377331033349037, 0.01714620366692543, -0.006327927578240633, 0.003909524530172348, -0.022607989609241486, 0.001941175782121718, -0.0034458842128515244, 0.002645977307111025, -0.0017475677886977792, 0.02115423046052456, 0.010196692310273647, -0.020678702741861343, -0.011032264679670334, -0.025936691090464592, -0.021031951531767845, 0.03997157886624336, -0.038449887186288834, 0.022377019748091698, -0.0005612936220131814, 0.006429826375097036, 0.021697692573070526, -0.004789252765476704, -0.016439704224467278, -0.02460521087050438, 0.019863510504364967, 0.013185730203986168, 0.007581285201013088, 0.006654004100710154, -0.018749414011836052, -0.012234672904014587, -0.0013561057858169079, -0.01201049517840147, 0.018260300159454346, 0.003396633081138134, 0.011786316521465778, 0.03896617516875267, 0.012723787687718868, -0.025719305500388145, -0.6304150819778442, -0.021031951531767845, 0.0020074101630598307, -0.008287784643471241, -0.0045514884404838085, 0.005387060344219208, -0.009340740740299225, -0.002523698378354311, -0.029727332293987274, 0.038830310106277466, -0.03241746500134468, 0.005655393935739994, 0.009544539265334606, -0.016072867438197136, -0.015841897577047348, -0.02335524931550026, -0.01169800478965044, -0.03154793009161949, 0.018246714025735855, 0.011833869852125645, -0.012397711165249348, 0.017064685001969337, -0.018260300159454346, 0.017200550064444542, -0.026276353746652603, -0.005770879797637463, 0.02088250033557415, 0.0071736890822649, 0.004948894493281841, 0.012289018370211124, -0.038748789578676224, 0.019741231575608253, 0.004901341628283262, -0.02584158442914486, 0.0410585030913353, -0.002199319889768958, -0.00933394767343998, 0.03328700363636017, 0.0033287005499005318, 0.010794499889016151, -0.031982697546482086, -0.0032981308177113533, 0.003614017739892006, 0.015298435464501381, -0.008192678913474083, 0.014931599609553814, 0.012723787687718868, 0.0031639637891203165, -0.005383663345128298, -0.025991037487983704, -0.005760689731687307, 0.015271262265741825, 0.009361120872199535, -0.007914154790341854, -0.013715604320168495, 0.01743152178823948, 0.023898711428046227, -0.033178310841321945, 0.0106178754940629, -0.012798513285815716, -0.009442640468478203, -0.007275588344782591, -0.0010172915644943714, -0.013980542309582233, -0.017934223636984825, -0.006952907890081406, -0.007710357196629047, -0.0027512728702276945, -0.002552569843828678, -0.019170597195625305, -0.01153496652841568, 0.0096600241959095, 0.0037668661680072546, -0.004694147035479546, -0.009381501004099846, 0.02552909404039383, 0.011344755068421364, -0.013430287130177021, 0.013036278076469898, 0.019116250798106194, 0.009748336859047413, -0.017662491649389267, -0.0006152151618152857, -0.007200862281024456, 0.03559671342372894, -0.01372919138520956, 0.01076053362339735, 0.0113651342689991, 0.0054719760082662106, 0.008838039822876453, 0.007153309416025877, 0.006032420322299004, -0.0348086953163147, -0.051547303795814514, -0.006504552438855171, 0.03345004469156265, -0.016915233805775642, -0.0034815489780157804, 0.03997157886624336, -0.022241152822971344, -0.015420714393258095, -0.005716533400118351, 0.038123808801174164, 0.006650607567280531, 0.01138551440089941, 0.0063211340457201, 0.012234672904014587, -0.003736296435818076, 0.03513477370142937, -0.026126902550458908, 0.0240074023604393, 0.002129688858985901, 0.022961240261793137, -0.005886365193873644, 0.008763313293457031, -0.03157510235905647, 0.007520145736634731, -0.013301215134561062, 0.00684421556070447, -0.018559202551841736, 0.006096956320106983, -0.012193912640213966, 0.011664038524031639, -0.002340280218049884, -0.0008491582702845335, 0.016928819939494133, -0.004646594170480967, -0.013865056447684765, 0.013844676315784454, 0.018246714025735855, -0.005770879797637463, -0.010040447115898132, 0.03084142878651619, -0.019157011061906815, 0.030678389593958855, 0.01989068277180195, 0.017214136198163033, 0.009530952200293541, -0.02154824137687683, -0.02153465338051319, -0.027648594230413437, 0.00794812198728323, 0.014415310695767403, -0.013043071143329144, -0.02899366058409214, -0.021616173908114433, -0.0214531347155571, 0.001069939462468028, 0.010984711349010468, -0.018830934539437294, 0.004164271987974644, -0.0037634694017469883, -0.013294422067701817, 0.0017305845394730568, -0.006351703777909279, -0.0013883737847208977, -0.006300754379481077, -0.03336852416396141, -0.02589593082666397, -0.039156388491392136, -0.002321598818525672, 0.006579278502613306, 0.001895321300253272, 0.013151763938367367, 0.0037804527673870325, 0.0028684567660093307, 0.025039980188012123, 0.007812255993485451, -0.019754817709326744, -0.029727332293987274, -0.001854561734944582, -0.03836836665868759, 0.015706032514572144, 0.02054283767938614, -0.002287632320076227, -0.00389933492988348, -0.007900568656623363, 0.0227302685379982, -0.010848846286535263, -0.016290253028273582, -0.006718540098518133, 0.01773042418062687, -0.014293031767010689, -0.007187275681644678, 0.0024557658471167088, 0.012662648223340511, 0.027852391824126244, -0.009918169118463993, -0.0065011559054255486, 0.01713261753320694, 0.02115423046052456, 0.0012363744899630547, -0.026045382022857666, 0.009884202852845192, -0.002922802697867155, 0.00870896689593792, -0.0068713887594640255, 0.00038084748666733503, -0.007146515883505344, 0.014863666146993637, 0.01960536651313305, 0.00638906704261899, 0.0076967705972492695, -0.02115423046052456, -0.002138180658221245, -0.003342286916449666, -0.007920948788523674, -0.02404816262423992, 0.012689821422100067, -0.007785083260387182, 0.0036649671383202076, -0.00950377993285656, -0.016072867438197136, -0.02249929867684841, -0.007153309416025877, 0.03559671342372894, 0.0010563528630882502, -0.00311131589114666, -0.01843692548573017, 0.006446809507906437, -0.01585548371076584, -0.0135661531239748, 0.015828309580683708, 0.0018036122201010585, -0.0010767326457425952, -0.009408674202859402, -0.03516194596886635, 0.005818432662636042, 0.012852859683334827, -0.017879877239465714, 0.011935768648982048, 0.01216673944145441, 0.007119343150407076, 0.012866446748375893, 0.014469657093286514, 0.006521535571664572, 0.016412531957030296, -0.00810436625033617, 0.015230502933263779, 0.009510572999715805, 0.008933145552873611, 0.023151451721787453, -0.021711278706789017, 0.00015528981748502702, 0.027336103841662407, -0.001854561734944582, 0.023912297561764717, 0.013212902471423149, -0.01902114599943161, 0.005295351147651672, -0.02149389497935772, 0.015841897577047348, -0.01993144303560257, -0.00177304248791188, 0.01044804323464632, -0.039455290883779526, 0.001807008869946003, 0.0032403881195932627, 0.02929256483912468, 0.030596870929002762, -0.0006525781354866922, 0.01777118444442749, 0.01865430921316147, -0.009626057930290699, 0.02241777814924717, -0.014877253212034702, -0.019320048391819, -0.015271262265741825, -0.01679295487701893, -0.015013118274509907, -0.04078676924109459, -0.032906580716371536, 0.0252845361828804, -0.01936080865561962, 0.017553800716996193, 0.011650451458990574, -0.013899022713303566, 0.01709185726940632, 0.036031484603881836, 0.02677905559539795, -0.019700471311807632, -0.03983571380376816, 0.018926039338111877, -0.008185885846614838, -0.0237220861017704, -0.017866291105747223, -0.03809663653373718, 0.008226645179092884, -0.006052800454199314, 0.004422416444867849, -0.0021976216230541468, 0.006402653641998768, -0.0042389980517327785, 0.00561803113669157, -0.016385357826948166, 0.03266202285885811, 0.027879564091563225, 0.0002468927705194801, 0.004568471573293209, -0.006548708770424128, -0.00042224396020174026, 0.018803760409355164, -0.03654777258634567, -0.02436065301299095, 0.03611300513148308, -0.02529812417924404, -0.021629760041832924, -0.009578505530953407, 0.0024540673475712538, -0.0026748485397547483, -0.0003829703782685101, -0.00011686540528899059, 0.007771496661007404, 0.0039434912614524364, 0.03152075409889221, 0.0063109444454312325, 0.002793730702251196, 0.03388481214642525, 0.04056938737630844, 0.005492355674505234, -0.00949698593467474, -0.014469657093286514, -0.006181872449815273, 0.027010027319192886, 0.053721148520708084, 0.011419480666518211, -0.03054252453148365, 0.010848846286535263, -0.026643190532922745, -0.006800059694796801, -0.020637942478060722, -0.026357872411608696, 0.01246564369648695, -0.008919558487832546, -0.030787082388997078, -0.028232814744114876, 0.01465986855328083, -0.008376097306609154, 0.03143923729658127, 0.017648905515670776, -0.008790486492216587, -0.030433833599090576, -0.010352937504649162, 0.0008266555960290134, 0.00474849296733737, -0.021086297929286957, 0.03220008313655853, 0.03744448348879814, 0.010380110703408718, -0.002786937402561307, 0.04309648275375366, 0.012852859683334827, -0.003165662055835128, -0.03453696519136429, -0.019116250798106194, 0.004177858587354422, 0.007098963018506765, 0.02114064432680607, 0.008355717174708843, 0.022295499220490456, 0.010257831774652004, 0.0017509643221274018, 0.02021676115691662, -0.0018392768688499928, 0.02744479477405548, 0.03513477370142937, 0.0028667582664638758, 0.012146360240876675, 0.016032109037041664, -0.02964581362903118, -0.013926195912063122, 0.035651061683893204, -0.017621733248233795, -0.03861292451620102, 0.02342318184673786, 0.0017645509215071797, -0.03051535226404667, -0.04152044281363487, 0.00779866985976696, 0.005441406276077032, -0.005444802809506655, -0.006579278502613306, -0.015787551179528236, -0.01323328260332346, -0.020800981670618057, -0.034781523048877716, -0.0028582667000591755, -0.010047241114079952, -0.01802932843565941, 0.006867992226034403, -0.016032109037041664, -0.006630227901041508, -0.011331168003380299, 0.01777118444442749, -0.02404816262423992, -0.03771621361374855, -0.036901023238897324, 0.007669597398489714, 0.008382890373468399, 0.026344286277890205, 0.03589561954140663, -0.007153309416025877, -0.0044563827104866505, 0.010549942962825298, -0.023518288508057594, 0.007295968011021614, 0.01275775395333767, -0.025338882580399513, 0.00261201080866158, -0.006752506829798222, -0.018138021230697632, -0.031357716768980026, -0.006290564779192209, 0.00756769860163331, 3.407247641007416e-05, 0.00499644735828042, -0.013525392860174179, -0.0031367905903607607, 0.017377175390720367, 0.019238529726862907, 0.022173220291733742, 0.013437080197036266, 0.0017382269725203514, -0.015108224004507065, 0.006429826375097036, -0.02248571068048477, -0.011976527981460094, -0.03744448348879814, 0.016616329550743103, 0.006399256642907858, 0.029374083504080772, 0.015312022529542446, 0.016100041568279266, 0.00483001209795475, -0.00014775354065932333, -0.010339351370930672, 0.027308929711580276, 0.011317581869661808, 0.00792774185538292, -0.0011285314103588462, 0.005906744860112667, 0.0032318963203579187, 0.019170597195625305, -0.02209170162677765, 0.015733204782009125, -0.018627136945724487, 0.017839116975665092, -0.0004576963256113231, -0.01341670099645853, 0.03499890863895416, 0.007866602391004562, -0.007886982522904873, -0.02498563379049301, 0.00949698593467474, -0.005872778594493866, 0.03980854153633118, 0.0019938235636800528, -0.006375480443239212, -0.025678547099232674, -0.00694611482322216, 0.0007897171890363097, -0.008600275032222271, -0.038477059453725815, -0.005088156554847956, 0.017227722331881523, 0.012499609962105751, -0.011609692126512527, -0.006426429841667414, 0.008247025310993195, -0.027825217694044113, -0.014564762823283672, 0.004782459232956171, 0.003311717417091131, 0.023151451721787453, -0.016453290358185768, 0.012907206080853939, -0.03589561954140663, -0.02335524931550026, -0.00514250248670578, -0.02249929867684841, -0.009653231129050255, -0.013009104877710342, 0.025624200701713562, 0.02249929867684841, 0.05880251154303551, -0.023898711428046227, 0.012125980108976364, 0.02737686224281788, -0.011813489720225334, -0.007132929749786854, -0.013389527797698975, 0.013260455802083015, -0.004432606045156717, -0.021127058193087578, 0.005414233077317476, 0.005186658818274736, 0.00856630876660347, -0.013375941663980484, 0.01741793379187584, 0.026330700144171715, -0.01622232049703598, -0.007764703128486872, -0.014605522155761719, -0.005567081738263369, -0.01277813408523798, 0.022227566689252853, -0.0038619718980044127, -0.012438470497727394, -0.02959146723151207, -0.017662491649389267, 0.013301215134561062, -0.003274354385212064, 0.009102976880967617, 0.02342318184673786, 0.021099885925650597, -0.004167668987065554, 0.013308008201420307, -0.007615251466631889, 0.011181715875864029, -0.014714214950799942, 0.002172146923840046, -0.03953681141138077, 0.006331324111670256, 0.025311710312962532, -0.002977148862555623, 0.0010580512462183833, 0.027825217694044113, -0.01991785690188408, 0.008267405442893505, 0.01201049517840147, -0.003953680861741304, -0.011018677614629269, -0.01309062447398901, -0.026629604399204254, 5.418691216618754e-05, -0.0437486357986927, 0.006603054702281952, 0.012329778634011745, -0.012832479551434517, 0.02061077021062374, -0.019822750240564346, 0.0286947563290596, -0.017200550064444542, -0.012764547020196915, 0.02051566354930401, 0.025814412161707878, 0.03700971603393555, -0.01057711523026228, 0.03149358183145523, 0.041629135608673096, -0.00499644735828042, -0.0076016648672521114, 0.002172146923840046, 0.018260300159454346, -0.0068713887594640255, 0.019469501450657845, 0.031330544501543045, -0.007377487141638994, 0.0046601807698607445, 0.01899397186934948, 0.022295499220490456, -0.03641190752387047, -0.03777056187391281, 0.02739045023918152, 0.013138176873326302, 0.023232970386743546, -0.018015742301940918, -0.016371771693229675, -0.019822750240564346, -0.008688587695360184, -0.03206421807408333, 0.014388137497007847, -0.007187275681644678, -0.014605522155761719, 0.0029805456288158894, 0.03747165575623512, 0.02187431789934635, -0.004986257292330265, 0.004948894493281841, 0.008083987049758434, 0.017540212720632553, -0.0011641960591077805, -0.019320048391819, 0.001004554214887321, 0.008919558487832546, 0.04306930676102638, -0.012207499705255032, 0.016725022345781326, -0.010984711349010468, -0.0049081346951425076, 0.006827232427895069, 0.0018053104868158698, 0.008151919580996037, 0.028423026204109192, -0.029455602169036865, 0.022540057078003883, 0.0010512579465284944, 0.0005133161903358996, 0.006402653641998768, -0.017676079645752907, -0.01372919138520956, -0.0181108471006155, -0.014687041752040386, 0.017214136198163033, 0.023192210122942924, 0.007058203686028719, -0.021276509389281273, 0.005278368014842272, -0.005359887145459652, -0.019795577973127365, -0.005213832017034292, -0.015529406256973743, 0.015746790915727615, -0.024184027686715126, -0.0010707885958254337, 0.014714214950799942, -0.00701065082103014, 0.014102820307016373, -0.026643190532922745, -0.016018521040678024, -0.00576748326420784, -0.0035562748089432716, -0.03589561954140663, 0.02584158442914486, 0.023749258369207382, -0.006749109830707312, -0.007370694074779749, 0.011664038524031639, -0.016439704224467278, -0.02368132583796978, 0.025501921772956848, -0.005961091257631779, -0.007608458399772644, 0.016127213835716248, 0.002369151683524251, -0.0032709576189517975, -0.002362358383834362, 0.0021279905922710896, 0.014564762823283672, -0.009374707005918026, 0.0016838809242472053, -0.011256442405283451, 0.006232821848243475, 0.003343985415995121, -0.014863666146993637, -0.0006445111357606947, 0.015067464672029018, -0.026942094787955284, 0.004823219031095505, -0.001113246544264257, 0.010278211906552315, -0.03486304357647896, -0.048177845776081085, 0.01233657170087099, 0.003201326820999384, 0.0037600728683173656, 0.007465799804776907, -0.028477372601628304, -0.012601508758962154, -0.00906221754848957, -0.0030009252950549126, 0.012540369294583797, -0.03236312046647072, 0.011134163476526737, 0.022213980555534363, 0.004792649298906326, 0.031221851706504822, 0.004578661639243364, -0.01512181106954813, -0.0004095065814908594, 0.015624511986970901, 0.010665427893400192, -0.038803137838840485, -0.004728113301098347, -0.015339194796979427, 0.04342255741357803, -0.006963097956031561, -0.014985945075750351, 0.0006822986761108041, -0.025053566321730614, -0.049373459070920944, 0.002241777954623103, -0.0004209702310618013, 0.020325452089309692, 0.01677936688065529, 0.007357107475399971, 0.013430287130177021, 0.025447575375437737, -0.000492087216116488, 0.014564762823283672, -0.019238529726862907, -0.005709740333259106, 0.001752662705257535, -0.011270028539001942, -0.0017577576218172908, 0.007139722816646099, -0.03453696519136429, -0.011439860798418522, 0.021969422698020935, -0.009102976880967617, 0.011786316521465778, 0.02646656520664692, 0.0016184956766664982, -0.02461879700422287, 0.008477996103465557, 0.0009570014080964029, 0.0010809785453602672, -0.0076356311328709126, 0.008226645179092884, -0.031249023973941803, 3.0490089557133615e-05, 0.0349445603787899, -0.024523690342903137, -0.01865430921316147, -0.0023504700511693954, 0.02214604802429676, 0.004493745509535074, -0.0009536047582514584, -0.008654621429741383, -0.011147749610245228, 0.01010838057845831, -0.029211044311523438, 0.023559046909213066, 0.003140187356621027, 0.014619109220802784, 0.0003324454592075199, 0.01809726096689701, -0.01809726096689701, -0.015271262265741825, 0.010570322163403034, 0.010081207379698753, 0.002632390707731247, 0.0387759655714035, -0.025393228977918625, -0.009286395274102688, -0.029808852821588516, -0.011460239998996258, -0.0055908579379320145, -0.011412687599658966, -0.02491770125925541, 0.015094637870788574, -0.0036989334039390087, 0.025474747642874718, 0.027933910489082336, -0.05073211342096329, 0.008939938619732857, 0.014360965229570866, 0.02524377778172493, 0.016453290358185768, -0.018138021230697632, -0.0025763462763279676, -0.025501921772956848, 0.015352781862020493, -0.012200706638395786, -0.008681794628500938, 0.00918449554592371, 0.008348924107849598, 0.018151607364416122, -0.00856630876660347, 0.0075880782678723335, 0.1948852241039276, -0.04173782840371132, -0.007425040006637573, -0.005010033957660198, 0.01588265597820282, -0.01840975135564804, 0.02369491197168827, 0.02396664395928383, -0.011962941847741604, 0.010312178172171116, -0.011032264679670334, -0.017227722331881523, -0.0044427961111068726, -0.00404539005830884, 0.011324374936521053, -0.01773042418062687, -0.035080425441265106, -0.034455444663763046, -0.010509182699024677, 0.038504231721162796, -0.004524315241724253, 0.004700940102338791, -0.008797279559075832, -0.02311069145798683, 0.005271574482321739, -0.01120209600776434, -0.0007052259752526879, 0.004398639779537916, 0.008525549434125423, 0.010556736029684544, -0.03431957960128784, -0.014714214950799942, 0.002727496437728405, 0.030596870929002762, -0.023219384253025055, 0.003566464874893427, 0.013178936205804348, -0.011317581869661808, 0.020026549696922302, 5.1188322686357424e-05, 0.0029380875639617443, 0.007194068748503923, 0.007146515883505344, -0.017893463373184204, 0.007282381411641836, 0.03614017739892006, -0.009232048876583576, -0.007982088252902031, 0.00905542355030775, 0.001475837081670761, -0.01773042418062687, 0.005349697079509497, 0.029482776299118996, 0.035324983298778534, 0.009877408854663372, -0.0024387824814766645, -0.02335524931550026, -0.001142967026680708, 0.007710357196629047, -0.009035044349730015, -0.038150984793901443, -0.01151458639651537, -0.010223865509033203, 0.026371460407972336, -0.006181872449815273, 0.011405893601477146, 0.009619264863431454, -0.01870865561068058, -0.003267561085522175, -0.022811787202954292, -0.0018104054033756256, -0.031330544501543045, -0.022322673350572586, 0.0008368454873561859, -0.018464097753167152, -0.02622200734913349, 0.03298810124397278, 0.01109340414404869, 0.00435788044705987, 0.05089515075087547, 0.009938548319041729, -0.03717275336384773, 0.005876175127923489, -0.02715947851538658, -0.011256442405283451, -0.017010338604450226, 0.006630227901041508, -0.024428585544228554, 0.004310327582061291, -0.017988568171858788, -0.0037736594676971436, -0.015801137313246727, -0.014673454686999321, -0.0016388754593208432, 0.007248415146023035, -0.001190519891679287, 0.029075179249048233, -0.012635475024580956, 0.0005969582707621157, -0.020352626219391823, -0.03450979292392731, 0.06880220025777817, 0.02426554635167122, 0.009435846470296383, 0.004106529522687197, -0.002092326059937477, -0.0026748485397547483, 0.006018833722919226, -0.0036377941723912954, 0.0009595488663762808, 0.014904426410794258, -0.023504700511693954, 0.014306618832051754, -0.006752506829798222, -0.013518599793314934, 0.01620873250067234, 0.007397866807878017, -0.018640723079442978, 0.03372177481651306, -0.009259222075343132, 0.0001138933512265794, -0.027295343577861786, -0.004497142042964697, 0.010162726044654846, 0.0010062525980174541, -0.034075021743774414, -0.014836493879556656, -0.010482009500265121, -0.05005278438329697, 0.0008270801627077162, 0.012676235288381577, -0.048802826553583145, 0.0417650006711483, -0.005672377534210682, 0.005465182475745678, -0.006898561958223581, 0.007907361723482609, -0.0021279905922710896, -0.019727645441889763, 0.0009867219487205148, -0.0024523690808564425, -0.004425812978297472, -0.0036445872392505407, 0.002212906489148736, -0.005753896664828062, -0.027933910489082336, -0.0020685496274381876, 0.008736140094697475, -0.00013193796621635556, -0.01805650256574154, -0.010257831774652004, -0.013226489536464214, 0.006749109830707312, -0.0074929725378751755, 0.02622200734913349, 0.003235293086618185, -0.003235293086618185, -0.023232970386743546, 0.0007307006744667888, 0.020162414759397507, -0.01592341624200344, -0.008736140094697475, 0.021983008831739426, -0.009986101649701595, 0.01153496652841568, -0.007343520876020193, -0.17238593101501465, -0.009558125399053097, 0.007771496661007404, -0.0360858291387558, 0.024809008464217186, 0.004055580124258995, 0.02436065301299095, -9.892693924484774e-05, -0.021303683519363403, -0.003121505957096815, 0.017594559118151665, 0.012078427709639072, -0.010869226418435574, 0.003383046481758356, -0.017078271135687828, 0.008980697952210903, -0.02373567223548889, -0.00854592863470316, 0.0022774424869567156, 0.011378721334040165, 0.032227255403995514, -0.040678080171346664, 0.005672377534210682, -0.004758683033287525, 0.0041914451867341995, 0.0006924885674379766, -0.010672220960259438, 0.02737686224281788, -0.010556736029684544, -0.03084142878651619, -0.007180482614785433, 0.005550098605453968, 0.007459006272256374, -0.019211357459425926, -0.0012134471908211708, 0.02124933712184429, 0.004490348976105452, 0.0008419404621236026, -0.008301371708512306, 0.010230658575892448, 0.006361893843859434, 0.021031951531767845, -0.006990271154791117, -0.010495596565306187, -0.02558344043791294, 0.02084174007177353, 0.016575569286942482, -0.021018365398049355, -0.00292450119741261, 0.01043445710092783, -0.0045039355754852295, 0.006079973187297583, -0.004014820326119661, -0.006664194166660309, -0.004840202163904905, -0.014456070959568024, 0.022512884810566902, 0.01749945431947708, 0.004850392229855061, 0.006830629426985979, -0.002326693618670106, -0.014102820307016373, 0.008919558487832546, 0.01121568214148283, -0.002240079455077648, -0.028504544869065285, -0.005597651470452547, 0.009884202852845192, -0.034727178514003754, 0.0009230350260622799, -0.0038551785983145237, 0.013966955244541168, -0.008817659690976143, -0.014320204965770245, 0.02399381622672081, 0.020067308098077774, -0.005132312886416912, 0.011195302940905094, 0.025067152455449104, -0.011242855340242386, -0.03402067720890045, 0.013953369110822678, -0.008199471980333328, 0.0019123044330626726, -0.022512884810566902, -0.002085532760247588, 0.014918012544512749, 0.011317581869661808, -0.0071736890822649, -0.008980697952210903, 0.02149389497935772, -0.016412531957030296, 0.004075959790498018, -0.006062990054488182, -0.0015700936783105135, -0.001097112544812262, 0.008308164775371552, -0.023518288508057594, 0.011494206264615059, 0.00551952887326479, 0.0017764391377568245, 0.0006262542447075248, -0.0020940243266522884, 0.0006139414617791772, 0.03138488903641701, -0.009164116345345974, -0.025338882580399513, -0.00398085406050086, 0.018178779631853104, -0.023912297561764717, -0.0017356795724481344, -0.00872934702783823, -0.0032268015202134848, 0.010475216433405876, 0.0057844663970172405, 0.03200986981391907, -0.01200370118021965, -0.010522769764065742, 0.013437080197036266, 0.016072867438197136, 0.05820470675826073, -0.0189667996019125, -0.002793730702251196, -0.0022078114561736584, -0.0164804644882679, -0.019428741186857224, -0.11923541128635406, -0.014537589624524117, 0.006963097956031561, 0.02021676115691662, -0.025379642844200134, 0.0020396781619638205, 0.006976684555411339, 0.01938798278570175, -0.017010338604450226, 0.03282506391406059, -0.013783536851406097, -0.006433223374187946, 0.0025389832444489002, -0.011066230945289135, 0.029156697914004326, -0.002895629731938243, 0.0454605370759964, 0.0001750327501213178, -0.036928195506334305, 0.02554268203675747, 0.004595644772052765, 0.0007723094313405454, 0.010020067915320396, -0.015733204782009125, -0.023328077048063278, 0.01109340414404869, -0.030787082388997078, 0.015162570402026176, 0.007995674386620522, -0.01807008869946003, -0.000553226622287184, -0.022254740819334984, 0.012839273549616337, -0.013423494063317776, 0.010984711349010468, -0.007282381411641836, -0.007180482614785433, -0.03304244577884674, 0.018790174275636673, -0.004008027259260416, -0.007812255993485451, 0.004157478921115398, 0.0101219667121768, -0.011419480666518211, -0.008987491019070148, -0.01965971291065216, -0.005410836543887854, 0.018504858016967773, 0.006881578825414181, -0.019863510504364967, -0.017934223636984825, -0.028477372601628304, -0.030759910121560097, -0.0028990262653678656, 0.032879408448934555, 0.018518444150686264, -0.019075492396950722, -0.005020223557949066, -0.015760377049446106, -0.001322139403782785, -0.016412531957030296, 9.16029530344531e-05, -0.03771621361374855, -0.0025287934113293886, 0.02529812417924404, -0.007343520876020193, -0.008199471980333328, -0.040922634303569794, 0.011935768648982048, -0.004690750502049923, 0.005815036129206419, 0.02239060588181019, 0.003889144863933325, 0.00474849296733737, -0.04369428753852844, 0.028232814744114876, -0.011541759595274925, -0.036574944853782654, -0.01200370118021965, -0.018817348405718803, -0.021643346175551414, -0.024455757811665535, 0.017023924738168716, -0.023219384253025055, -0.020026549696922302, 0.0007162649999372661, -0.02115423046052456, -0.004646594170480967, -0.00018076457490678877, -0.0164804644882679, -0.0013858262682333589, 0.02864040993154049, 0.013260455802083015, -0.033504389226436615, 0.024863354861736298, 0.0066200378350913525, -0.01372239738702774, -0.0020600580610334873, 0.02021676115691662, 0.023776432499289513, -0.019129836931824684, 0.002004013629630208, -0.043504077941179276, 0.02801542915403843, 0.010590702295303345, -0.022213980555534363, -0.003834798699244857, -0.016371771693229675, 0.011005091480910778, -0.002246872754767537, -0.018464097753167152, 0.03858575224876404, -0.01990427076816559, 0.012574335560202599, -0.01715978980064392, -0.013389527797698975, -0.01419792603701353, -0.011303994804620743, 0.012431677430868149, -0.00311131589114666, 0.020746635273098946, 0.024224787950515747, 0.009218462742865086, -0.014727801084518433, 0.01624949276447296, 0.03364025428891182, 0.0029397860635071993, -0.0018579582683742046, -0.029238218441605568, 0.031901177018880844, 0.006643814500421286, -0.005122122820466757, 0.0024778437800705433, -0.01590983010828495, -0.01078091375529766, 0.014524003490805626, -0.016684262081980705, -0.00528855761513114, 0.029537120833992958, 0.03114033304154873, 0.009999687783420086, 0.05051472783088684, -0.030053410679101944, -0.03709123283624649, 0.018328232690691948, -0.00499644735828042, -0.008498376235365868, 0.004422416444867849, -0.0025423800107091665, -0.004266171250492334, 0.0015862276777625084, -0.001902114599943161, 0.02777087315917015, 0.0011022074613720179, 0.012411297298967838, -0.031058812513947487, 0.012458850629627705, 0.013369147665798664, 0.015746790915727615, 0.002639184007421136, 0.013138176873326302, 0.014048474840819836, 0.02491770125925541, 0.018926039338111877, 0.01840975135564804, -0.015203329734504223, 0.009924962185323238, -0.014293031767010689, -0.002693530172109604, -0.008668207563459873, -0.022838961333036423, -0.013606912456452847, 0.0006398407858796418, 0.018640723079442978, 0.008722553960978985, 0.017689665779471397, 0.008145126514136791, 0.009075803682208061, 0.00016579814837314188, 0.026425804942846298, 0.002849775133654475, 0.03271637111902237, 0.006436619907617569, -0.004741699900478125, -0.003916318062692881, 0.011786316521465778, 0.008172299712896347, -0.0019038128666579723, -0.0040351999923586845, -0.004463175777345896, -0.03369459882378578, -0.006022230722010136, 0.03714558109641075, 0.009442640468478203, -0.001201558974571526, 0.013994128443300724, -0.00354608497582376, 0.022893307730555534, 0.002639184007421136, -0.009924962185323238, 0.01295475848019123, -0.002854870166629553, 0.007751116994768381, -0.010502389632165432, 0.012913999147713184, -0.030297966673970222, -0.017648905515670776, 0.01904831826686859, -0.036303214728832245, -0.020053721964359283, 0.0007897171890363097, 0.0021534652914851904, -0.003709123469889164, -0.007329934276640415, -0.0064536030404269695, 0.0036208108067512512, -0.010251038707792759, 0.024768248200416565, -0.005587461404502392, -0.00740466034039855, -0.032254427671432495, 0.02057000994682312, 0.03684667497873306, 0.024428585544228554, 0.03801511973142624, -0.009782303124666214, 0.019564606249332428, 0.009592091664671898, 0.04320517182350159, -0.026643190532922745, 0.028423026204109192, 0.00576408626511693, 0.014320204965770245, 0.01997220329940319, 0.003187740221619606, -0.008844832889735699, -0.003484945511445403, -0.008301371708512306, 0.008620655164122581, 0.03211856260895729, 0.013287629000842571, 0.06141112744808197, 0.029102353379130363, -0.0066574010998010635, 0.013844676315784454, 0.007723943796008825, 0.022023769095540047, 0.026303527876734734, 0.015610925853252411, -0.0074454196728765965, -0.026398632675409317, -0.005981470923870802, -0.0003292611218057573, 0.0007693374063819647, -0.02463238313794136, -0.009374707005918026, -0.0027190048713237047, -0.0072416216135025024, 0.029863199219107628, -0.02676546946167946, -0.02177921123802662, 0.040623731911182404, -0.017309242859482765, 0.018504858016967773, 0.0038959381636232138, -0.00701065082103014, 0.006541915237903595, 0.022268326953053474, 0.026385046541690826, -0.014551176689565182, -0.009177702479064465, 0.008355717174708843, 0.009904582053422928, -0.026711123064160347, -0.023559046909213066, 0.00358684454113245, -0.02467314340174198, 8.571191574446857e-05, 0.005981470923870802, 0.01074694748967886, -0.006884975358843803, 0.016113627701997757, 0.008335337974131107, -0.0012058047577738762, -0.01656198315322399, 0.01076053362339735, -7.870636181905866e-05, -0.007031030487269163, 0.005825225729495287, -0.030624045059084892], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='a71493d2-f956-4f86-bc1c-011e1ac531ea', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '7', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf', 'file_type': 'application/pdf', 'file_size': 1719588, 'creation_date': '2024-02-25', 'last_modified_date': '2024-01-15', 'last_accessed_date': None}, hash='19d475056fe74953fcce7c3a1c896d28d200c12ee516fbcb6188c6f7a70ad69a')}, text='2022; Cahyawijaya et al. 2023) . However, this approach\\nincurs significant computational expenses and the resource\\ngap persists. Alternatively, multilingual language models\\ntrained on texts from different languages concurrently, such\\nas mBERT (Devlin et al. 2019) and XLM-R (Conneau et al.\\n2020a), have been introduced to bridge the gap effectively.\\nCross-Lingual Transfer\\nMultilingual language models have demonstrated a high\\nlevel of zero-shot or few-shot cross-lingual transferability\\nacross a wide range of tasks (Wu and Dredze 2019;\\nPires, Schlinger, and Garrette 2019; Winata et al. 2021b).\\nThis means that they can acquire the language capability\\nfrom supervised data in one language and apply it to\\nanother without or with few additional training data. Themechanism behind the strong cross-lingual performance has\\nbeen investigated by the researchers. It has been shown\\nthat multilingual language models have inferred universal\\nrules applicable to any language (Artetxe, Ruder, and\\nYogatama 2020; Chi, Hewitt, and Manning 2020; Conneau\\net al. 2020b). Contrary to the common hypothesis that\\nmultilingual multilingual language models such as mBERT\\n(Devlin et al. 2019) rely on a shared subword vocabulary\\nand joint pretraining across multiple languages (Pires,\\nSchlinger, and Garrette 2019; Cao, Kitaev, and Klein 2020;\\nWu and Dredze 2019), researchers have developed new\\nunderstandings on the models, emphasizing the models’\\nability to learn universal semantic abstractions (Artetxe,\\nRuder, and Yogatama 2020; Chi, Hewitt, and Manning\\n2020). In terms of the factors that influence cross-lingual\\nperformance, researchers have associated transferability\\nwith parameter sharing (Conneau et al. 2020b; Dufter\\nand Sch ¨utze 2020; Wu, Papadimitriou, and Tamkin 2022)\\nand language distance (Conneau et al. 2020b; Eronen,\\nPtaszynski, and Masui 2023). We here further investigate\\nthe cross-lingual transferability of language models with\\nnew LLaMA-based experiments, presenting outcomes from\\na different aspect.\\nCode-Switching\\nCode-switching is a phenomenon in which multilingual\\nspeakers switch between languages within a single utter-\\nance. Previous work on the performance of multilingual\\nlanguage models on code-switching tasks has shown mixed\\nresults. Some studies have suggested that pretrained models\\nfine-tuned for specific code-switching scenarios can achieve\\nstate-of-the-art performance for certain language pairs such\\nas English-Spanish and English-Hindi (Khanuja et al. 2020),\\nwhile others have found that using meta-embeddings can\\nyield better results with fewer parameters (Winata, Lin,\\nand Fung 2019; Winata et al. 2019, 2021a). In another\\nline of research, code-switching-based methods have been\\npresented to improve the capability of multilingual language\\nmodels (Jiang et al. 2020; Tan and Joty 2021; Krishnan et al.\\n2021).\\nConclusions\\nIn this paper, we focus on how to effectively transfer the\\ncapabilities of language generation and following instruc-\\ntions to a non-English language. Specifically, we conducts\\na comprehensive empirical study to analyze the necessity\\nof vocabulary extension and the required training scale\\nfor effective transfer. We find that vocabulary extension is\\nuncessary and that comparable transfer performance to state-\\nof-the-art models can be achieved with less than 1%of the\\nfurther pretraining data. Additionally, we observe instances\\nof code-switching during the transfer training, suggesting\\nthat cross-lingual alignment might have been internalized\\nwithin the model. Similar results are observed from the\\nextension experiments on the 13 low-resource languages.\\nOur analysis and findings offer assistance and guidance to\\nthe community in developing non-English LLMs.', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='260e10a2-2cc7-4c17-9eac-7e43b2e120ce', embedding=[-0.010972325690090656, 0.008422418497502804, -0.016591954976320267, -0.026791580021381378, -0.011119840666651726, 0.04956512525677681, -0.01272845920175314, 0.002720251679420471, -0.03338059410452843, -0.03279053419828415, 0.02908157929778099, 0.02905348129570484, 0.007087756879627705, 0.004116378258913755, -0.0010501681827008724, -0.007607572712004185, 0.010312018916010857, 0.0003007379418704659, -0.0068032629787921906, 0.008562909439206123, -0.00020810187561437488, -0.00890008732676506, 0.00878769438713789, -0.03071127086877823, -0.007965823635458946, -0.0033875824883580208, 0.02041330188512802, -0.04189433157444, -0.011716926470398903, -0.00814846158027649, 0.015201096422970295, -0.013852384872734547, -0.032650042325258255, -0.01534158643335104, -0.01913483627140522, 0.008415394462645054, 0.0023145845625549555, 0.0035192924551665783, 0.0004983030376024544, -0.0029081578832119703, 0.04405789077281952, -0.0048996140249073505, 0.009096774272620678, -0.0209331177175045, 0.01674649305641651, 0.012271864339709282, 0.020792625844478607, -0.03644329309463501, -0.032116178423166275, 0.013845360837876797, 0.0314137265086174, 0.025049496442079544, -0.018727412447333336, 0.020300909876823425, -0.006729505490511656, 0.014723427593708038, 0.005229766946285963, 0.009251314215362072, -0.0014760306803509593, -0.017505144700407982, 0.019022444263100624, 0.009693860076367855, -0.013704869896173477, 0.030317896977066994, 0.021846307441592216, -0.0262015201151371, 0.010333092883229256, 0.01628287509083748, -0.0014760306803509593, -0.014330053701996803, 0.007438983768224716, 0.004608095623552799, 0.005840901751071215, 0.004140963777899742, 0.023995814844965935, -0.02386937290430069, -0.022169435396790504, 0.010810760781168938, -0.017252260819077492, -0.001079144305549562, 0.020258761942386627, 0.0015392514178529382, 0.0031030888203531504, 0.03166660666465759, 0.0020248224027454853, -0.0314137265086174, 0.028140291571617126, -0.0008354807505384088, -0.01784232072532177, -0.006648723501712084, -0.0059638312086462975, 0.006546867545694113, 0.019331522285938263, -0.008352173492312431, -0.001659546629525721, 0.004091792274266481, -0.005092788487672806, 0.006065686699002981, 0.002300535561516881, -0.00767079321667552, 0.014428396709263325, -0.018825756385922432, -0.04217531532049179, 0.001444420195184648, -0.03231286630034447, -0.013459010981023312, -0.0077059161849319935, 0.004204184748232365, 0.023166919127106667, 0.015664715319871902, -0.003782712621614337, 0.02750808373093605, -0.005352696403861046, -0.03180709853768349, 0.0183761864900589, -0.02594863623380661, 0.01729440689086914, -0.01325529906898737, -0.004478141665458679, -0.007354689296334982, 0.02880059741437435, 0.015327537432312965, 0.008562909439206123, -0.002407659776508808, 0.018924100324511528, -0.01864311844110489, -0.0032523602712899446, -0.016353119164705276, -0.041304271668195724, -0.005212205927819014, -0.006395840086042881, 0.02440323866903782, 0.008078216575086117, 0.015144899487495422, -0.0209893137216568, 0.0013408083468675613, -0.012257815338671207, -0.006005978211760521, -0.02361649088561535, 0.0037967616226524115, 0.002806302160024643, 0.007361713796854019, -0.012047079391777515, -0.002776447916403413, -0.036049917340278625, 0.010431435890495777, 0.020905019715428352, 0.007375762797892094, 0.007375762797892094, -0.017097720876336098, -0.021649619564414024, -0.010965300723910332, -0.0013276373501867056, 0.01942986622452736, 0.010171527974307537, 0.011442969553172588, 0.012215668335556984, 0.04588427022099495, -0.01322017703205347, -0.018994346261024475, -0.009412878192961216, 0.019247228279709816, 0.012672263197600842, -0.002442782511934638, -0.002395366784185171, 0.02674943394958973, 0.014470544643700123, -0.019092688336968422, 0.007691867183893919, -0.0002642981708049774, 0.018825756385922432, 0.0366399809718132, -0.025105692446231842, 0.0005729387048631907, -0.011576435528695583, -0.0019861876498907804, 0.02046949788928032, -0.010185576975345612, -0.005619628820568323, -0.005570457316935062, 0.016395267099142075, -0.0007529424619860947, 0.023012379184365273, 0.018994346261024475, -0.036274705082178116, 0.007193124853074551, 0.009061651304364204, -0.015847353264689445, 0.03293102607131004, -0.016100237146019936, 0.02986832708120346, 0.018151400610804558, 0.006852434948086739, -0.011597508564591408, -0.623104453086853, -0.008857940323650837, -0.008871989324688911, -0.01938772015273571, -0.02780311368405819, -0.004316577222198248, -0.007200149353593588, 0.000983435078524053, -0.02118600159883499, 0.028407223522663116, -0.012194594368338585, -0.00191769830416888, -0.008092265576124191, -0.020286859944462776, -0.013416863977909088, -0.021298393607139587, -0.023658636957406998, -0.03096415475010872, 0.0017587682232260704, 0.018769560381770134, -0.006708431988954544, -0.004618632607161999, -0.014379225671291351, -0.015552322380244732, -0.018938148394227028, 0.017519192770123482, 0.038353968411684036, 0.006452036555856466, 0.003730028634890914, 0.024866858497262, -0.009813277050852776, 0.007474106270819902, -0.011000423692166805, -0.007200149353593588, 0.059118494391441345, -0.0004917175392620265, -0.009736007079482079, 0.015060605481266975, 0.024726366624236107, 0.03163851052522659, -0.04009605199098587, -0.01116198766976595, 0.026889923959970474, 0.006339643616229296, -0.002031847136095166, 0.009764105081558228, 0.027648573741316795, 0.004551899153739214, -0.02885679341852665, -0.028688205406069756, -0.01673244498670101, 0.009082725271582603, 0.0007977238856256008, 0.011372723616659641, 0.0017078403616324067, 0.011548337526619434, 0.01812330260872841, -0.004808295052498579, -0.01595974527299404, 0.009244289249181747, -0.018165450543165207, -0.0015506662894040346, -0.030851762741804123, -0.0022935110609978437, -0.010838858783245087, 0.009995914995670319, -0.021368639543652534, -0.0009105554781854153, 0.013290422037243843, -0.00838027149438858, 0.013135882094502449, 0.036808568984270096, 0.011787171475589275, 0.008057142607867718, 0.009244289249181747, -0.0170555729418993, 0.03908452019095421, -0.0035737326834350824, 9.384340955875814e-05, 0.008766621351242065, 0.036302801221609116, -0.014807721599936485, -0.021326491609215736, -0.022647103294730186, 0.02622961811721325, 0.01168180350214243, 0.013395790010690689, -0.018530726432800293, 0.017701830714941025, 0.00944800116121769, 0.029699739068746567, 0.015622568316757679, -0.008155486546456814, -0.05788217857480049, -0.004523801151663065, 0.019542260095477104, -0.024824710562825203, 0.02302642911672592, 0.018207596614956856, -0.052290644496679306, -0.010593000799417496, -0.02436109073460102, 0.02228182926774025, -0.012264840304851532, 0.028772499412298203, 0.019219130277633667, -0.005264889914542437, 0.0011748536489903927, 0.015271341428160667, -0.023138821125030518, -0.027845261618494987, -0.016086187213659286, 0.008155486546456814, 0.014470544643700123, 0.013241250067949295, -0.03478550165891647, 0.006922680418938398, 0.010557877831161022, 0.010333092883229256, -0.008801743388175964, -0.0017754514701664448, -0.011520239524543285, 0.025344526395201683, 0.011576435528695583, 0.007375762797892094, 0.004383310675621033, 0.003684369148686528, -0.0223099272698164, -0.0048223440535366535, 0.023223116993904114, -0.0010931934230029583, -0.012672263197600842, 0.02541477233171463, -0.009883522056043148, 0.014217660762369633, 0.009370731189846992, 0.035291269421577454, -0.021171951666474342, 0.0196546521037817, -0.005928708240389824, -0.024431336671113968, -0.002751861931756139, 0.00967981107532978, -0.009138921275734901, -0.022970233112573624, -0.011063644662499428, -0.023742930963635445, -0.0061464691534638405, 0.008274903520941734, -0.011611558496952057, -0.024052010849118233, 0.005672312807291746, -0.02198679745197296, 0.012433429248631, -0.02382722683250904, -0.02412225678563118, 0.014273857697844505, -0.02204299345612526, -0.016086187213659286, -0.04346783086657524, 0.017350604757666588, -0.0002926158194895834, -0.020609987899661064, 0.008766621351242065, 0.021846307441592216, -0.003807298606261611, -0.010199625976383686, 0.016156433150172234, -0.01496226154267788, -0.03978697210550308, 0.00028778647538274527, -0.015271341428160667, 0.004688877612352371, 0.01414741575717926, -0.004934736527502537, -0.001111632795073092, 0.012187570333480835, -0.005359720904380083, -0.007235272321850061, -0.01784232072532177, 0.01063514780253172, 0.029474953189492226, -0.017954714596271515, -0.013030514121055603, 0.011997907422482967, 0.009110823273658752, 0.03430783376097679, 0.01324827503412962, 0.0019018931780010462, 0.020609987899661064, 0.020638087764382362, 0.035825133323669434, -0.01940176822245121, 0.006079736165702343, -0.0032927512656897306, 0.0366399809718132, -0.00569689879193902, -0.008893062360584736, -0.0016727176262065768, 0.025597410276532173, 0.010024012997746468, -0.0007178197847679257, -0.002634200965985656, -0.02280164323747158, 0.004228770732879639, -0.011822294443845749, -0.0014330053236335516, -0.025302378460764885, 0.000938653654884547, -0.013880482874810696, -0.004889077041298151, -0.014892016537487507, -0.019247228279709816, -0.008724473416805267, -0.005584506317973137, 0.042062923312187195, -0.007024535909295082, 0.010009963996708393, -0.006308033596724272, -0.025583360344171524, 0.005454552359879017, -0.0222677793353796, 0.023742930963635445, 0.004836393054574728, 0.017364652827382088, -0.005342159885913134, -0.01037523988634348, 0.02853366546332836, 0.00426038121804595, 0.005942757707089186, -0.02409415878355503, 0.013185054063796997, 0.019331522285938263, 0.024178452789783478, 0.03335249796509743, 0.005426453892141581, 0.012349134311079979, -0.006785701960325241, 0.03175090253353119, 0.0005711825797334313, -0.015636617317795753, 0.01674649305641651, -0.00864720344543457, -0.021649619564414024, 0.01990753598511219, -0.013065637089312077, 0.03908452019095421, -0.001332027604803443, 0.02179011143743992, 0.009841375052928925, -0.03821347653865814, 0.026833727955818176, -0.035010289400815964, 0.014568887650966644, 0.025330476462841034, 0.0012011956423521042, 0.012770606204867363, -0.006441499572247267, 0.04903126135468483, 0.015116801485419273, -0.00726337032392621, -0.001031728694215417, 0.011464042589068413, -0.008331099525094032, -0.011084717698395252, -0.0004122524696867913, 0.0084996884688735, 0.002655274700373411, -0.003631685161963105, -0.01656385511159897, 0.007797235157340765, -0.0032962635159492493, -0.012756557203829288, -0.0288848914206028, 0.01733655482530594, 0.011604533530771732, -0.0028519616462290287, 0.03234096243977547, 0.008310026489198208, -0.0003117137821391225, -0.017224162817001343, -0.030879860743880272, 0.008583983406424522, -0.008373246528208256, -0.02072238177061081, -0.025836244225502014, -0.04037703201174736, 0.00374056538566947, 0.030458388850092888, -0.012194594368338585, 0.005542358849197626, 0.006761115975677967, -0.01116198766976595, 0.005763631779700518, -0.0027044464368373156, 0.02311072312295437, 0.03644329309463501, -0.0077621121890842915, -0.007291468326002359, -0.010150454938411713, -0.005075227469205856, 0.00537728238850832, -0.020890969783067703, -0.02048354782164097, 0.05032377690076828, -0.0024743927642703056, -0.01885385438799858, -0.02676348201930523, 0.017940664663910866, -0.006666284520179033, 0.0064590610563755035, 0.0018228670815005898, 0.0065679410472512245, -0.011204134672880173, 0.030570780858397484, -0.005156009458005428, -0.012735484167933464, 0.02257685922086239, 0.02958734519779682, 0.016591954976320267, 0.0033507037442177534, -0.004565948620438576, -0.00016288143524434417, 0.01548207737505436, 0.056730154901742935, 0.025864342227578163, -0.00037515413714572787, 0.014920114539563656, -0.018699314445257187, -0.008197633549571037, -0.025751948356628418, -0.0301493089646101, 0.013620574958622456, -0.00287830363959074, 0.0049277120269834995, -0.02436109073460102, -0.004551899153739214, -0.00838027149438858, 0.019724898040294647, 0.003461340209469199, -0.0013179786037653685, -0.02337765507400036, -0.008324075490236282, -0.003064453834667802, -0.016072139143943787, 0.015102752484381199, 0.03363347798585892, 0.01678864099085331, -0.02128434367477894, 0.0003692271711770445, 0.008218707516789436, 0.0043517001904547215, -0.004425457678735256, -0.03228476643562317, -0.011836343444883823, 0.0011529020266607404, 0.002160044852644205, 0.029278265312314034, 0.001714864862151444, 0.03590942919254303, -0.00021808988822158426, 0.003366508986800909, 0.041557155549526215, 0.00041554521885700524, 0.00281332666054368, 0.006578478030860424, 0.008071191608905792, -0.002182874595746398, 0.020286859944462776, -0.015636617317795753, 0.0009008967317640781, 0.01428790669888258, 0.0064379870891571045, 0.018418334424495697, 0.020062074065208435, -0.00838027149438858, -0.01757538877427578, -0.017420848831534386, -0.0005610848311334848, 0.024445384740829468, 0.000889920920599252, 0.0157068632543087, -0.006480134557932615, -0.020638087764382362, -0.010515730828046799, -0.026285814121365547, 0.02597673423588276, -0.009012479335069656, -0.009939718060195446, 0.010543828830122948, -0.030823664739727974, 0.0011932930210605264, -0.004762635566294193, 0.018558824434876442, 0.0031996762845665216, -0.01629692316055298, -0.07047014683485031, 0.009609565138816833, -0.006272910628467798, 0.01466723158955574, 0.03116084262728691, -0.02121409960091114, -0.009736007079482079, 0.014751525595784187, -0.01728035882115364, -0.015889501199126244, -0.009005455300211906, -0.03644329309463501, -0.01284085214138031, -0.01008723396807909, 0.00642393808811903, -0.025218084454536438, -0.0049558100290596485, 0.006504720542579889, -0.013964777812361717, -0.005739045795053244, -0.004474629648029804, -0.016423365101218224, -0.0017438411014154553, 0.013613550923764706, 0.03217237442731857, 0.03205998241901398, 0.004594046622514725, -0.02677753195166588, 0.012026005424559116, -0.025302378460764885, -0.0030451363418251276, -0.01732250675559044, -0.001126559916883707, 0.007776161190122366, 0.030767468735575676, 0.026594894006848335, -0.0019738946575671434, -0.013185054063796997, 0.026608942076563835, -0.004242819733917713, 0.030233602970838547, -0.0015655935276299715, 0.020609987899661064, 0.018235696479678154, 0.00036264167283661664, 0.012594993226230145, 0.0025499064940959215, -0.012391281314194202, 0.0019335035467520356, -0.01910673826932907, 0.02259090729057789, 0.024234648793935776, -0.02565360628068447, 0.004882052540779114, 0.0064098890870809555, -0.030233602970838547, 0.0004001790366601199, 0.02125624567270279, 0.0011028521694242954, 0.0341673418879509, 0.013051588088274002, -0.012545821256935596, -0.016170481219887733, -0.006420426070690155, -0.008822817355394363, 0.014013949781656265, 0.0016630588797852397, 0.01089505571871996, 0.022169435396790504, 0.0157068632543087, 0.013669746927917004, -0.0003156650927849114, 0.0059919292107224464, -0.02440323866903782, -0.0020336031448096037, 0.006132420152425766, 0.026679188013076782, 0.016858886927366257, -0.01429493073374033, 0.024951152503490448, -0.038944028317928314, 0.0031259185634553432, -0.017940664663910866, -0.029699739068746567, -0.022478515282273293, -0.0016235458897426724, 0.029193971306085587, 0.0157068632543087, 0.03222857043147087, -0.005349184386432171, 0.010684319771826267, 0.0031276745721697807, -0.011520239524543285, 0.002130190609022975, 0.002063457388430834, -0.00043639930663630366, -0.015468028374016285, -0.00010399606253486127, 0.017519192770123482, 0.004555411636829376, 0.017097720876336098, 0.008022020570933819, 0.01426683273166418, 0.017462996765971184, -0.014273857697844505, 0.0067751649767160416, -0.0034999751951545477, -0.01338876597583294, -0.008317050524055958, 0.004309552721679211, -0.00840836949646473, -0.02128434367477894, -0.013353643007576466, -0.004414920695126057, 0.015875451266765594, 0.0038143231067806482, 0.021593423560261726, 0.016325021162629128, 0.013332569040358067, -0.005619628820568323, 0.028660107403993607, 0.007474106270819902, 0.027395689859986305, -0.019500112161040306, -0.026145322248339653, -0.03694906085729599, 0.002483173506334424, 0.007389811798930168, 0.008169535547494888, -0.0014883235562592745, 0.026946119964122772, -0.013536280952394009, 0.009693860076367855, 0.00840836949646473, -0.022647103294730186, 0.001151145901530981, 0.01022772490978241, -0.01034714188426733, 0.004105841275304556, -0.026384158059954643, 0.0014128098264336586, -0.0023620002903044224, -0.008176559582352638, -0.007495179772377014, -0.012475576251745224, 0.012278889305889606, -0.01756134070456028, -0.00013708820915780962, 0.001188902766443789, 0.012594993226230145, 0.0222677793353796, -0.021663669496774673, -0.004425457678735256, 0.009321559220552444, 0.0047204880975186825, 0.004780196584761143, -0.00942692719399929, 0.02254876121878624, 0.0066733090206980705, 0.012370208278298378, 0.05217825248837471, -0.021930601447820663, -0.03312771022319794, 0.014863918535411358, -0.003018794348463416, -0.03700525686144829, -0.04422647878527641, 0.0029555736109614372, 0.02984022907912731, 0.022942135110497475, -0.014877967536449432, -0.0013127102283760905, -0.0012108543887734413, -0.005556407850235701, -0.025232134386897087, 0.02046949788928032, -0.019008394330739975, -0.015243243426084518, -0.001982675399631262, 0.008766621351242065, 0.00022028505918569863, -0.017940664663910866, -0.011499165557324886, -0.0036035869270563126, 0.014807721599936485, -0.018825756385922432, -0.020638087764382362, 0.022422319278120995, 0.012356159277260303, 0.02829483151435852, -0.012890023179352283, -0.005296500399708748, 0.0014057853259146214, 0.0077831861563026905, -0.00661360053345561, -0.004685365594923496, -0.0007784063927829266, 0.030008817091584206, -0.017505144700407982, 0.022464465349912643, 0.03545985743403435, -0.015299439430236816, 0.02014636993408203, -0.016690297052264214, 0.008696375414729118, -0.01626882515847683, 0.015608519315719604, 0.013304471038281918, 0.03911261633038521, 0.00695429090410471, 0.008211682550609112, 0.012047079391777515, -0.005918171722441912, -0.010445484891533852, -0.01729440689086914, -0.015046556480228901, 0.008274903520941734, -0.04304635524749756, 0.002934499876573682, -0.003189139300957322, 0.0046678041107952595, 0.022633055225014687, 0.014386249706149101, -0.011822294443845749, -0.01784232072532177, 0.015622568316757679, -0.037061452865600586, 0.019738946110010147, 0.010979349724948406, -0.0014514448121190071, -0.00042959427810274065, 0.01626882515847683, 0.0007801625179126859, -0.012875974178314209, 0.02176201343536377, -0.04377690702676773, -0.012763582170009613, -0.0036387096624821424, -0.00562665332108736, 0.011639656499028206, 0.004334138706326485, -0.019472014158964157, 0.01784232072532177, -0.015116801485419273, 0.018924100324511528, -0.017701830714941025, -0.004776684567332268, 0.00866125337779522, -0.030992252752184868, 0.007635670714080334, 0.014273857697844505, -0.0007450398406945169, 0.012742508202791214, -0.013459010981023312, -0.01194873545318842, -0.015369684435427189, -0.025077594444155693, -0.012215668335556984, 0.01322720106691122, -0.0060691991820931435, -0.014892016537487507, 0.0005035714129917324, -0.013016465120017529, -0.015032507479190826, 0.0006809409824199975, 0.012981342151761055, 0.004358724690973759, 0.005212205927819014, -0.001935259671881795, 0.02173391543328762, 0.012686312198638916, 0.03621850907802582, -0.0341392457485199, -0.02617342211306095, 0.00191769830416888, -0.006852434948086739, -0.02544287033379078, -0.02410820685327053, -0.004003985319286585, 0.031104644760489464, 0.006936729419976473, -0.014365176670253277, -0.018544774502515793, -0.012630116194486618, -0.04043322801589966, -0.014400298707187176, -0.015636617317795753, 0.01595974527299404, 0.007488155271857977, 0.025765998288989067, 0.022689251229166985, 0.04959322512149811, -0.009672786109149456, -0.004790733568370342, -0.008464565500617027, -0.024178452789783478, 0.019092688336968422, 0.0014935919316485524, 0.011190085671842098, -0.01628287509083748, -0.011829318478703499, 0.0038108108565211296, 0.024431336671113968, -0.0012354402570053935, 0.007017511408776045, 0.0235883928835392, -0.01758943870663643, -0.01595974527299404, 0.013571403920650482, 0.0001960284571396187, -0.032874830067157745, -0.014568887650966644, -0.0006712822359986603, -0.021059559658169746, 0.009202142246067524, 0.016128335148096085, -0.02361649088561535, -0.002388342283666134, 0.006181591656059027, 0.009841375052928925, -0.018811708316206932, -0.011007447727024555, 0.017420848831534386, -0.014498642645776272, 0.0262015201151371, -0.026426304131746292, 0.0340268537402153, -0.009019504301249981, 0.018769560381770134, 0.02464207261800766, 0.009405854158103466, -0.007045609876513481, -0.02127029560506344, -0.001064217183738947, -0.015805205330252647, -0.0051911319606006145, 0.030093112960457802, 0.0022425830829888582, -0.010396312922239304, -0.0033226055093109608, -0.02854771539568901, 0.0041936482302844524, -0.011843367479741573, -0.027606425806879997, -0.009230240248143673, -0.039674580097198486, 0.006315058097243309, 0.0065679410472512245, -0.02807004563510418, -0.00838027149438858, -0.017954714596271515, -0.005482650361955166, 0.0035930501762777567, -0.01521514542400837, 0.010157478973269463, -0.0029678663704544306, 0.01534158643335104, -0.0049558100290596485, -0.002930987626314163, -0.013402814976871014, -0.007544351741671562, 0.0009895814582705498, -0.005036592483520508, 0.0004357407451607287, 0.22332404553890228, -0.01758943870663643, -0.014596985653042793, 0.034195441752672195, -0.005120886955410242, 0.013192079029977322, -0.006378278601914644, 0.0026500062085688114, -0.024979250505566597, -0.00608676066622138, -0.0019405280472710729, -0.02570980228483677, -0.0016665711300447583, 0.0026745921932160854, 0.026061028242111206, -0.0005790852010250092, -0.01992158405482769, -0.02413630671799183, -0.03885973244905472, 0.009560393169522285, 0.0074179102666676044, 0.019191032275557518, -0.004896101541817188, -0.03725814074277878, 0.016072139143943787, -0.0008420662488788366, 0.008970332331955433, -0.000891237985342741, 0.008288952521979809, 0.004098816774785519, -0.017434898763895035, 0.014133366756141186, -0.00669438298791647, 0.018530726432800293, 0.015285390429198742, -0.00023729760141577572, 0.024459434673190117, -0.00890711136162281, 0.022113239392638206, 0.01140082161873579, -0.011295453645288944, -0.0011572922812774777, -0.004035595804452896, -0.027325445786118507, 0.025035446509718895, 0.01569281332194805, -0.013290422037243843, -0.004207697231322527, -0.026637040078639984, 0.015285390429198742, -0.04032083600759506, 0.00370544265024364, 0.02281569316983223, 0.03874734044075012, 0.008162510581314564, -0.0068032629787921906, -0.014231709763407707, 0.011309502646327019, 0.006708431988954544, 0.010269871912896633, -0.02701636590063572, -0.005830364767462015, 0.006290472112596035, 0.006402864586561918, -0.0028677668888121843, 0.017645634710788727, -0.008717449381947517, 0.018741462379693985, 0.013718918897211552, -0.01647956110537052, 0.006139444652944803, -0.011126864701509476, -0.005851438734680414, -0.0030697223264724016, -0.015172997489571571, -0.03253765031695366, 0.01595974527299404, 0.016971278935670853, 0.011555361561477184, 0.03849445655941963, -0.008492664434015751, -0.026257716119289398, -0.01733655482530594, -0.00968683511018753, -0.017111768946051598, -0.012285913340747356, 0.014863918535411358, -0.026257716119289398, -0.01063514780253172, -0.014238734729588032, 0.0021389711182564497, -0.008029044605791569, -0.015608519315719604, 0.008373246528208256, 0.002072238130494952, 0.010080209001898766, 0.0034806577023118734, 0.00788855366408825, -0.006905118934810162, -0.006690870504826307, -0.04006795212626457, 0.05268402025103569, -0.0027149831876158714, -0.006999950390309095, 0.012152447365224361, 0.006687358487397432, -0.005131423473358154, -0.005735533777624369, 0.001241586753167212, -0.011379748582839966, -9.878254059003666e-05, -0.047570157796144485, 0.016310973092913628, 0.0003813006042037159, 0.028912991285324097, -0.012868950143456459, 0.012229717336595058, -0.011836343444883823, 0.008829841390252113, -0.008492664434015751, -0.00258854147978127, -0.002853717654943466, 0.003471876960247755, 0.02410820685327053, 0.013346618041396141, -0.015355635434389114, -0.01785637065768242, -0.0004820587928406894, -0.026805629953742027, 0.006989413406699896, 0.0018737949430942535, -0.007446008268743753, 0.03964648023247719, -0.005981392227113247, 0.010333092883229256, -0.026131274178624153, -0.003594806417822838, -0.007150977849960327, -0.024206550791859627, -0.00814846158027649, 0.002743081422522664, -0.011035545729100704, -0.03037409298121929, 0.010157478973269463, -0.002560443477705121, 0.0030995765700936317, 0.021888453513383865, 0.03231286630034447, -0.016858886927366257, -0.014365176670253277, -0.0029028896242380142, -0.016915082931518555, -0.0025270767509937286, -0.018193548545241356, 0.036527588963508606, -0.021424835547804832, -0.012222692370414734, -0.03467310965061188, 0.012482600286602974, -0.017898518592119217, -0.034195441752672195, -0.007635670714080334, 0.01194873545318842, -0.009096774272620678, -0.021312441676855087, -0.005454552359879017, -0.1809520423412323, -0.01548207737505436, 0.0068559469655156136, -0.035010289400815964, 0.023405754938721657, 0.0235462449491024, 0.02334955707192421, -0.0011493896599859, -0.028126241639256477, -0.013803212903439999, 0.0036703201476484537, -0.0031118695624172688, -0.0314418226480484, -0.018530726432800293, -0.0018404284492135048, 0.010312018916010857, -0.00032290915260091424, -0.009124872274696827, 0.025808146223425865, 0.01914888434112072, 0.04855359345674515, -0.01730845682322979, 0.001697303494438529, 0.004741561599075794, 0.026426304131746292, 0.0013153443578630686, -0.020638087764382362, 0.0046432181261479855, -0.0004087401903234422, -0.02724114991724491, -0.02200084738433361, 0.006157005671411753, 0.004762635566294193, -0.02853366546332836, -0.005303524900227785, 0.0002329072740394622, -0.007804259657859802, -0.003394606988877058, -0.014611034654080868, -0.005925196222960949, 0.014751525595784187, 0.01284085214138031, -0.014344102703034878, 0.008949259296059608, -0.007755087688565254, 0.010789687745273113, 0.022928085178136826, -0.022899987176060677, 0.005359720904380083, -0.01650765910744667, 0.01968275010585785, -0.03616231307387352, 0.016086187213659286, 0.0015989600215107203, 0.01072646677494049, -0.002565711736679077, 0.007200149353593588, 0.012616067193448544, -0.022450417280197144, 0.013416863977909088, -0.019457964226603508, -0.007614597212523222, -0.00655389204621315, 0.017491094768047333, 0.010937202721834183, -0.004674828611314297, -0.015566372312605381, 0.011197110638022423, -0.03520697355270386, 0.016591954976320267, -0.013466035947203636, -0.0076567442156374454, -0.011140914633870125, -0.016662199050188065, 0.012672263197600842, 0.027142807841300964, -0.0033489475026726723, 0.018530726432800293, 0.014379225671291351, -0.012623091228306293, 0.005749582778662443, 0.018699314445257187, 0.015383734367787838, -0.0002680299512576312, -0.0091599952429533, -0.011077693663537502, 0.011618582531809807, 0.01891005039215088, -0.02388342283666134, -0.006915655918419361, 0.021565325558185577, -0.024543728679418564, 0.014077169820666313, -0.011337601579725742, -0.000835919810924679, 0.023799128830432892, 0.009054627269506454, -0.022619005292654037, 0.016591954976320267, -0.011232232674956322, 0.010150454938411713, -0.0085207624360919, -0.012882999144494534, -0.013782139867544174, 0.021579375490546227, 0.013199103064835072, -0.04408598691225052, 0.010340116918087006, 0.038438260555267334, -0.035263169556856155, -0.010122356005012989, -0.012658214196562767, 0.009693860076367855, 0.014892016537487507, 0.0030258188489824533, -0.004460580181330442, 0.012138398364186287, -0.020076123997569084, 0.003782712621614337, 0.007691867183893919, 0.07811284065246582, 0.016858886927366257, -0.02436109073460102, 0.001965113915503025, 0.0036035869270563126, 0.008127388544380665, -0.10458128899335861, -0.011105791665613651, -0.010157478973269463, 0.035263169556856155, 0.0012705629924312234, 0.01994968205690384, -0.005890073254704475, 0.009883522056043148, -0.014681280590593815, 0.037651512771844864, -0.016676248982548714, -0.00406018178910017, -0.003807298606261611, 0.008970332331955433, 0.014316004700958729, -0.004049644805490971, -0.00424984423443675, -0.02697421796619892, 0.008548860438168049, 0.03071127086877823, 0.013093735091388226, -0.00562665332108736, 0.010431435890495777, -0.05088574066758156, -0.015172997489571571, 0.0049558100290596485, -0.013754041865468025, 0.0029942085966467857, 0.013381741009652615, 0.02617342211306095, 0.007249321322888136, -0.0009448000928387046, 0.013283398002386093, -0.02280164323747158, 0.02118600159883499, -0.03588132932782173, -0.016086187213659286, -0.0022917548194527626, 0.007070195395499468, -0.015439930371940136, 0.00582685275003314, 0.019500112161040306, -0.012784655205905437, 0.00892818532884121, 0.0010071428259834647, -0.0012371963821351528, -0.016086187213659286, 0.01063514780253172, 0.03281863406300545, -0.009033553302288055, -0.028421273455023766, -0.021115755662322044, -0.044957030564546585, -0.012110300362110138, 0.03492599353194237, -0.015088703483343124, -0.007361713796854019, 0.038185376673936844, -0.038972124457359314, 0.017139868810772896, -0.005475625861436129, -0.013725943863391876, 0.006768140476197004, -0.019823240116238594, 0.01806710660457611, 0.021607473492622375, 0.014316004700958729, -0.010192601941525936, 0.006557404529303312, -0.013803212903439999, -0.026903973892331123, 0.04018034785985947, -0.032369062304496765, 0.0034016314893960953, -0.0035526591818779707, -0.002890596631914377, -0.003677344648167491, -0.03043029084801674, -0.003211969044059515, 0.0076005482114851475, -0.01507465448230505, -0.021958699449896812, -0.005942757707089186, 0.0006971852271817625, -0.013311496004462242, 0.008092265576124191, -0.006715456489473581, 0.0016639370005577803, 0.013241250067949295, -0.01808115653693676, 0.01600189320743084, 0.026089126244187355, 0.010417386889457703, -0.018446432426571846, -0.008303001523017883, -0.02618747018277645, -0.027957653626799583, 0.00767079321667552, 0.02572385035455227, 0.02728329785168171, -0.05105432868003845, 0.0004339846200309694, -0.07805664092302322, 0.03456071764230728, -0.018685266375541687, -0.02075047977268696, -0.006048125680536032, -0.02517593652009964, -0.002181118354201317, -0.028646057471632957, 0.010965300723910332, 0.03352108597755432, -0.019556308165192604, 0.013964777812361717, -0.016690297052264214, -0.008745547384023666, -0.01810925453901291, -0.012791680172085762, 0.00452028913423419, -0.027114709839224815, 0.026032930240035057, 0.0235883928835392, 0.011618582531809807, -0.011667754501104355, -0.004657267592847347, 0.0262015201151371, -0.013873458839952946, -0.03312771022319794, -0.02722710184752941, 0.011183061636984348, -0.0157209113240242, -0.003694905899465084, -0.00675409147515893, 0.0012459771241992712, 0.0010071428259834647, 0.015439930371940136, 0.005742558278143406, -0.013304471038281918, 0.03492599353194237, 0.02329336106777191, 0.021691767498850822, 0.020581889897584915, -0.019317474216222763, -0.021382687613368034, 0.01192063745111227, 0.016985328868031502, 0.019036492332816124, -0.017111768946051598, 0.025906488299369812, -0.0006365985609591007, 0.010796711780130863, 0.023771030828356743, 0.010241773910820484, 0.005226254928857088, -0.025751948356628418, -0.04425457864999771, -0.013114809058606625, -0.014751525595784187, 0.016451463103294373, -0.016620052978396416, 0.010944226756691933, -0.019036492332816124, 0.026861825957894325, -0.0009149457910098135, 0.021649619564414024, -0.007066683378070593, 0.0047204880975186825, 0.008162510581314564, -0.011309502646327019, 0.01781422272324562, 0.004464092664420605, 0.0027922531589865685, -0.03332439810037613, 0.013494133949279785, 0.001324125099927187, 0.022366123273968697, -0.007958799600601196, -0.01808115653693676, -0.0020739943720400333, 0.019514160230755806, -0.015622568316757679, 0.005254352930933237, 0.016184531152248383, -0.023490048944950104, 0.0029204508755356073, 0.0034859259612858295, 0.011590484529733658, 0.013761065900325775, -0.017996860668063164, -0.011695852503180504, -0.01089505571871996, 0.009637663140892982, -0.009764105081558228, -0.0020336031448096037, -0.015566372312605381, -0.006838385947048664, 0.00483990553766489, 0.016072139143943787, -0.01441434770822525, -0.0012556358706206083, 0.02361649088561535, -0.014779623597860336, 0.016072139143943787, -0.008057142607867718, 0.000956214964389801, -0.013086711056530476, -0.0064625730738043785, -0.010670269839465618, -0.02958734519779682, -0.0015129094244912267, 0.009939718060195446, 0.0038459335919469595, 0.0032102130353450775, -0.011056619696319103, 0.0035754889249801636, 0.006799750961363316, 0.00143915181979537, 0.006901606451719999, 0.016114285215735435, -0.00957444217056036, -0.016142383217811584, 0.03177900239825249, 0.017982812598347664, 0.0235883928835392, 0.0551566556096077, 0.0144424457103014, 0.02041330188512802, 0.029671641066670418, 0.009096774272620678, -0.015791157260537148, 0.03197568655014038, 0.0016419852618128061, 0.014077169820666313, 0.009616590104997158, -0.007446008268743753, -0.016156433150172234, -0.024965200573205948, 0.02281569316983223, 9.752031473908573e-05, -0.00048030263860709965, -0.0024849295150488615, 0.0810912474989891, 0.012124349363148212, -0.019584406167268753, 0.0063817910850048065, -0.01073349080979824, -0.012356159277260303, 0.010649196803569794, 0.005830364767462015, -0.010522754862904549, -0.03593752533197403, 0.0034578279592096806, 0.016591954976320267, -0.0209331177175045, -0.029503051191568375, -0.006178079638630152, -0.0157068632543087, 0.013796188868582249, 0.014308979734778404, -0.028379125520586967, 0.002342682797461748, 0.01916293427348137, 0.003226018277928233, 0.0049171750433743, -0.0006106956279836595, -0.003958325833082199, -0.005303524900227785, 0.04557519033551216, 0.020385203883051872, -0.009349657222628593, -0.03717384487390518, 0.019233180209994316, 0.022197533398866653, -0.014906065538525581, -0.01812330260872841, -0.01284787617623806, -0.007021023891866207, 0.004063694272190332, -0.03425163775682449, 0.012763582170009613, 0.01760348677635193, -0.026847776025533676, 0.005240303929895163, -0.01521514542400837, -0.04248439520597458, 0.0009254825999960303, 0.003587781684473157, -0.016423365101218224, 0.004081255290657282, -0.03377396985888481], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='9608e049-09e1-4b29-852a-9950c5df9db0', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '1', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_type': 'application/pdf', 'file_size': 885090, 'creation_date': '2024-02-25', 'last_modified_date': '2024-02-07', 'last_accessed_date': None}, hash='f14c766bcdb2eeccbad9c8763ed34fea6be283c3f4b8ee39431139afed62547e')}, text='An LLM Compiler for Parallel Function Calling\\nSehoon Kim∗1Suhong Moon∗1Ryan Tabrizi1Nicholas Lee1\\nMichael W. Mahoney1,2,3Kurt Keutzer1Amir Gholami1,2\\n1UC Berkeley2ICSI3LBNL\\n{sehoonkim, suhong.moon, rtabrizi, nicholas lee, mahoneymw, keutzer, amirgh }@berkeley.edu\\nAbstract\\nRecent language models have shown remarkable results on various complex reasoning benchmarks. The rea-\\nsoning capabilities of LLMs enable them to execute external function calls to overcome their inherent limitations,\\nsuch as knowledge cutoffs, poor arithmetic skills, or lack of access to private data. This development has allowed\\nLLMs to select and coordinate multiple functions based on the context to tackle more complex problems. However,\\ncurrent methods for multiple function calling often require sequential reasoning and acting for each function which\\ncan result in high latency, cost, and sometimes inaccurate behavior. To address this, we introduce LLMCompiler ,\\nwhich executes functions in parallel to efficiently orchestrate multiple function calling. Drawing from the principles\\nof classical compilers, LLMCompiler streamlines parallel function calling with three components: (i) an LLM Plan-\\nner, formulating execution plans; (ii) a Task Fetching Unit, dispatching function calling tasks; and (iii) an Executor,\\nexecuting these tasks in parallel. LLMCompiler automatically generates an optimized orchestration for the function\\ncalls and can be used with both open-source and closed-source models. ', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='934bd533-caf9-43ed-b0af-f001b57fff75', embedding=[-0.011924438178539276, 0.01729823462665081, -0.012285999953746796, -0.025153333321213722, -0.005937406327575445, 0.023536941036581993, -0.009556565433740616, -0.001450676703825593, -0.024288421496748924, -0.033689018338918686, 0.02011983096599579, 0.009414776228368282, 0.0009854321833699942, 0.0015809452161192894, -0.006029569078236818, 0.0034685085993260145, 0.006795228458940983, 0.007422644179314375, -0.006738512776792049, 0.0005489885224960744, 0.004122509621083736, -0.011626682244241238, 0.008230839855968952, -0.018829552456736565, -0.011768470518290997, -0.004983876366168261, 0.030796527862548828, -0.03765910491347313, -0.00011453877232270315, -0.00035535820643417537, 0.01664600521326065, -0.019481781870126724, -0.03561734780669212, 0.005912593100219965, -0.026557043194770813, -0.0030998578295111656, 0.0009269443107768893, 0.0011396275367587805, 0.020233262330293655, -0.016178103163838387, 0.050505172461271286, 0.0011511478805914521, -0.004260753747075796, -0.012172568589448929, 0.0036794194020330906, 0.011803917586803436, 0.007727489806711674, -0.030115941539406776, -0.03621286153793335, 0.024146633222699165, 0.029066704213619232, 0.03992772847414017, -0.023281721398234367, 0.01770942099392414, -0.0010767087806016207, -0.005987032316625118, 0.009641638956964016, 0.01040020864456892, 0.014930360950529575, -0.011484893038868904, -0.0012131804833188653, 0.024727968499064445, -0.015213938429951668, 0.01952431909739971, 0.01804971508681774, -0.018404187634587288, 0.002881857566535473, 0.015667663887143135, 0.0015986687503755093, -0.013781871646642685, 0.009762159548699856, 0.003202654654160142, 0.01715644635260105, -0.00794726237654686, 0.031902480870485306, -0.01484528835862875, -0.019070593640208244, 0.012569577433168888, 0.00039612248656339943, -0.01036476157605648, 0.007078805938363075, 0.015469158999621868, -0.002743613440543413, 0.03867998719215393, 0.006330870091915131, -0.022913070395588875, 0.012675919570028782, 0.01821986213326454, -0.014618425630033016, -0.011761381290853024, -0.013881123624742031, 0.009365150704979897, 0.0319308377802372, 0.0010448062093928456, 0.00012605910887941718, -0.013363595120608807, -0.0075857010670006275, 0.0043848189525306225, -0.01734076999127865, -0.01459006778895855, 0.0056290156207978725, -0.02114071138203144, -0.056517016142606735, -0.0015915792901068926, -0.017723601311445236, -0.023735446855425835, 0.003906281664967537, 0.007819652557373047, 0.011499072425067425, 0.0193967092782259, -0.01719898171722889, 0.024416033178567886, 0.00678813923150301, -0.02159443497657776, 0.015270654112100601, -0.014185969717800617, 0.014802751131355762, -0.018134787678718567, 0.0010084728710353374, -0.012966586276888847, 0.04452168568968773, 0.03607107326388359, 0.03229948878288269, -0.008705832995474339, 0.019793717190623283, -0.006688886787742376, -0.011853544041514397, -0.013342326506972313, -0.04097696393728256, -0.009315524250268936, -0.005054770968854427, -0.0027046215254813433, 0.006142999976873398, 0.03065473958849907, -0.008358449675142765, 0.01170466560870409, -0.004232395906001329, 0.019453424960374832, -0.017454201355576515, -0.006174902431666851, 0.013484115712344646, 0.011988243088126183, -0.026032425463199615, 0.004675485659390688, -0.04483361914753914, 0.011640860699117184, 0.02804582566022873, 0.0009810012998059392, 0.015128865838050842, -0.0030059227719902992, -0.02464289404451847, -0.01901387795805931, -0.007273765746504068, 0.027095841243863106, 0.010386030189692974, 0.011803917586803436, -0.0004758786817546934, 0.018872089684009552, -0.031250253319740295, -0.007451001554727554, 0.014497905038297176, 0.017496738582849503, 0.003043142147362232, 0.006600269116461277, 0.00799688883125782, 0.024685431271791458, 0.025068260729312897, -0.014391563832759857, 0.004232395906001329, -0.003725500777363777, 0.00662508187815547, 0.04432317987084389, -0.011640860699117184, 0.017794495448470116, 0.005536852870136499, -0.013604636304080486, 0.025720490142703056, -0.004781827330589294, -0.0038602002896368504, -0.003355077700689435, 0.0233384370803833, -0.0026868977583944798, 0.012902781367301941, 0.02169368788599968, -0.015540053136646748, -0.024898113682866096, 0.02183547616004944, -0.006199715659022331, 0.023324258625507355, -0.024019023403525352, 0.007933083921670914, 0.038906849920749664, -0.008457702584564686, -0.014873645268380642, -0.6261393427848816, -0.003101630136370659, 0.005572299938648939, -0.019892970100045204, -0.011456535197794437, -0.003601435571908951, -0.01891462691128254, -0.007068172097206116, -0.025550343096256256, 0.024912294000387192, 0.007692042738199234, 0.002692214911803603, 0.004895258694887161, -0.01674525812268257, -0.01542662177234888, -0.01661764830350876, -0.008805084973573685, -0.016603469848632812, 0.015809452161192894, 0.01753927581012249, -0.027507027611136436, -0.0009008020278997719, -0.018957164138555527, -0.005083128809928894, -0.021027280017733574, 0.026798084378242493, 0.029718933627009392, 0.004462802782654762, 0.0008019929518923163, 0.024827219545841217, -0.01729823462665081, -0.002180002862587571, 0.0004953746101818979, 0.0058487881906330585, 0.0597214438021183, 0.00397363118827343, -0.010251330211758614, 0.005522673949599266, 0.016007956117391586, 0.03249799460172653, -0.02213323302567005, -0.0007988912984728813, 0.020261621102690697, 0.010627071373164654, -0.015837809070944786, 0.008372629061341286, 0.03068309836089611, 0.016419144347310066, -0.024685431271791458, -0.012803529389202595, -0.01763852685689926, 0.006334414705634117, -0.0010474647860974073, 0.01722734048962593, 0.01459006778895855, -0.001205204869620502, 0.02343768998980522, -0.006433667149394751, -0.017170624807476997, 0.0027896948158740997, -0.023012323305010796, -0.014100897125899792, -0.018390007317066193, -0.012130032293498516, -0.021651150658726692, 0.012796439230442047, 0.0033267198596149683, 0.0016305712051689625, -0.00646911421790719, -0.018319113180041313, 0.008556954562664032, 0.037942685186862946, 0.011421088129281998, -0.0025149788707494736, 0.0012211560970172286, -0.012229284271597862, 0.027719711884856224, -0.004469892010092735, -0.010910648852586746, 0.027110019698739052, 0.028783127665519714, -0.018106430768966675, -0.02183547616004944, -0.02282799780368805, 0.022969786077737808, 0.005072494503110647, 0.010499460622668266, -0.008124498650431633, 0.023834697902202606, 0.017184803262352943, 0.017496738582849503, 0.005405697971582413, -0.03411438688635826, -0.06924965232610703, 0.004122509621083736, 0.026457790285348892, -0.028060004115104675, 0.019283277913928032, 0.014816930517554283, -0.031732335686683655, -0.00949276052415371, -0.016660185530781746, 0.04993801563978195, 0.002309385221451521, 0.010144989006221294, 0.022572778165340424, -0.013980376534163952, 0.008096140809357166, 0.025323480367660522, -0.019269099459052086, -0.02574884705245495, -0.02210487425327301, 0.016192281618714333, -0.005324169527739286, 0.006196170579642057, -0.03459646925330162, 0.011491982266306877, 0.005136299412697554, 0.008089051581919193, -0.003714866703376174, -0.002135693794116378, -0.0016846281941980124, 0.0029084428679198027, 0.005324169527739286, -0.0011157006956636906, 0.0008786474936641753, 0.015554231591522694, -0.009896858595311642, 0.002662084763869643, 0.024926472455263138, 0.006639260798692703, -0.01746838167309761, 0.010109541937708855, -0.015015434473752975, 0.018475081771612167, 0.015781093388795853, 0.04259335622191429, -0.022388452664017677, 0.004877534694969654, -0.015738558024168015, -0.03550391644239426, 0.00556166609749198, 0.002339515369385481, -0.022785460576415062, -0.0422247052192688, -0.017893746495246887, -0.029236851260066032, 0.015327369794249535, 0.009074483998119831, 0.011683397926390171, -0.02725180797278881, -0.005565210711210966, -0.014802751131355762, 0.01705719344317913, -0.021013101562857628, -0.01297367550432682, -0.00818830356001854, -0.023763803765177727, -0.010768859647214413, -0.028428655117750168, -0.0066109029576182365, 0.02094220742583275, -0.017113909125328064, 0.009464402683079243, -0.0006132365670055151, -0.009499849751591682, -0.009599101729691029, 0.022969786077737808, -0.02433095872402191, -0.0398142971098423, -0.0015277743805199862, -0.02348022535443306, -0.003987810108810663, 0.011499072425067425, 0.0057318126782774925, 0.015213938429951668, -0.022955607622861862, 0.01763852685689926, 0.01325016375631094, -0.0051965597085654736, 0.0070433588698506355, 0.021707866340875626, -0.0006012731464579701, -0.017241518944501877, 0.024274243041872978, 0.03229948878288269, 0.013874034397304058, 0.0006212121807038784, 0.00043201277730986476, 0.015610947273671627, 0.0070433588698506355, 0.01891462691128254, -0.004778282716870308, -0.0008937125676311553, -0.017085550352931023, 0.015213938429951668, -0.0041721356101334095, -0.0010510095162317157, -0.0063911303877830505, 0.012654650956392288, -0.004788917023688555, 0.005653828382492065, 0.005132754798978567, -0.023735446855425835, -0.021083995699882507, -0.013328148052096367, 0.0016447501257061958, -0.028088362887501717, -0.002942117629572749, -0.0004736632399726659, -0.0067810495384037495, -0.015341549180448055, -0.02224666438996792, 0.001235335017554462, -0.010081184096634388, 0.016773615032434464, -0.001078481087461114, 0.0235085841268301, 0.008358449675142765, -0.024359317496418953, 0.014575889334082603, -0.019212383776903152, 0.010492371395230293, -0.020304156467318535, 0.0022065883968025446, 0.005076039116829634, -0.03885013237595558, 0.012052047997713089, -0.005437600892037153, -0.015384085476398468, -0.020034758374094963, 0.005008689593523741, 0.018872089684009552, 0.017837030813097954, 0.02889655902981758, 0.026854800060391426, 0.006901570130139589, 0.0019301001448184252, 0.032951720058918, 0.0014427010901272297, -0.019651928916573524, 0.0021108807995915413, -0.0046116807498037815, -0.018971342593431473, 0.025578700006008148, -0.011775560677051544, 0.05087382346391678, 0.016319891437888145, 0.00926589872688055, 0.008060693740844727, -0.024416033178567886, 0.024557821452617645, -0.018475081771612167, 0.0022934339940547943, 0.018035536631941795, 0.008826353587210178, 0.012668829411268234, 0.005646739155054092, 0.04057995602488518, 0.0212824996560812, -0.012916959822177887, 0.005668007303029299, 0.01857433281838894, -0.002722345059737563, -0.0042394851334393024, -0.011328925378620625, 0.005072494503110647, -0.007557343225926161, -0.005097307730466127, -0.00263372715562582, 0.005611292086541653, 7.227905734907836e-05, -0.00784092117100954, -0.035957641899585724, 0.02186383306980133, 0.02986072190105915, 0.006483293138444424, 0.024756325408816338, -0.0012796439696103334, 0.003764492692425847, -0.009648728184401989, -0.026429433375597, 0.022558599710464478, 0.0023359705228358507, 0.0035305412020534277, -0.006181992124766111, -0.03178904950618744, -0.002662084763869643, 0.02014818973839283, -0.003587256884202361, -0.0011024079285562038, 0.011435267515480518, -0.006437211763113737, 0.0033852076157927513, 0.005391519516706467, 0.014455368742346764, 0.03723374009132385, -0.0018840187694877386, 0.006174902431666851, -0.012966586276888847, -0.0012601480120792985, 0.0019247829914093018, -0.022969786077737808, -0.0192265622317791, 0.051781270653009415, -0.0042749326676130295, -0.015171402134001255, -0.02601824514567852, 0.009903947822749615, -0.013725155964493752, 0.019949685782194138, 0.019793717190623283, 0.004462802782654762, 0.014972898177802563, 0.025621237233281136, 0.0028074183501303196, -0.0018857910763472319, 0.004243030212819576, 0.011073705740272999, 0.011747202835977077, -0.005125665105879307, -0.02031833492219448, 0.006859033368527889, 0.019892970100045204, 0.03882177546620369, 0.012867334298789501, 0.002038214122876525, 0.008932694792747498, -0.021055636927485466, -0.006532919127494097, -0.02505408227443695, -0.022402631118893623, 0.009535296820104122, -0.01908477395772934, 0.0031069472897797823, -0.011258031241595745, 0.0105561763048172, -0.005614836700260639, 0.016263175755739212, -0.004562054760754108, 0.018545975908637047, -0.0030768171418458223, -0.015327369794249535, -0.01744002290070057, -0.009684175252914429, 0.014944540336728096, 0.032554708421230316, 0.011619593016803265, -0.0161355659365654, 0.007692042738199234, 0.021566078066825867, 0.009804695844650269, -0.013087106868624687, -0.04077846184372902, 0.008053604513406754, 0.006706610321998596, 0.003094540676102042, 0.023295899853110313, 0.010265509597957134, 0.03995608538389206, -0.0018308479338884354, 0.0006256431224755943, 0.030711455270648003, -0.0004103013488929719, 0.010783039033412933, 0.017482560127973557, 0.008365539833903313, 0.0006610903074033558, 0.015299011953175068, -0.01616392470896244, 0.011974064633250237, 0.013959107920527458, 0.007170968689024448, -0.009840142913162708, 0.0050866734236478806, -0.012527041137218475, -0.03383081033825874, -0.0003662139060907066, -0.0047144778072834015, 0.01966610737144947, 0.0001837715826695785, 0.008131587877869606, -0.004037436097860336, -0.018957164138555527, -0.008748369291424751, -0.005823974963277578, 0.02591899409890175, -0.009478582069277763, -0.007121342699974775, 0.0017998316325247288, -0.011888991110026836, 0.0006203260272741318, -0.013512473553419113, 0.010201704688370228, -0.010853933170437813, -0.020502660423517227, -0.03519198298454285, -0.0001635002117836848, 0.011647949926555157, 0.01705719344317913, 0.029123419895768166, -0.01443410012871027, -0.01661764830350876, 0.013349415734410286, -0.011711755767464638, -0.010357672348618507, -0.016348248347640038, -0.03212934359908104, -0.008457702584564686, -0.011265120469033718, 0.006401764694601297, -0.031420398503541946, -0.011818096973001957, 0.008358449675142765, -0.004267842974513769, -0.009733801707625389, -0.0006074763950891793, -0.01911313086748123, -0.007124887313693762, 0.012441967613995075, 0.020375050604343414, 0.04897385463118553, -0.006717244628816843, -0.02807418256998062, 0.006146544590592384, -0.01439865306019783, 0.004888169001787901, -0.006905114743858576, -0.010464013554155827, -0.004590412601828575, 0.017014656215906143, 0.017737779766321182, -0.0029988333117216825, -0.011009900830686092, 0.02920849435031414, -0.009669996798038483, 0.019651928916573524, 0.009343882091343403, 0.026131676509976387, 0.011378551833331585, 0.0038495659828186035, 0.004764103796333075, 0.017624348402023315, -0.019283277913928032, -0.008365539833903313, -0.0357024222612381, 0.03763074800372124, 0.007227684371173382, -0.020616091787815094, 0.004370640031993389, -0.006146544590592384, -0.008344271220266819, -0.011761381290853024, 0.015851987525820732, 0.005919682793319225, 0.034199461340904236, -0.008556954562664032, -0.016362428665161133, -0.014030002057552338, -0.02183547616004944, -0.011371462605893612, 0.024770503863692284, -0.016461679711937904, 0.006749147083610296, 0.000584435707423836, 0.00961328111588955, -0.01415761187672615, -0.0018645228119567037, 0.019439244642853737, -0.029605502262711525, 0.007614058908075094, 0.02053101919591427, 0.007007911801338196, 0.005855877883732319, -0.01451917365193367, 0.013349415734410286, -0.04111875221133232, -0.013760603964328766, -0.021651150658726692, -0.01826239749789238, -0.003491549286991358, -0.002238490851595998, 0.030286088585853577, 0.01616392470896244, 0.05402153357863426, -0.0005201876629143953, 0.01997804269194603, -0.0022650761529803276, -0.0035110453609377146, -0.0034011590760201216, 0.013547920621931553, 0.0034454679116606712, -0.0013026846572756767, -0.008989410474896431, 0.006454935297369957, 0.0027453857474029064, 0.0067739603109657764, 0.006320235785096884, -0.011881901882588863, 0.013547920621931553, -0.026301823556423187, -0.0023430599831044674, -0.007358838804066181, -0.01441283244639635, -0.0010643021669238806, 0.003693598322570324, 0.001420546555891633, 0.00949276052415371, -0.03896356374025345, 0.00937223993241787, 0.03510690852999687, -0.0015641077188774943, 0.015015434473752975, 0.020587734878063202, 0.0075360750779509544, 0.008606580086052418, 0.033859167248010635, 0.008372629061341286, 0.021254142746329308, -0.03065473958849907, -0.020020579919219017, -0.04160083457827568, -0.01096736453473568, -0.0020311246626079082, -0.006313146557658911, 0.011832275427877903, 0.031250253319740295, 0.004962608218193054, -0.00020071977633051574, 0.012059138156473637, -0.008046514354646206, 0.000979228992946446, 0.00942186638712883, -0.008422254584729671, 0.011016990058124065, -0.020134011283516884, -0.007692042738199234, -0.010910648852586746, -0.01328561082482338, 0.022218305617570877, 0.0010164484847337008, 0.013803140260279179, -0.018701942637562752, -0.013987465761601925, 0.019949685782194138, 0.01763852685689926, 0.027294345200061798, -0.01285315491259098, 0.006164268124848604, 0.005866511724889278, 0.00909575168043375, -0.012328536249697208, -0.010804306715726852, 0.02268620952963829, -0.0051469337195158005, 0.01317926961928606, 0.035815853625535965, -0.018035536631941795, -0.020601913332939148, 0.020616091787815094, 0.0008400986553169787, -0.031250253319740295, -0.045258987694978714, 0.003523451741784811, 0.013172180391848087, 0.012711366638541222, -0.03782925382256508, -0.003736135084182024, -0.011378551833331585, 0.0037680375389754772, -0.01963775046169758, -0.00015785082359798253, 0.0032895002514123917, -0.01761016994714737, -0.015341549180448055, 0.02365037240087986, 0.009606191888451576, -0.0056290156207978725, -0.012434878386557102, -0.01337068434804678, 0.019552676007151604, -0.005090218037366867, -0.002288116840645671, 0.025479448959231377, 0.00961328111588955, 0.015015434473752975, -0.018517617136240005, 0.009081573225557804, 0.018701942637562752, -0.0029687031637877226, -0.006749147083610296, -0.008535685949027538, 0.005487226881086826, 0.026854800060391426, -0.005097307730466127, 0.008535685949027538, 0.026585400104522705, -0.002171141095459461, 0.014271043241024017, -0.010889380238950253, 0.004905892536044121, -0.01846090331673622, 0.01657511107623577, 0.022218305617570877, 0.04775447025895119, -0.004409631714224815, -0.025167513638734818, 0.01770942099392414, 0.004661307204514742, -0.01175429206341505, 0.011031169444322586, -0.014214327558875084, 0.010563266463577747, -0.030229372903704643, 0.013235985301434994, 0.00794726237654686, 0.004313924349844456, 0.01460424717515707, 0.009804695844650269, -0.020885491743683815, -0.012626293115317822, 0.016801973804831505, -0.04012623056769371, 0.028230151161551476, 0.002610686467960477, 0.009776338003575802, 0.002842865651473403, 0.017964642494916916, -0.019963864237070084, -0.014129254035651684, 0.015979599207639694, -0.025351839140057564, -0.02028997801244259, -0.0193967092782259, -0.0007634441135451198, 0.006440756376832724, 0.013803140260279179, -0.022969786077737808, 0.020091474056243896, -0.009315524250268936, 0.009209183044731617, -0.028017468750476837, -0.013895303010940552, 0.020814595744013786, -0.03904863819479942, 0.009804695844650269, 0.02038923092186451, -0.011336014606058598, 0.006210349500179291, -0.007039814256131649, -0.028669696301221848, -0.017411665990948677, -0.016121387481689453, -0.014115075580775738, 0.004852721933275461, 0.0005884235142730176, -0.016433322802186012, 0.00787636823952198, -0.017992999404668808, -0.0029988333117216825, 0.0011272210394963622, 0.007649505976587534, 0.015866167843341827, 0.003176069352775812, 0.011321836151182652, 0.00664989510551095, 0.0014090262120589614, 0.03051295131444931, -0.024174991995096207, -0.012548308819532394, -0.0035163622815161943, -0.0024228161200881004, -0.015284833498299122, -0.02416081167757511, -0.011421088129281998, 0.034511394798755646, 0.02183547616004944, -0.00782674178481102, -0.04273514449596405, 0.001611961517482996, -0.04897385463118553, -0.023040680214762688, -0.025309301912784576, 0.014377384446561337, 0.009117020294070244, 0.009074483998119831, 0.018545975908637047, 0.0332920104265213, -0.03195919841527939, -0.004299745429307222, -0.016773615032434464, -0.02172204479575157, 0.0236787311732769, 0.0015446117613464594, 0.00782674178481102, -0.006072105374187231, -0.01142817735671997, 0.006972464732825756, 0.022232484072446823, -0.014292311854660511, 0.020998921245336533, 0.019269099459052086, -0.03181740641593933, -0.02007729560136795, 0.002800328889861703, 0.01036476157605648, -0.020360872149467468, -0.00969835463911295, 0.005671552382409573, -0.01775195822119713, -0.011314746923744678, 0.03232784941792488, -0.011378551833331585, -0.00507958373054862, 0.0032310124952346087, 0.0005560779827646911, -0.0004696754040196538, -0.0080677829682827, 0.013944929465651512, -0.009684175252914429, 0.020686985924839973, -0.03655315563082695, 0.04664851725101471, 0.0003888114879373461, -0.004547875840216875, 0.024529462680220604, 0.004331647884100676, -0.007007911801338196, -0.01215130090713501, -5.56978011445608e-06, -0.006104008294641972, -0.0044344449415802956, 0.016263175755739212, 0.001474603544920683, -0.009648728184401989, -0.009967752732336521, -0.01439865306019783, 0.00042160015436820686, -0.008776727132499218, -0.020786238834261894, -0.0012867334298789501, -0.03936057165265083, 0.013640083372592926, 0.0034490127582103014, -0.016830330714583397, -0.0039948998019099236, -0.006104008294641972, 0.003464963985607028, -0.006086284294724464, -0.01901387795805931, 0.026925694197416306, 0.008670384995639324, -0.011888991110026836, -0.005352527368813753, -0.01698629930615425, 0.002048848196864128, -0.0002988642081618309, 0.010655428282916546, 0.00039656556327827275, -0.009039035998284817, 0.23366795480251312, -0.007451001554727554, -0.012562488205730915, 0.038935206830501556, -0.009443134069442749, -0.0007448343094438314, 0.013384862802922726, -0.01432775892317295, -0.03899192065000534, 0.00954238697886467, -0.0013939611380919814, 0.0010377168655395508, -0.009662906639277935, 0.0034986387472599745, 0.009400597773492336, 0.008011067286133766, -0.008592401631176472, -0.027847321704030037, -0.023763803765177727, 0.010166257619857788, 0.01678779534995556, 0.023012323305010796, -0.010669607669115067, -0.031732335686683655, 0.044918693602085114, -0.0003901407471857965, 0.008351360447704792, 0.005430511198937893, 0.014377384446561337, 0.0033710289280861616, -0.0018946529598906636, 0.019368350505828857, -0.0027985565830022097, 0.016759436577558517, 0.009237540885806084, -0.00264790584333241, 0.017326591536402702, -0.008429344743490219, 0.011888991110026836, 0.007472270168364048, -0.0022721656132489443, -0.011250942014157772, 0.002849954878911376, -0.027932394295930862, 0.0013469936093315482, 0.007231228984892368, -0.008748369291424751, -0.001736912876367569, -0.0048669008538126945, 0.0163057129830122, -0.038906849920749664, 0.02082877606153488, 0.004487615544348955, 0.029974153265357018, 0.002972247777506709, -0.013555009849369526, -0.004636493977159262, 0.01491618249565363, 0.013689708895981312, 0.013434489257633686, -0.025791384279727936, -0.007135521620512009, 0.0019301001448184252, 0.008209572173655033, -0.020346693694591522, -0.002156962174922228, -0.01565348356962204, 0.0037893059197813272, 0.01491618249565363, -0.011343104764819145, -0.009017768315970898, -0.01804971508681774, -0.0131296431645751, 0.01036476157605648, -0.0233384370803833, -0.03414274379611015, -0.0013053432339802384, 0.02570630982518196, 0.018163146451115608, 0.05138426274061203, 0.006334414705634117, -0.011378551833331585, -0.018829552456736565, -0.011300567537546158, -0.019127309322357178, 0.0020346692763268948, 0.006706610321998596, -0.025479448959231377, -0.012966586276888847, -0.00937223993241787, 0.0010155623313039541, -0.013944929465651512, -0.010669607669115067, -0.0036209316458553076, 0.0036723301745951176, -0.0013026846572756767, 0.006217439193278551, 0.017496738582849503, -0.014263954013586044, -0.008167034946382046, -0.04483361914753914, 0.07588537037372589, 0.020814595744013786, 0.009315524250268936, 0.021481003612279892, 0.0053206249140203, -0.015979599207639694, 0.006915749050676823, -0.0004763217584695667, -0.006859033368527889, -0.000983659876510501, -0.04979622736573219, 0.007050448562949896, 0.002061254810541868, 0.02203398011624813, 0.0011679852614179254, 0.0002651893883012235, -0.009712533093988895, 0.006692431401461363, -0.003927549812942743, -0.0161355659365654, -0.0023661006707698107, 0.004065793938934803, 0.026471970602869987, -0.017071371898055077, -0.012654650956392288, -0.028329404070973396, -0.015837809070944786, -0.02739359810948372, 0.00676332600414753, 0.0031955651938915253, -0.011619593016803265, 0.03836805000901222, -0.0006132365670055151, 0.01166921854019165, -0.020190725103020668, -0.004969697445631027, -0.010471103712916374, -0.012675919570028782, -0.008556954562664032, 0.006986643187701702, 0.001868067542091012, -0.012243463657796383, -0.007217050064355135, 0.014150522649288177, 0.013235985301434994, 0.008089051581919193, 0.04744253307580948, -0.012916959822177887, -0.004026802256703377, -0.0073730177246034145, -0.009570744819939137, 0.00411187531426549, -0.017099730670452118, 0.01300912257283926, 0.012739724479615688, -0.007606969214975834, -0.020275799557566643, 0.013505383394658566, -0.016589289531111717, -0.042990364134311676, 0.012413609772920609, 0.003103402443230152, 0.010577444918453693, -0.02275710366666317, -0.013675530441105366, -0.183304563164711, 0.0019939050544053316, 0.01702883467078209, -0.0487469919025898, 0.029066704213619232, 0.0080677829682827, 0.015795273706316948, -0.01572437770664692, -0.02396230772137642, -0.016149744391441345, 0.014660962857306004, -0.007302123587578535, -0.02838611975312233, -0.011527430266141891, -0.016050493344664574, 0.002436995040625334, 0.003402931382879615, -0.008861800655722618, 0.0235085841268301, 0.010393119417130947, 0.04973951354622841, -0.028159257024526596, 0.0029066705610603094, -0.0008352246950380504, 0.02698240987956524, -0.00400907825678587, 0.0006566594238393009, -0.004753469489514828, -0.00043799448758363724, -0.038084473460912704, -0.021197427064180374, -0.0018893358064815402, 0.003654606407508254, -0.031590547412633896, -0.010102452710270882, 0.013115464709699154, -0.004409631714224815, -0.0019301001448184252, -0.0190564151853323, 0.004026802256703377, 0.025933172553777695, 0.024699609726667404, -0.014859466813504696, 0.003532313508912921, -0.021126532927155495, 0.021608613431453705, 0.023607835173606873, -0.03655315563082695, 0.00664989510551095, -0.007975620217621326, 0.03748895972967148, -0.03496512025594711, 0.012782260775566101, 0.003059093374758959, 0.013328148052096367, 0.007564432919025421, 0.0082379300147295, 0.011392730288207531, -0.026883156970143318, -0.00933679286390543, -0.0054092430509626865, -0.004547875840216875, 0.008720011450350285, 0.01198115386068821, 0.011442356742918491, -0.013916571624577045, -0.02063027210533619, 0.009365150704979897, -0.038084473460912704, 0.01616392470896244, -0.003291272558271885, -0.008734190836548805, -0.02227502129971981, -0.004515973385423422, 0.007855099625885487, 0.018489260226488113, -0.005054770968854427, 0.001866295118816197, 0.028400298207998276, -0.011903170496225357, -0.00012727761350106448, 0.01751091703772545, 0.01829075627028942, 0.015625126659870148, -0.02693987265229225, -0.009804695844650269, 0.004675485659390688, 0.03561734780669212, -0.022430989891290665, -0.00400907825678587, 0.02299814485013485, -0.02237427420914173, 0.0011821641819551587, -0.006355683319270611, -0.0013292700750753284, 0.01843254454433918, 0.01691540516912937, -0.009684175252914429, -0.006550642661750317, -0.020375050604343414, 0.014547531493008137, -0.0021250597201287746, -0.00913119874894619, -0.012193837203085423, 0.007011456415057182, -0.001170643838122487, -0.03953072056174278, 0.003344443393871188, 0.024416033178567886, -0.034993477165699005, -0.009840142913162708, -0.003785761073231697, 0.009911037050187588, 0.022218305617570877, -0.024657072499394417, 0.025323480367660522, 0.012541219592094421, -0.015540053136646748, -0.009719622321426868, -0.0015313191106542945, 0.06777504831552505, 0.02087131142616272, -0.004636493977159262, 0.0008002205868251622, 0.008025246672332287, -0.0030679553747177124, -0.11989661306142807, -0.03524869680404663, -0.016731079667806625, 0.013469936326146126, -9.088883962249383e-05, 0.016362428665161133, -0.01112333219498396, 0.018857911229133606, -0.005781438667327166, 0.034171100705862045, -0.01867358572781086, -0.0005108827608637512, -0.00885471049696207, 0.008379718288779259, -0.006724334321916103, -0.0061288210563361645, -0.02220412716269493, -0.019793717190623283, 0.0007731920923106372, 0.03751731663942337, -0.00671015540137887, -0.012838976457715034, 0.00533834844827652, -0.030257731676101685, -0.013384862802922726, 0.010286778211593628, -0.015355727635324001, 0.01096736453473568, -0.0014621970476582646, 0.037290457636117935, 0.015171402134001255, -0.011747202835977077, 0.017170624807476997, -0.026301823556423187, 0.016007956117391586, -0.040041159838438034, -0.016731079667806625, -0.0008914971258491278, 0.020601913332939148, -0.01048528216779232, -0.00012151743430877104, 0.019453424960374832, -0.018177324905991554, -0.0040693385526537895, -0.0007333139656111598, -0.007401375565677881, -0.002888946793973446, 0.027138376608490944, 0.012278910726308823, -0.0101237203925848, -0.011591235175728798, -0.0039948998019099236, -0.030257731676101685, -0.014263954013586044, 0.04783954471349716, 0.0018840187694877386, 0.0012778716627508402, 0.02299814485013485, -0.04834998399019241, -0.006816496606916189, -0.009584923274815083, -0.01369679905474186, -0.01681615225970745, -0.0037822164595127106, 0.02536601759493351, 0.013888213783502579, 0.004675485659390688, -0.007344660349190235, 0.010775948874652386, -0.017581811174750328, -0.0063982196152210236, 0.04372766613960266, -0.021083995699882507, 0.004491160623729229, -0.00782674178481102, 0.0009428955381736159, -0.00048562666052021086, -0.0343128927052021, 0.005480137187987566, -0.0035216794349253178, -0.013519562780857086, -0.012796439230442047, -0.002481304109096527, 0.011640860699117184, 0.0016146199777722359, 0.002298750914633274, -0.0042146723717451096, 0.0016536118928343058, 0.0003746325965039432, -0.027507027611136436, -0.01726987585425377, 0.016461679711937904, 0.029577145352959633, -0.0025965075474232435, -0.008734190836548805, 0.009762159548699856, -0.0401545912027359, 0.004462802782654762, 0.030371161177754402, 0.014136344194412231, -0.05532599240541458, -0.0075431643053889275, -0.056346870958805084, 0.023692909628152847, -0.005540397483855486, -0.012683008797466755, -0.000299085775623098, -0.024387674406170845, 0.01650421693921089, -0.03195919841527939, 0.005341893061995506, 0.023834697902202606, -0.04126054421067238, 0.005639649927616119, -0.01427813246846199, -0.010875201784074306, -0.02155189774930477, -0.032242774963378906, 0.022062338888645172, -0.016277354210615158, 0.020757881924510002, 0.009322614409029484, 0.01894298382103443, -0.02292725071310997, -0.008301734924316406, 0.01785121113061905, -0.008436433970928192, -0.012200926430523396, -0.04398288577795029, 0.016844509169459343, -0.013753513805568218, -0.006816496606916189, -0.01620646007359028, -0.010697965510189533, 0.004321014042943716, 0.013427400030195713, 0.017354950308799744, -0.008245019242167473, 0.017383307218551636, 0.010683786123991013, 0.019623570144176483, 0.002421043813228607, -0.027039125561714172, -0.01983625441789627, 0.001215839060023427, -0.009209183044731617, 0.012434878386557102, -0.02505408227443695, -0.01142817735671997, -0.0035978909581899643, 0.01935417205095291, 0.03346215933561325, 0.02248770371079445, 0.008953963406383991, -0.0353621281683445, -0.04959772527217865, -0.007287944667041302, -0.017071371898055077, 0.003002377925440669, -0.009918127208948135, 0.011640860699117184, 0.01015916746109724, 0.03405766934156418, -0.008613670244812965, 0.020020579919219017, 0.000667293556034565, 0.010818486101925373, -0.010251330211758614, -0.018163146451115608, 0.02162279188632965, 0.00881926342844963, 0.008790905587375164, -0.03130696713924408, 0.012775171548128128, 0.011484893038868904, 0.02331008017063141, -0.0005968422628939152, -0.021878013387322426, -0.0058416989631950855, 0.00801815651357174, -0.00808196235448122, 0.010619981214404106, 0.011009900830686092, -0.02804582566022873, 0.0061784470453858376, 0.014930360950529575, 0.01763852685689926, 0.0192265622317791, -0.031902480870485306, -0.003704232629388571, 0.003966541960835457, 0.0021108807995915413, 0.0021197425667196512, 0.007458091247826815, -0.027336882427334785, 0.019127309322357178, 0.013632993213832378, -0.0014170018257573247, -0.013328148052096367, -0.0006212121807038784, 0.025663774460554123, -0.012073316611349583, 0.004884624388068914, -0.006695976480841637, -0.0030342803802341223, -0.03380244970321655, 0.007925993762910366, -0.00526036461815238, -0.02374962531030178, -0.013150911778211594, 0.024756325408816338, 0.003736135084182024, 0.004328103270381689, -0.02886820025742054, -0.010137899778783321, 0.008599490858614445, -0.010322225280106068, 0.005948040168732405, 0.0032841830980032682, -0.001203432446345687, -0.01657511107623577, 0.038594912737607956, 0.025082439184188843, 0.01071214396506548, 0.0635213851928711, 0.018857911229133606, 0.026542864739894867, 0.017581811174750328, 0.02080041728913784, -0.020474303513765335, 0.012881512753665447, 0.004565599374473095, -0.006213894579559565, 0.008684564381837845, -0.02220412716269493, -0.020757881924510002, -0.02011983096599579, 0.00954238697886467, 0.0031884757336229086, 0.014214327558875084, -0.005678641609847546, 0.08586730062961578, 0.0190564151853323, -0.021778760477900505, -0.002240263158455491, -0.01770942099392414, 0.00015884777531027794, -0.00803233589977026, 0.002771971048787236, -0.010896469466388226, -0.01850343868136406, -0.006050837226212025, 0.001580058946274221, -0.008159945718944073, -0.018404187634587288, -0.014207238331437111, -0.016560932621359825, -0.002249124925583601, 0.004218216985464096, -0.003764492692425847, -0.007989799603819847, 0.013030391186475754, -0.004306835122406483, -0.005873601417988539, 0.00010179993114434183, -0.021566078066825867, -0.00521782785654068, 0.03819790482521057, 0.011031169444322586, -0.014193059876561165, -0.01821986213326454, 0.0296905767172575, 0.029917437583208084, -0.026401076465845108, -0.007287944667041302, 0.00044220383279025555, -0.009705443866550922, -0.0010465786326676607, -0.019481781870126724, 0.002919076941907406, 0.018545975908637047, -0.012597935274243355, 0.009896858595311642, -0.014001644216477871, -0.034794971346855164, 0.0025770114734768867, 0.006220983806997538, -0.0038602002896368504, -0.00520719401538372, -0.039871010929346085], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='9608e049-09e1-4b29-852a-9950c5df9db0', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '1', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_type': 'application/pdf', 'file_size': 885090, 'creation_date': '2024-02-25', 'last_modified_date': '2024-02-07', 'last_accessed_date': None}, hash='f14c766bcdb2eeccbad9c8763ed34fea6be283c3f4b8ee39431139afed62547e')}, text='We have benchmarked LLMCompiler on\\na range of tasks with different patterns of function calling. We observe consistent latency speedup of up to 3.7×,\\ncost savings of up to 6.7×, and accuracy improvement of up to ∼9%compared to ReAct. Our code is available at\\nhttps://github.com/SqueezeAILab/LLMCompiler .\\n1 Introduction\\nRecent advances in the reasoning capability of Large Language Models (LLMs) have expanded the applicability of\\nLLMs beyond content generation to solving complex problems [51, 23, 57, 5, 50, 63, 8, 55, 12]; and recent works have\\nshown how this reasoning capability could be helpful in improving accuracy for solving complex and logical tasks.\\nThe reasoning capability has also allowed function (i.e., tool) calling capability where LLMs can invoke provided\\nfunctions and use the function outputs to help complete their tasks. These functions range from a simple calculator\\nthat can invoke arithmetic operations to more complex LLM-based functions.\\nThe ability of LLMs to integrate various tools and function calls could enable a fundamental shift in how we\\ndevelop LLM-based software. However, this brings up an important challenge: what is the most effective approach\\nto incorporate multiple function calls? A notable approach has been introduced in ReAct [58], where the LLM calls\\na function, analyzes the outcomes, and then reasons about the next action, which involves a subsequent function call.\\nFor a simple example illustrated in Figure 1 (Left), where the LLM is asked if Scott Derrickson and Ed Wood have the\\nsame nationality, ReAct initially analyzes the query and decides to use a search tool to search for Scott Derrickson.\\nThe result of this search (i.e., observation) is then concatenated back to the original prompt for the LLM to reason\\nabout the next action, which invokes another search tool to gather information about Ed Wood.\\nReAct has been a pioneering work in enabling function calling, and it has been integrated into several frame-\\nworks [26, 31]. ', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='989d5b5f-e062-4561-a849-39934ed19233', embedding=[-0.0023106373846530914, -0.0023301588371396065, 0.003551140893250704, -0.026151729747653008, 0.011201799847185612, 0.01928015798330307, -0.002069280482828617, 0.0031553865410387516, -0.015347459353506565, -0.024291861802339554, 0.011507045477628708, 0.009072179906070232, 0.005107537843286991, 0.0028909589163959026, -0.017661646008491516, -0.01227370835840702, 0.015858568251132965, 0.0062965755350887775, -0.015319065190851688, 0.0030400322284549475, -0.00635336572304368, -0.010364149697124958, 0.010236372239887714, -0.029417147859930992, -0.008610762655735016, -0.008057061582803726, 0.030354179441928864, -0.037339333444833755, -0.0009831744246184826, -0.00827002339065075, 0.01604313589632511, -0.02094126120209694, -0.009654276072978973, -0.009831744246184826, -0.013941911049187183, -0.01490733865648508, 0.0036806927528232336, -0.015773383900523186, 0.009263846091926098, -0.016809798777103424, 0.03665785491466522, 0.010058904066681862, -0.014048391953110695, -0.010186681523919106, 0.021367184817790985, 0.018073372542858124, 0.0058990465477108955, -0.024746181443333626, -0.01952151395380497, 0.02047274447977543, 0.03643069416284561, 0.03890105336904526, -0.03305169939994812, 0.0046674166806042194, 0.011996857821941376, -0.000830108008813113, 0.006051669362932444, 0.007208762690424919, 0.019152380526065826, -0.010023410432040691, 0.0045644850470125675, 0.015688199549913406, -0.015574619174003601, 0.031433187425136566, -0.0009095250861719251, -0.019336948171257973, 0.009029587730765343, 0.0006215827888809144, -0.012415682896971703, -0.007194565609097481, 0.028039993718266487, 0.011620624922215939, 0.00741817569360137, -0.013579875230789185, 0.011365070939064026, -0.02683320827782154, 0.0034641814418137074, -0.0006428789347410202, 0.006633765529841185, 0.004177603870630264, 0.003166034584864974, -0.00834101065993309, -0.007215861696749926, 0.04259239509701729, 0.014247155748307705, -0.0038155687507241964, 0.002425991930067539, 0.02660604938864708, -0.005526363383978605, 0.0033293054439127445, -0.0012520389864221215, 0.008454590104520321, 0.018130162730813026, 0.017051154747605324, -0.01590116135776043, -0.00010520543582970276, 0.015262275002896786, 0.01715053804218769, -0.014694375917315483, -0.0015910033835098147, -0.00010997489152941853, -0.0064101554453372955, -0.041854128241539, -0.0055441102012991905, -0.004937168676406145, -0.0026637993287295103, -0.013721849769353867, 0.02700357884168625, 0.006285927724093199, 0.011897475458681583, -0.015404249541461468, 0.0300702303647995, 0.011194701306521893, -0.0025644171983003616, 0.003804920706897974, -0.03449983894824982, 0.015191287733614445, -0.018385717645287514, -0.00045099135604687035, -0.03472699970006943, 0.024504825472831726, 0.01629868894815445, 0.010094397701323032, -5.573614180320874e-05, 0.03532329201698303, -0.011301182210445404, 5.085576412966475e-05, -0.019961636513471603, -0.03850352391600609, -0.02298569492995739, 0.010889455676078796, 0.009604585357010365, -0.014935732819139957, 0.02037336304783821, -0.026478271931409836, 0.011890376918017864, 0.004000135697424412, 0.005160778295248747, -0.00893020536750555, -0.01322493888437748, 5.845362466061488e-05, -0.00448639877140522, -0.03384675830602646, 0.008873415179550648, -0.030978867784142494, 0.022928906604647636, 0.004873279947787523, 0.033960334956645966, 0.009810448624193668, -0.0023993714712560177, 0.0018092894461005926, -0.02794061042368412, -0.0017303160857409239, 0.0053914873860776424, -0.0019077843753620982, 0.018598679453134537, -0.006026824004948139, 0.02140977792441845, -0.025228895246982574, -0.017292512580752373, 0.03989487513899803, 0.020103611052036285, -0.014382031746208668, -0.005884849466383457, 0.002236100845038891, 0.0158159751445055, 0.024220874533057213, 0.00580676319077611, 0.016170913353562355, 0.007304595783352852, -0.004599978681653738, 0.03660106658935547, 0.006754443980753422, 0.011365070939064026, 0.010215075686573982, -0.014069687575101852, 0.03819118067622185, -0.023326434195041656, -0.0040143332444131374, -0.018783247098326683, 0.030354179441928864, -0.002250298159196973, 0.011428959667682648, 0.017746830359101295, 0.005153679754585028, -0.02187829278409481, 0.04071832820773125, -0.008475886657834053, 0.002427766565233469, -0.01321784034371376, 0.006516636349260807, 0.030354179441928864, -0.02660604938864708, -0.006030373275279999, -0.624688446521759, -0.020728299394249916, 0.003016961272805929, -0.03140479326248169, -0.009356128983199596, 0.0028164221439510584, -0.007396879140287638, -0.0018918121932074428, -0.020983852446079254, 0.01967768557369709, 0.006530833896249533, -0.01066229585558176, 0.008369405753910542, -0.013104259967803955, -0.025385066866874695, -0.01945052668452263, 0.01286290306597948, -0.01771843619644642, 0.01392771303653717, 0.02328384295105934, -0.044267695397138596, 0.013026174157857895, -0.021991873160004616, -0.00783700030297041, -0.01981966197490692, 0.005891948007047176, 0.018385717645287514, -0.00022116988839115947, -0.009803349152207375, 0.024036308750510216, -0.01330302469432354, 0.016383875161409378, 0.002420667791739106, 0.002140267752110958, 0.04980470612645149, -0.011499946936964989, -0.011343774385750294, 0.026577655225992203, 0.02267335169017315, 0.036231931298971176, -0.023496804758906364, -0.008745638653635979, 0.029786281287670135, -0.0012263060780242085, -0.025356672704219818, -0.0023993714712560177, 0.024575812742114067, 0.0013301250291988254, -0.02769925445318222, -0.016951773315668106, -0.0006930137751623988, 0.01047063060104847, -0.011237293481826782, 0.0185844823718071, 0.016894983127713203, -0.0029956651851534843, 0.017193129286170006, -0.0023887234274297953, -0.0038368648383766413, -0.006080064456909895, -0.020898668095469475, -0.011819389648735523, -0.019379539415240288, -0.02030237577855587, -0.012926791794598103, 0.01999003067612648, -0.0001146888971561566, 0.007403978146612644, -0.02052953466773033, -0.023241249844431877, 0.02298569492995739, 0.029871465638279915, 0.00724425632506609, -0.019493119791150093, 0.0023603285662829876, -0.008454590104520321, 0.03682822361588478, -0.01008019968867302, -0.02478877454996109, 0.029246777296066284, 0.01614251732826233, -0.029928255826234818, -0.030836893245577812, -0.0020852526649832726, 0.026719629764556885, 0.008184838108718395, -0.004294733051210642, -0.0059735835529863834, 0.0059735835529863834, -0.005260160658508539, 0.0031553865410387516, -0.0033860953990370035, -0.023354830220341682, -0.06036762148141861, 0.014751166105270386, 0.03021220490336418, -0.002292890567332506, 0.01651165261864662, 0.01066229585558176, -0.03833315521478653, -0.021267803385853767, -0.012578953988850117, 0.03305169939994812, 0.0017906553111970425, 0.006545031443238258, 0.019422132521867752, -0.022843720391392708, 0.007283299695700407, 0.02842332422733307, -0.002177536254748702, -0.008482985198497772, -0.006041021551936865, 9.283811232307926e-05, -0.010733283124864101, 0.0032068523578345776, -0.03941216319799423, 0.019407935440540314, -0.007269102148711681, 0.0038226675242185593, -0.016937576234340668, 0.012614447623491287, 0.0036558471620082855, 0.013523085042834282, -0.010058904066681862, 0.007766013499349356, 0.013501789420843124, 0.01629868894815445, -0.006573426071554422, -0.00741817569360137, 0.013331419788300991, -0.003819118021056056, -0.032001085579395294, 0.012763520702719688, -0.005774818826466799, 0.02155175246298313, 0.006946109700948, 0.035465266555547714, -0.008092555217444897, 0.009313536807894707, -0.02322705276310444, -0.01981966197490692, 0.007219410967081785, 0.023482607677578926, -0.012621546164155006, -0.023156065493822098, -0.010144088417291641, -0.03478378802537918, 0.024277664721012115, 0.0036292269360274076, 0.009285141713917255, -0.01051322277635336, 0.009249648079276085, -0.004007234703749418, 0.024036308750510216, -0.016795601695775986, -0.013963206671178341, 0.0027312373276799917, -0.02290051057934761, -0.009065081365406513, -0.03677143529057503, -0.004766799043864012, 0.03748130798339844, -0.025938767939805984, 0.0004141666868235916, -0.018953615799546242, -0.0004265894531272352, 0.007151972968131304, 0.014197465032339096, -0.02511531487107277, -0.03299490734934807, -0.003096821950748563, -0.04242202639579773, 0.009668474085628986, 0.014665981754660606, -0.00372683466412127, 0.006793486885726452, -0.03589119017124176, -0.010179582051932812, 0.012373090721666813, -0.013366913422942162, -0.011286985129117966, 0.006821881979703903, -0.01432524248957634, -0.014864745549857616, 0.030098626390099525, 0.025356672704219818, 0.018442507833242416, -0.002709941240027547, -0.024660997092723846, 0.026421481743454933, -0.003499675076454878, 0.05116766318678856, -0.00237275124527514, -0.006456297356635332, -0.0178604107350111, 0.0088095273822546, -0.005313401110470295, 0.011854883283376694, -0.009675572626292706, 0.027883822098374367, 0.0017099071992561221, 0.019322749227285385, 0.015404249541461468, -0.021154223009943962, -0.030439365655183792, -0.01676720567047596, 0.006449198350310326, -0.025228895246982574, 0.007936382666230202, 0.00786539539694786, -0.006474044173955917, -0.0039114016108214855, -0.007978975772857666, -0.013473394326865673, 0.0030666524544358253, 0.021977676078677177, 0.00614040344953537, 0.02816777117550373, 0.008518478833138943, -0.022148044779896736, 0.007180368062108755, -0.033420830965042114, 0.03469860553741455, -0.009831744246184826, -0.011166306212544441, 0.00019887542293872684, -0.013026174157857895, 0.02399371564388275, 0.00018046308832708746, -0.010676493868231773, -0.013118457980453968, 0.014538204297423363, 0.001044400967657566, 0.00690706679597497, 0.031433187425136566, 0.018911022692918777, 0.0030595536809414625, 0.008596564643085003, 0.015077708289027214, 0.0073187933303415775, -0.004731305409222841, 0.007116479333490133, -0.0058280592784285545, -5.939642505836673e-05, 0.016483256593346596, 0.0009263845859095454, 0.048214592039585114, 0.026236915960907936, -0.022304218262434006, 0.003151837270706892, 0.008390701375901699, 0.013601171784102917, -0.007038393057882786, -0.0013043921208009124, 0.016625231131911278, 0.019564107060432434, 0.007102281786501408, 0.010179582051932812, 0.04063314571976662, 0.03850352391600609, -0.003607930848374963, 0.012486670166254044, 0.009185760281980038, -0.013104259967803955, 0.006580525077879429, -0.02329804003238678, -0.002056857803836465, -0.001601651543751359, -0.008085456676781178, 0.008823724463582039, -0.006474044173955917, -0.019961636513471603, -0.009072179906070232, -0.02094126120209694, 0.0221906378865242, 0.013785738497972488, -0.004305381327867508, 0.013878022320568562, 0.010023410432040691, -0.016426466405391693, 0.01008019968867302, -0.017817819491028786, 3.3718977647367865e-05, 0.012444077990949154, 0.016014739871025085, -7.071003346936777e-05, -0.012209819629788399, -0.0038652599323540926, 0.01101723313331604, 0.013998700305819511, 0.007120028603821993, 0.0100731011480093, -0.004546738229691982, -0.00026043475372716784, -0.012571855448186398, 0.024178283289074898, 0.03350601717829704, -0.010271865874528885, -0.0017578236293047667, -0.012983581982553005, 0.01976287178695202, 0.0023141868878155947, -0.009590387344360352, -0.017576461657881737, 0.04926520213484764, -0.012011055834591389, -0.010413840413093567, -0.031773924827575684, -0.030155416578054428, -0.027259131893515587, 0.0032175004016608, 0.003229923313483596, -0.001975222257897258, -0.002165113342925906, 0.018215347081422806, -0.017604855820536613, -0.02541346289217472, -0.007879593409597874, 0.03228503465652466, -0.004305381327867508, 0.007258453872054815, -0.023496804758906364, 0.0027081663720309734, 0.007432372774928808, 0.029701096937060356, 0.015347459353506565, -0.01661103405058384, 0.015915358439087868, -0.033818360418081284, -0.004017882514744997, -0.0033452776260674, -0.02007521502673626, 0.01561721134930849, -0.028764063492417336, -0.016894983127713203, 0.004894576035439968, 0.010740382596850395, 0.0005865327548235655, 0.013359814882278442, 0.016241900622844696, -0.0060729654505848885, -0.0244764294475317, -0.012252412736415863, -0.005221117753535509, 0.0017888805596157908, 0.010442235507071018, 0.02534247562289238, 0.02556963451206684, 0.009767855517566204, 0.011840686202049255, 0.03509613499045372, 0.009725263342261314, -0.0041243634186685085, -0.05440468713641167, 0.011152109131217003, 0.017221525311470032, -0.0050649456679821014, 0.031830716878175735, -0.008128048852086067, 0.028764063492417336, -0.021267803385853767, -0.0016753008821979165, 0.018825838342308998, 0.0030471310019493103, 0.016185110434889793, 0.008490083739161491, 0.007964777760207653, -0.0016957097686827183, 0.017988188192248344, -0.02636469341814518, 0.0064350008033216, 0.010939146392047405, -0.0026176576502621174, -0.01771843619644642, 0.014218761585652828, -0.016170913353562355, -0.04531830921769142, 0.0026868702843785286, -0.0009166238596662879, 0.0049939583986997604, -0.008589466102421284, -0.003925599157810211, -0.01373604778200388, -0.02684740722179413, -0.024930749088525772, -0.0005847580614499748, 0.010882357135415077, -0.002491655061021447, 0.014751166105270386, -0.009313536807894707, -0.020955458283424377, -0.011031430214643478, -0.019564107060432434, 0.004174054600298405, -0.013232037425041199, -0.02030237577855587, -0.03273935243487358, -0.011265688575804234, 0.027983203530311584, 0.02021718956530094, 0.0133811105042696, -0.0006042796303518116, -0.005725127644836903, 0.004397664684802294, -0.02023138850927353, -0.026109138503670692, -0.02558383159339428, -0.03092207945883274, -0.008688848465681076, 0.007290398236364126, 0.018769048154354095, -0.025598028674721718, -0.023979518562555313, -0.0070206462405622005, 0.017647448927164078, -0.011549637652933598, 0.018698060885071754, 0.00020142653374932706, 0.0020089412573724985, 0.012813212350010872, 0.012167227454483509, 0.0387306846678257, 0.004440257325768471, -0.02816777117550373, 0.003748130751773715, -0.0015306641580536962, 0.004252140875905752, -0.006204292178153992, -6.361129635479301e-05, -0.027898019179701805, -0.0061971936374902725, 0.011443156749010086, 0.001063035218976438, -0.019975833594799042, 0.042450420558452606, -0.012678336352109909, 0.024206677451729774, -0.005121735390275717, 0.021111629903316498, 0.010406741872429848, 0.02503013052046299, 0.010910752229392529, 0.00017125692102126777, 0.005682535469532013, 0.0072762006893754005, -0.016398072242736816, 0.02794061042368412, -0.004081771243363619, -0.01046353206038475, -0.00207637925632298, 0.014247155748307705, -0.005121735390275717, -0.02456161379814148, 0.014978325925767422, 0.015432644635438919, 0.014112279750406742, -0.013956108130514622, -0.032767750322818756, -0.03688501566648483, -0.0032512194011360407, -0.01452400628477335, 0.025314079597592354, -0.00393624696880579, -0.023596186190843582, 0.0076453350484371185, -0.0003119005705229938, 0.008873415179550648, 0.009987916797399521, 0.03322206810116768, -0.03202947974205017, -0.0057996646501123905, 0.011989759281277657, 0.005192722659558058, 0.014460118487477303, -0.013423703610897064, -0.02210545353591442, -0.029161592945456505, -0.00888761319220066, -0.025612227618694305, -0.03904302790760994, 0.019010405987501144, 0.01503511518239975, 0.03449983894824982, 0.02078508958220482, 0.062298476696014404, 0.010413840413093567, 0.010520321317017078, 0.005231766030192375, -0.009072179906070232, -0.013594072312116623, -0.00011524348519742489, -0.002466809470206499, 0.0038723584730178118, 0.018470901995897293, -0.00016704204608686268, 0.0016060882480815053, -0.004901674576103687, -0.0003436230181250721, -0.0014880717499181628, 0.015319065190851688, -0.013409505598247051, -0.01062680222094059, -0.01699436642229557, -0.029104802757501602, 0.012295004911720753, 0.022403599694371223, 0.013047470711171627, 0.005196272395551205, -0.028920236974954605, 0.01554622408002615, 0.016170913353562355, 0.010300260968506336, 0.0004230400954838842, 0.030552944168448448, 0.03495416045188904, 0.003125217044726014, 0.00988143589347601, 0.015063510276377201, 0.034670211374759674, -0.045545466244220734, -0.02307088114321232, -0.015759186819195747, -0.003978839609771967, 0.014161971397697926, 0.0011420085793361068, 0.009625880979001522, 0.012358893640339375, 0.020344967022538185, -0.0032884879037737846, -0.00724070705473423, -0.011294083669781685, -0.02125360444188118, 0.022375205531716347, -0.010726184584200382, 0.006633765529841185, -0.01770423911511898, -0.003943345975130796, -0.013750244863331318, -0.016639428213238716, 0.01494993083178997, -0.005011705216020346, 0.008092555217444897, -0.02950233221054077, -0.02290051057934761, 0.03461341932415962, 0.006804135162383318, 0.008745638653635979, -0.007446570321917534, 0.018627073615789413, 0.0004862631903961301, 0.009845942258834839, -0.007269102148711681, -0.020799286663532257, 0.008397800847887993, -0.011152109131217003, 0.007439471781253815, 0.02194928005337715, -0.038361549377441406, -0.015560422092676163, -0.0019060096237808466, -0.015645606443285942, -0.024263467639684677, -0.050798531621694565, 0.020359164103865623, -0.0008500732365064323, 0.03029739111661911, -0.026165928691625595, -0.017122142016887665, 0.0036558471620082855, 0.020401757210493088, -0.01400579884648323, 0.016099926084280014, 0.01321784034371376, 0.008135147392749786, -0.031915903091430664, 0.0165968369692564, -0.0020586324390023947, 0.02440544217824936, 0.007467866409569979, -0.005082692485302687, 0.009533598087728024, 0.010229273699223995, -0.005515715107321739, 0.0014712123665958643, 0.01801658235490322, 0.004773897584527731, -0.0036735939793288708, 0.013409505598247051, 0.018641270697116852, 0.007758914493024349, -0.0026247564237564802, -0.017604855820536613, -0.013437900692224503, 0.030240600928664207, -0.014864745549857616, -0.010804271325469017, 0.017832016572356224, 0.00012555882858578116, 0.01644066534936428, -0.022219032049179077, 0.004646120592951775, -0.02503013052046299, -0.013835429213941097, 0.009228352457284927, 0.04083190858364105, -0.010293162427842617, -0.0005119960987940431, 0.012855804525315762, 0.005380839109420776, -0.0014641135931015015, 0.0010665846057236195, -0.01561721134930849, 0.004415411502122879, -0.020032623782753944, 0.012493769638240337, -0.01113081257790327, -0.01558881625533104, 0.027401108294725418, 0.004525442142039537, -0.011010133661329746, 0.0002985904284287244, 0.02204866334795952, -0.028522707521915436, 0.023212855681777, 0.01818695291876793, 0.012266609817743301, -0.0178604107350111, 0.01574498787522316, -0.03288133069872856, 0.009065081365406513, 0.01754806749522686, -0.012500868178904057, -0.023014090955257416, -0.011308280751109123, 0.0007657757960259914, -0.003451758762821555, 0.005324049387127161, 0.00888761319220066, 0.019691884517669678, 0.005072044208645821, 0.009796250611543655, -0.03344922885298729, -0.01483635138720274, 0.012309201993048191, -0.015006720088422298, 0.01787460781633854, 0.048839278519153595, -0.022772733122110367, 0.02045854739844799, 0.00529210502281785, -0.011826488189399242, -0.023425817489624023, -0.003166034584864974, 0.004685163497924805, -0.01168451365083456, 0.014460118487477303, -0.014417525380849838, -0.01235179416835308, 0.006069416180253029, 0.0009503428009338677, 0.002454386791214347, 0.003964642062783241, 0.012259511277079582, -0.011443156749010086, -0.004433158319443464, -0.014765363186597824, -0.009739461354911327, 0.011883278377354145, -0.006211390718817711, -0.015489433892071247, -0.0012032351223751903, 0.007258453872054815, -0.040264010429382324, -0.02918998710811138, -0.0066550616174936295, 0.027571476995944977, 0.04531830921769142, -0.005607998464256525, -0.03424428403377533, -0.008759835734963417, -0.06371822208166122, -0.008532676845788956, -0.020430151373147964, 0.0068076844327151775, 0.014311044476926327, 0.003075525863096118, 0.0053595430217683315, 0.020870273932814598, -0.02495914325118065, -0.010449334047734737, -0.012295004911720753, -0.005334697663784027, 0.0030985968187451363, -0.013728948310017586, 0.0017019211081787944, -0.009782053530216217, -0.022020267322659492, -0.01448851265013218, 0.028764063492417336, -0.013920614495873451, 0.0036416498478502035, -0.0020089412573724985, -0.01889682561159134, -0.0034393358509987593, -0.007332990877330303, 0.016199307516217232, 0.0035262953024357557, -0.003797821933403611, 0.008717243559658527, -0.020998051390051842, -0.005771269556134939, 0.03535168617963791, -0.02430606074631214, -0.029417147859930992, 0.00500105693936348, 0.008149344474077225, -0.0037445814814418554, -0.01550363190472126, 0.0013336744159460068, -0.0025644171983003616, 0.0036877915263175964, -0.02698938176035881, 0.04054795950651169, 0.005050748120993376, 0.026109138503670692, 0.02016039937734604, 0.0061155580915510654, -0.0011180504225194454, -0.02407889999449253, 0.000954779505264014, -0.01215303037315607, -0.009973718784749508, 0.024022111669182777, -0.0005612435634247959, 0.002434865338727832, 0.014211662113666534, -0.009221253916621208, 0.009036686271429062, 0.0011570934439077973, -0.005072044208645821, -0.0006557453889399767, -0.036231931298971176, -0.00118637562263757, 0.014318143017590046, -0.03166034817695618, -0.003549366258084774, -0.01494993083178997, -0.002441963879391551, -0.02644987776875496, -0.013011977076530457, 0.034812185913324356, -0.001211221213452518, 0.01003760751336813, -0.014296847395598888, -0.02918998710811138, 0.006924813613295555, -0.011443156749010086, 0.017377696931362152, -0.010633901692926884, 0.004827138036489487, 0.20103611052036285, -0.006484691984951496, -0.024504825472831726, 0.03566403314471245, -0.005703831557184458, 0.0025076272431761026, 0.0144033282995224, -0.015787580981850624, -0.028281349688768387, 0.009278043173253536, 0.012174325995147228, -0.003939796704798937, -0.0043799178674817085, 0.001961024943739176, 0.008688848465681076, -0.0033026852179318666, -0.0070241959765553474, -0.019010405987501144, 0.004064024426043034, 0.016270294785499573, 0.015290670096874237, 0.018840035423636436, 0.0021686628460884094, -0.02133879065513611, 0.0500318668782711, -0.03117763251066208, 0.009661374613642693, 0.0013123782118782401, 0.0013549706200137734, 0.022077057510614395, -0.016426466405391693, -0.00885211955755949, 0.01739189401268959, 0.023014090955257416, -0.00779440812766552, -0.0036806927528232336, 0.0038865560200065374, 9.472371311858296e-05, 0.022077057510614395, 0.009341931901872158, 0.01920917071402073, 0.0008296643500216305, 0.011954265646636486, -0.03021220490336418, 0.0041243634186685085, 0.00995242316275835, -0.0033843207638710737, -0.007375583052635193, -0.012018154375255108, 0.016653627157211304, -0.0352381095290184, 0.009647177532315254, -0.0021384931169450283, 0.029928255826234818, 0.002037336118519306, -0.0028164221439510584, 0.0017010337905958295, 0.02731592208147049, 0.010797171853482723, 0.029388751834630966, -0.030836893245577812, 0.00474550249055028, 0.009540696628391743, -0.009128970094025135, -0.01801658235490322, 0.01539005246013403, -0.020870273932814598, 0.005469573196023703, 0.01598634570837021, -0.008049963042140007, -0.011805192567408085, -0.01046353206038475, -0.013274629600346088, 0.0020142653957009315, -0.024888155981898308, -0.01827213726937771, 0.012188524007797241, 0.03208627179265022, 0.03421588987112045, 0.021679529920220375, 0.012039449997246265, 0.004947816487401724, -0.03154676780104637, -0.00022349915525410324, -0.03645908832550049, -0.016880786046385765, 0.04193931072950363, -0.0050223530270159245, -0.015248076990246773, 0.006548580713570118, -0.012039449997246265, -0.010974640026688576, -0.01834312453866005, -0.0048093912191689014, -1.637422428757418e-05, -0.0032316979486495256, 0.005643492564558983, 0.024334454908967018, -0.020188795402646065, -0.012799014337360859, -0.029843071475625038, 0.07973296195268631, 0.02399371564388275, 0.00719811487942934, 0.004571583587676287, 0.012295004911720753, -0.0035067738499492407, 0.010399643331766129, 0.01598634570837021, -0.011741303838789463, -0.023269645869731903, -0.04375658556818962, 0.0023887234274297953, -0.006718950346112251, 0.008071258664131165, 0.010733283124864101, -0.0012413908261805773, 0.0013061667559668422, 0.024774575605988503, -0.00041039547068066895, -0.011755500920116901, 0.0024330904707312584, 0.0023479058872908354, 0.022446192800998688, -0.012898396700620651, -0.01628449186682701, -0.028593694791197777, -0.017931398004293442, -0.02761407010257244, -0.00841909646987915, 0.009924028068780899, -0.007943481206893921, 0.01436783466488123, -0.009767855517566204, 0.011989759281277657, 0.0005355106550268829, 0.004788095131516457, -0.018627073615789413, -0.00893730390816927, 0.0026158830150961876, 0.008099653758108616, 0.016667824238538742, 0.01707955077290535, 0.006864474155008793, 0.01676720567047596, 0.008695947006344795, 0.012408584356307983, 0.04304671287536621, -0.031120844185352325, -0.014609191566705704, 0.02037336304783821, -0.0004729530483018607, -0.007056139875203371, 0.01628449186682701, 0.02480297163128853, 0.011897475458681583, -0.012011055834591389, -0.033477623015642166, 0.030098626390099525, 0.001044400967657566, -0.04571583867073059, 0.016667824238538742, 0.015248076990246773, 0.013175247237086296, -0.011336675845086575, 0.000483601150335744, -0.18274976313114166, -0.0070206462405622005, 0.02369556948542595, -0.027202343568205833, 0.02203446626663208, -0.010846863500773907, 0.028054190799593925, 0.004216647241264582, -0.022872116416692734, -0.01223821472376585, 0.01290549524128437, -0.008866316638886929, -0.03606156259775162, -0.004273436963558197, -0.009434215724468231, -0.02336902730166912, -0.016412269324064255, 0.004883927758783102, 0.026080742478370667, 0.012295004911720753, 0.04071832820773125, -0.04165536165237427, 0.026009755209088326, 0.0116064278408885, 0.031120844185352325, 0.008028666488826275, 0.006403056904673576, -0.0068076844327151775, -0.0034837028943002224, -0.04276276379823685, -0.021452369168400764, -0.010875258594751358, 0.024618403986096382, -0.014147774316370487, -0.0110953189432621, 0.004319578874856234, 0.003357700537890196, 0.0032512194011360407, -0.029246777296066284, 0.026506667956709862, 0.02399371564388275, 0.030155416578054428, 0.0031039207242429256, -0.006491790991276503, -0.02714555338025093, 0.024774575605988503, 0.017690042033791542, -0.02361038513481617, 0.017036957666277885, -0.0020089412573724985, 0.009590387344360352, -0.03455663099884987, -0.0003502780746202916, 0.010612605139613152, 0.029644306749105453, -0.002575065242126584, 0.00936322845518589, 0.016653627157211304, -0.021849898621439934, -0.024519022554159164, -0.014609191566705704, -0.0027596321888267994, 0.028125178068876266, -0.009590387344360352, -0.021693727001547813, -0.0038546116556972265, -0.010420938953757286, 0.015844371169805527, -0.03952574357390404, 0.021154223009943962, 1.5694853573222645e-05, 0.004770348314195871, -0.03225664049386978, -0.00990983098745346, 0.005909694824367762, 0.026307903230190277, -0.0001881164062069729, -0.0023745261132717133, 0.0007418175227940083, -0.012444077990949154, 0.0032210499048233032, 0.019649291411042213, -0.009469709359109402, 0.00635336572304368, -0.01172710582613945, -0.0043515232391655445, 0.020046820864081383, 0.014254255220293999, 0.000743592216167599, -0.017193129286170006, 0.028238758444786072, -0.047192372381687164, -0.006204292178153992, -0.008795329369604588, 0.001934404601342976, 0.00027795974165201187, 0.01746288128197193, -0.01326043251901865, -0.007609841413795948, -0.014119379222393036, -0.0038013712037354708, 0.0005847580614499748, -0.013459197245538235, -0.013494690880179405, 0.007219410967081785, -0.001197911100462079, -0.011698710732161999, 0.004901674576103687, 0.03992327302694321, -0.023014090955257416, -0.009640078991651535, -0.001070133876055479, 0.010016311891376972, 0.02133879065513611, -0.04210967943072319, 0.0254986472427845, 0.004930069670081139, -0.01113081257790327, -0.014474315568804741, -0.00389720406383276, 0.06099230796098709, 0.02165113389492035, -0.008674651384353638, 0.0017303160857409239, 0.01290549524128437, -0.02958751656115055, -0.13629566133022308, -0.020288176834583282, -0.005607998464256525, 0.009263846091926098, 0.013963206671178341, 0.0185844823718071, -0.02527148835361004, 0.012735126540064812, -0.020643113180994987, 0.020046820864081383, -0.02944554202258587, -0.0025981361977756023, -0.003575986484065652, -0.01999003067612648, 0.01645486243069172, -0.005497968290001154, 0.0019379539880901575, -0.02478877454996109, 0.0008531789062544703, 0.05224667116999626, -0.002928227186203003, -0.02558383159339428, 0.038446735590696335, -0.017888806760311127, -0.029246777296066284, 0.01999003067612648, -0.00827002339065075, 0.00827002339065075, -0.008177739568054676, 0.026719629764556885, 0.03819118067622185, -0.007191015873104334, 0.016497453674674034, -0.016894983127713203, 0.004599978681653738, -0.04563065245747566, -0.02038756012916565, 0.008532676845788956, 0.024689391255378723, -0.019152380526065826, 0.02123940736055374, -0.005139482207596302, -0.007971876300871372, 0.014736969023942947, -0.023965321481227875, -0.008284220471978188, 0.01008019968867302, 0.03384675830602646, -0.0041243634186685085, -0.027656661346554756, -0.011940067633986473, -0.011677415110170841, -0.019706081598997116, -0.017746830359101295, 0.028778262436389923, 0.005125284660607576, -0.0005501517443917692, -0.00097430101595819, -0.020018424838781357, -0.010044706054031849, -0.02194928005337715, -0.012209819629788399, -0.019223367795348167, 0.010264767333865166, 0.03384675830602646, -0.00023714202689006925, -0.006211390718817711, -0.007120028603821993, 0.004607077222317457, -0.028309745714068413, -0.00015328825975302607, 0.03597637638449669, 0.0026123335119336843, 0.014261353760957718, -0.016497453674674034, -0.007858296856284142, -0.015290670096874237, -0.018357321619987488, 0.009235450997948647, 0.0039114016108214855, -0.022602364420890808, -0.02385174110531807, 0.0057464237324893475, 0.0018332477193325758, 0.007553051225841045, -0.0041243634186685085, 0.005526363383978605, 0.013232037425041199, -0.008184838108718395, -0.022446192800998688, -0.03217145428061485, 0.020501138642430305, 0.02054373174905777, 0.0029441993683576584, -0.017178932204842567, -0.013153951615095139, -0.019933240488171577, -0.0018811641493812203, 0.01330302469432354, 0.004894576035439968, -0.05962935462594032, 0.0011047401931136847, -0.035692427307367325, 0.021622739732265472, -0.0071235778741538525, -0.00588129973039031, -0.011322478763759136, -0.01739189401268959, 0.018783247098326683, -0.025399265810847282, -0.006466945167630911, 0.006364013534039259, -0.033165279775857925, 0.02038756012916565, -0.002901606960222125, -0.022247428074479103, -0.009256747551262379, -0.03410230949521065, 0.030127020552754402, -0.021594343706965446, 0.02416408620774746, 0.010534519329667091, 0.00013099379430059344, -0.009803349152207375, 0.016866588965058327, -0.005856454372406006, 0.004440257325768471, -0.0010932048317044973, -0.0032139511313289404, 0.007283299695700407, -0.0023745261132717133, 0.004692262038588524, 0.0009139617905020714, -0.01487894356250763, 0.015532026998698711, 0.013366913422942162, 0.007176818326115608, -0.003338178852573037, 0.014665981754660606, 0.006800585892051458, 0.03174553066492081, 0.02173631824553013, -0.009228352457284927, -0.03430107608437538, 0.00841909646987915, -0.018825838342308998, 0.01105982530862093, -0.011847784742712975, -0.011116615496575832, -0.002940649865195155, 0.01172710582613945, 0.02667703665792942, -0.000605610606726259, 0.006005527917295694, -0.03807760030031204, -0.0244764294475317, -0.008575269021093845, -0.013707652688026428, -0.003293811809271574, -0.0033736727200448513, 0.0003664720570668578, -0.007510459050536156, 0.044892385601997375, -0.016256097704172134, 0.03060973435640335, 0.004440257325768471, -0.0019060096237808466, -0.011393466033041477, -0.022957300767302513, 0.012493769638240337, 0.013892219401896, -0.009185760281980038, -0.02801159769296646, 0.011627723462879658, 0.011010133661329746, 0.012997779063880444, 0.00034939072793349624, 0.0015972148394212127, -0.024660997092723846, -0.001152656739577651, -0.020288176834583282, 0.032313428819179535, 0.0221906378865242, -0.028295548632740974, -0.01334561686962843, 0.018712257966399193, 0.020728299394249916, 0.009065081365406513, -0.023440014570951462, 0.010193780064582825, 0.007283299695700407, -0.0057464237324893475, -0.013196543790400028, 0.014736969023942947, -0.025768399238586426, 0.006207841448485851, 0.005313401110470295, 0.0176190547645092, -0.035067737102508545, 0.00948390644043684, 0.017533868551254272, 0.0165400467813015, 0.0033931941725313663, 0.017491277307271957, -0.004454454872757196, -0.02449062652885914, -0.0003804476873483509, -0.007631137501448393, -0.009249648079276085, -0.008553972467780113, 0.009760756976902485, 0.0020852526649832726, -0.0031749082263559103, -0.018002385273575783, 0.004287634510546923, 0.0013682807330042124, -0.024916550144553185, 0.030098626390099525, -0.007222960237413645, -0.030950473621487617, -0.022176440805196762, 0.027656661346554756, 0.010825566947460175, 0.008901810273528099, 0.035919588059186935, 0.002844817005097866, 0.040093641728162766, 0.021196816116571426, 0.02274433895945549, -0.02432025782763958, 0.0038901055231690407, 0.00825582630932331, 0.0029566220473498106, -0.007822803221642971, -0.017846213653683662, -0.02180730551481247, -0.028125178068876266, 0.014538204297423363, 0.004081771243363619, 0.02399371564388275, -0.021594343706965446, 0.08285640925168991, 0.014694375917315483, -0.013097161427140236, -0.0007777548744343221, -0.011478650383651257, 0.007002899423241615, 0.005153679754585028, 0.0038155687507241964, -0.00036514105158858, -0.028934434056282043, 0.0022414247505366802, 0.005370191298425198, 0.005441178567707539, -0.006899967789649963, -0.009554893709719181, -0.0006379985716193914, -0.006172347813844681, 0.020359164103865623, 0.010335754603147507, -0.021054839715361595, 0.013246234506368637, 0.0037445814814418554, 0.0027862524148076773, 0.008057061582803726, -0.041030675172805786, -0.015475236810743809, 0.023184459656476974, 0.029161592945456505, -0.0063285198993980885, -0.03566403314471245, 0.006715401075780392, 0.02761407010257244, -0.03870229050517082, -0.013608270324766636, -0.01622770167887211, 0.002864338457584381, -0.0007915086462162435, -0.0064101554453372955, -0.016639428213238716, 0.02125360444188118, -0.02629370428621769, -0.002229002071544528, -0.01675300858914852, -0.026875801384449005, -0.010605506598949432, 0.009093476459383965, -0.006974504794925451, -0.020259782671928406, -0.02620851993560791], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='9608e049-09e1-4b29-852a-9950c5df9db0', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '1', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_type': 'application/pdf', 'file_size': 885090, 'creation_date': '2024-02-25', 'last_modified_date': '2024-02-07', 'last_accessed_date': None}, hash='f14c766bcdb2eeccbad9c8763ed34fea6be283c3f4b8ee39431139afed62547e')}, text='However, scaling this approach for more complex applications requires considerable optimizations.\\nThis is due to the sequential nature of ReAct, where it executes function calls and reasons about their observations\\none after the other. This approach, along with the agent systems that extend ReAct [20, 57, 41, 42, 47], may lead\\nto inefficiencies in latency and cost due to the sequential function calling and repetitive LLM invocations for each\\nreasoning and action step. Furthermore, while dynamic reasoning about the observations has benefits in certain cases,\\n*Equal contribution\\n1arXiv:2312.04511v2  [cs.CL]  6 Feb 2024', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='20d63bec-b492-4698-93d0-2109270f59cf', embedding=[-0.011391918174922466, 0.009018892422318459, -0.006096103228628635, -0.03844163566827774, -0.014307748526334763, 0.028030939400196075, -0.005737713538110256, -0.008629187010228634, -0.009547777473926544, -0.03050835058093071, 0.013771903701126575, 0.02797526679933071, 0.0024669731501489878, 0.023507574573159218, -0.007223464548587799, 0.01656247116625309, 0.02101624570786953, 0.01116922963410616, 0.0017319265753030777, 0.013062084093689919, -0.016117094084620476, -0.00489219231531024, 0.012380099855363369, -0.0034586337860673666, 0.009408596903085709, 0.005480229388922453, 0.009826138615608215, -0.018733685836195946, -0.0012595829321071506, -0.008329949341714382, 0.021809574216604233, -0.013403075747191906, -0.013688395731151104, -0.013270854018628597, -0.03601989522576332, -0.019234735518693924, 0.0032063692342489958, -0.02114150859415531, 0.033542484045028687, -0.005567217245697975, 0.022491557523608208, -0.009923565201461315, -0.02352149412035942, -0.02691749669611454, -0.006057828199118376, 0.004930466879159212, 0.0017136591486632824, -0.0355466827750206, -0.01496189646422863, 0.03390435501933098, 0.020793557167053223, 0.032011501491069794, -0.013563132844865322, 0.029088711366057396, -0.0024669731501489878, 0.009387720376253128, 0.0061622136272490025, 0.013883247971534729, 0.011614607647061348, 0.015462946146726608, -0.010264556854963303, 0.025052478536963463, -0.013236058875918388, 0.012554075568914413, 0.0013152550673112273, -0.013096879236400127, 0.02058478631079197, -0.005299294833093882, 0.007446153089404106, 0.006259640213102102, 0.022282786667346954, 0.0016658158274367452, 0.021976590156555176, -0.004864356014877558, 0.028003104031085968, -0.005807303823530674, -0.023465821519494057, 0.004328511655330658, -0.0015422932337969542, -0.013173428364098072, 0.005264499690383673, -0.004972220864146948, -0.013646641746163368, 0.026792233809828758, 0.0012447950430214405, -0.003516045631840825, -0.0021172822453081608, 0.006771128159016371, -0.028462398797273636, -0.04476042836904526, -0.007119079120457172, 0.014488683082163334, 0.017829013988375664, -0.013124714605510235, 0.0014092018827795982, -0.017258374020457268, -0.01394587941467762, 0.016618143767118454, -0.02375810034573078, -0.016186684370040894, -0.014015469700098038, 0.005629848688840866, -0.03613124042749405, -0.015449028462171555, -0.026750478893518448, -0.004732134751975536, -0.005998676642775536, -0.0004888713010586798, -0.005156634841114283, 0.0073974402621388435, -0.00814901478588581, -0.0030010780319571495, 0.013451788574457169, -0.04019530862569809, 0.00247567193582654, -0.03109290823340416, -0.0009098920854739845, 0.0029662828892469406, -0.002263421891257167, -0.028267545625567436, 0.04200465604662895, 0.03902619332075119, 0.013396116904914379, -0.028211873024702072, 0.020376015454530716, 0.015616044402122498, -0.022783836349844933, 0.008114219643175602, -0.0437583290040493, -0.007480948232114315, 0.0015623003710061312, -0.004446814768016338, 0.0034899492748081684, 0.004064068663865328, -0.006471890024840832, 0.02086314745247364, -0.008817080408334732, 0.01586657017469406, -0.03766222670674324, -0.02453751116991043, 0.02395295351743698, 0.0076410057954490185, -0.017314046621322632, -0.011092680506408215, -0.024245232343673706, 0.010535959154367447, 0.016492880880832672, 0.011343205347657204, 0.011823377572000027, -0.0053480081260204315, -0.007599251810461283, 0.013423953205347061, 0.006134377792477608, 0.02914438210427761, 0.010522040538489819, 0.020459523424506187, 0.011677238158881664, 0.010459410026669502, -0.01070297509431839, -0.018274391070008278, -0.009422515518963337, -0.015170667320489883, 0.0035282240714877844, -0.02140595018863678, -0.004345909226685762, 0.03329195827245712, 0.007592292502522469, -0.025887560099363327, 0.004175412934273481, -0.019540932029485703, -0.009812220931053162, 0.030564023181796074, -0.027237610891461372, 0.030480515211820602, 0.007460071239620447, -0.0001754978293320164, 0.002999338321387768, 0.019165145233273506, -0.021865246817469597, -0.01197647675871849, 0.01521242130547762, -0.00527493841946125, 0.03590855374932289, 0.02875467762351036, -0.013681436888873577, -0.04300675541162491, 0.003914449829608202, 0.0016997409984469414, 0.023702427744865417, -0.00922070350497961, 0.01357705146074295, 0.040056128054857254, -0.0177733413875103, -0.01952701434493065, -0.6297636032104492, -0.020069818943738937, 0.012407935224473476, -0.018274391070008278, -0.0081072598695755, 0.013820617459714413, -0.008364744484424591, 0.024119969457387924, -0.04462124779820442, 0.017648078501224518, 0.011983435600996017, 0.009060646407306194, 0.011224902234971523, 0.00043341657146811485, -0.03546317294239998, -0.01695217750966549, -0.008371703326702118, -0.0226585753262043, 0.019206900149583817, 0.0033838243689388037, -0.0394437350332737, 0.021572967991232872, -0.004558159038424492, -0.008677899837493896, -0.012867230921983719, 0.0032863980159163475, 0.026625217869877815, 0.005856016650795937, 0.031816646456718445, 0.020640458911657333, -0.03117641806602478, -0.0027975267730653286, 0.011670279316604137, 0.022714246064424515, 0.05558866634964943, 0.01608925871551037, -0.01472529023885727, 0.023145705461502075, 0.01437733881175518, 0.02023683488368988, -0.029673269018530846, -0.008810121566057205, 0.027571644634008408, -0.007731473073363304, -0.021350279450416565, 0.030564023181796074, 0.0017632420640438795, 0.0047112577594816685, -0.017829013988375664, -0.004533802624791861, -0.004909589886665344, 0.013604887761175632, 0.0012813298963010311, 0.009290293790400028, 0.015087159350514412, 0.007578374817967415, 0.018650177866220474, -0.010257598012685776, 0.003629129845649004, 0.0209049005061388, -0.010842155665159225, -0.002559180138632655, -0.008023751899600029, 0.005915168207138777, -0.003900531679391861, 0.006844197865575552, -0.01645112782716751, 0.002193831605836749, 0.010967418551445007, -0.020529113709926605, 0.012936821207404137, 0.03963858634233475, 0.01949917897582054, -0.0038587774615734816, -0.011461508460342884, -0.009554737247526646, 0.04874098673462868, 0.012846354395151138, 0.006200488191097975, 0.023410148918628693, -0.004822602029889822, -0.00197288254275918, -0.0002774909953586757, -0.016103176400065422, 0.03109290823340416, -0.020598703995347023, 0.0029697625432163477, -0.010779524222016335, 0.012665419839322567, 0.0020981449633836746, -0.0011151832295581698, -0.0025609200820326805, -0.0006702407845295966, -0.03699415922164917, 0.01691042259335518, 0.021113671362400055, -0.020222917199134827, 0.007884571328759193, 0.03590855374932289, -0.034822944551706314, 0.0028810349758714437, -0.01695217750966549, 0.03880350664258003, -0.014780961908400059, 0.020793557167053223, 0.02933923527598381, -0.005560258403420448, 0.00793328508734703, 0.02914438210427761, -0.0027836086228489876, -0.009888770058751106, 0.005817742086946964, 0.017996029928326607, -0.008587433025240898, 0.0008685729117132723, -0.024871543049812317, 0.003674363484606147, 0.0008794463938102126, 0.0013274333905428648, -0.009332047775387764, -0.01562996208667755, -0.021851327270269394, -0.011927763000130653, -0.013869330286979675, 0.012512320652604103, 0.016144929453730583, -0.013208223506808281, -0.00878924410790205, -0.0033455495722591877, 0.009144154377281666, -0.011357123032212257, -0.02503856085240841, 0.012296590954065323, -0.012505361810326576, 0.008754448965191841, 0.012101738713681698, 0.019833212718367577, -0.014975815080106258, -0.0035873756278306246, -0.0267643965780735, -0.022561147809028625, -0.008998014964163303, 0.015351601876318455, -0.008684858679771423, -0.020682211965322495, -0.023646755144000053, -0.0022164483088999987, 0.010007073171436787, -0.005024413578212261, -0.008169891312718391, -0.015574290417134762, -0.009840056300163269, -0.00910240039229393, 0.014975815080106258, -0.022533312439918518, -0.004373745061457157, 0.01730012707412243, -0.00034164448152296245, -0.001661466434597969, -0.030619695782661438, 0.020598703995347023, 0.013194304890930653, -0.019485261291265488, -0.007863694801926613, -5.241013059276156e-05, -0.011238819919526577, -0.0007072105654515326, 0.001488360809162259, -0.0020685691852122545, -0.026750478893518448, -0.0017119193216785789, -0.028058774769306183, 0.011579812504351139, 0.010563794523477554, 0.0033751255832612514, 0.006367505062371492, -0.011941681616008282, 0.006771128159016371, 0.025720544159412384, -0.005174032412469387, -0.00046886407653801143, 0.00607522577047348, 0.013813657686114311, -0.022936934605240822, 0.02417564205825329, 0.02233845926821232, 0.014015469700098038, 0.010410696268081665, -0.013444829732179642, 0.0008794463938102126, -0.003333371365442872, 0.022046180441975594, 0.005567217245697975, -0.00818380992859602, -0.0018650178099051118, 0.012895067222416401, 0.029701104387640953, 0.013215182349085808, -0.020181162282824516, 0.011190107092261314, -0.006252680905163288, 0.025595281273126602, 0.029561923816800117, -0.018302226439118385, -0.006451013032346964, -0.021266769617795944, -0.007808022201061249, -0.02668088860809803, 0.019874965772032738, 0.01021584402769804, -0.002239065244793892, -0.03089805692434311, -0.024704527109861374, -0.0026009343564510345, -0.008545679040253162, 0.008754448965191841, -0.021350279450416565, 0.00792632531374693, 0.004349388647824526, 0.013389158062636852, 0.01150326244533062, -0.02304827980697155, 0.006597152445465326, -0.03295792639255524, 0.0012056505074724555, 0.007334808818995953, -0.006510164588689804, -0.005939525086432695, 0.004147577099502087, -0.01409897767007351, -0.0010299351997673512, -0.00010726679465733469, 0.025734461843967438, 0.018747603520751, 0.020487360656261444, 0.02261682040989399, 0.01023672055453062, 0.010153212584555149, 0.035880714654922485, -0.011092680506408215, 0.0052262251265347, 0.013173428364098072, 0.016673816367983818, 0.00718866940587759, 0.00898409727960825, -0.028643332421779633, 0.04829560965299606, -0.004634708631783724, -0.00511836027726531, 0.003963162656873465, 0.0016658158274367452, 0.015657799318432808, -0.013820617459714413, -0.009457310661673546, 0.01820480078458786, -0.008260359056293964, -0.0014866209821775556, 0.011343205347657204, 0.052331842482089996, 0.021893082186579704, -0.0017762902425602078, 0.0015675196191295981, 0.02233845926821232, 0.019972391426563263, 0.007585333660244942, -0.006009115371853113, -0.006228324491530657, -0.010737770237028599, 0.013938920572400093, -0.015282011590898037, -0.006753730587661266, -0.0024339179508388042, 0.002651387359946966, -0.023410148918628693, -0.004533802624791861, 0.03652094677090645, 0.012220041826367378, 0.010403737425804138, 0.01785684935748577, 0.009693916887044907, -0.022728165611624718, -0.025052478536963463, 0.005570696666836739, 0.009965319186449051, -0.0030149961821734905, -0.014154650270938873, -0.01068209856748581, 0.0014857511268928647, -0.001725837355479598, 0.02668088860809803, -0.01203214842826128, 0.020139409229159355, 0.0141616091132164, 0.0008611789089627564, -0.0018110853852704167, 0.003228986170142889, 0.028893858194351196, -0.024857625365257263, 0.013744067400693893, 0.0040118759498000145, -0.001927649020217359, 0.013319567777216434, -0.019053801894187927, -0.01283243577927351, 0.040640685707330704, 0.0034360168501734734, -0.0053480081260204315, -0.018093455582857132, 0.013862371444702148, 0.003723076544702053, 0.0022321061696857214, 0.013771903701126575, -0.021851327270269394, 0.018107375130057335, 0.007780186366289854, -0.006374463904649019, -0.009979236871004105, 0.0019467863021418452, 0.012157411314547062, -0.013688395731151104, -0.02718193829059601, -0.013208223506808281, -0.0249968059360981, -0.002125981030985713, 0.07994524389505386, 0.0224637221544981, 0.01203214842826128, 0.014335584826767445, -0.011886009015142918, 0.017021767795085907, -0.023855526000261307, -0.026555627584457397, 0.018497079610824585, -0.022909099236130714, 0.005612451117485762, -0.018886784091591835, 0.007011214271187782, -0.0026113728526979685, 0.00878924410790205, -0.013451788574457169, 0.009234622120857239, -0.011531098745763302, -0.022408049553632736, -0.02620767615735531, -0.009519942104816437, -0.014168567955493927, 0.03070320375263691, 0.019874965772032738, -0.0037404741160571575, -0.008872753009200096, 0.0414200983941555, -0.0044259377755224705, -0.006878993008285761, -0.02496897056698799, -0.008232522755861282, 0.009088482707738876, 0.010591630823910236, 0.014349502511322498, 0.012783722952008247, 0.03387651592493057, 0.029422743245959282, 0.010361983440816402, 0.015713470056653023, -0.0025783174205571413, 0.03833029046654701, 0.011774664744734764, 0.013507461175322533, -0.004516405053436756, 0.019012046977877617, -0.027947431430220604, -0.0013300430728122592, 0.014050264842808247, 0.0013552694581449032, -0.01400851085782051, 0.02445400133728981, -0.011106598190963268, -0.02460710145533085, 0.008796203881502151, -0.0024095613043755293, -0.019707949832081795, -0.0018215238815173507, 0.003550840774551034, -0.017745506018400192, 0.006878993008285761, 0.004669503774493933, -0.01995847374200821, 0.017759423702955246, -0.011266656219959259, -0.016924340277910233, -0.0011856433702632785, -0.02233845926821232, -0.013437870889902115, 0.0022564628161489964, -0.013771903701126575, -0.0189424566924572, 0.009673040360212326, -0.00867094099521637, 0.006482328753918409, -0.005814262665808201, -4.1509476432111114e-05, 0.03551884740591049, -0.011050926521420479, 0.007272177841514349, -0.01341699343174696, -0.02922789193689823, -0.0029523649718612432, -0.0057481518015265465, -0.02981244958937168, -0.0016553773311898112, 0.013410034589469433, 0.006802443880587816, -0.013980674557387829, -0.004231085069477558, 0.016659898683428764, 0.01863626018166542, 0.010612508282065392, -0.01606142148375511, -0.0191373098641634, 0.007564456667751074, 0.017397554591298103, 0.023618919774889946, 0.0464862659573555, -0.008162932470440865, -0.01496189646422863, -0.008837957866489887, -0.029951630160212517, 0.002757512265816331, 0.003959683235734701, -0.0096660815179348, -0.019777540117502213, -0.008427374996244907, 0.009443392045795918, -0.0006371854105964303, -0.024662772193551064, 0.021030163392424583, -0.023563247174024582, -0.011725951917469501, -0.010076663456857204, 0.030675368383526802, 0.0164093729108572, 0.0006885082111693919, 0.026987086981534958, 0.001790208276361227, -0.005121840164065361, 0.00760621065273881, -0.03265172988176346, 0.03304143622517586, 0.00818380992859602, -0.032985761761665344, 0.009304212406277657, -0.0193321630358696, -0.0013883247738704085, -0.0013665779260918498, -0.0016936518950387836, -0.019165145233273506, 0.02961759641766548, -0.005146196577697992, 0.01549078244715929, -0.013347403146326542, -0.02663913555443287, -0.012122616171836853, 0.010835196822881699, -0.002962803468108177, 0.015240257605910301, 0.013597927987575531, -0.01000011432915926, 0.00027183679048903286, 0.0025122067891061306, -0.005758590530604124, -0.026040658354759216, -0.0048539177514612675, 0.016047503799200058, 0.01848316192626953, 0.007703637238591909, -0.0032724798657000065, 0.013430912047624588, -0.015950078144669533, -0.009394679218530655, -0.00931813009083271, -0.041587114334106445, -0.010779524222016335, 0.0045059663243591785, 0.02609633095562458, 0.016673816367983818, 0.05956922471523285, -0.009652162902057171, 0.013437870889902115, 0.016618143767118454, 0.009812220931053162, -0.007279136683791876, -0.0031002440955489874, -0.015963995829224586, -0.004032752942293882, 0.013528338633477688, 0.009867892600595951, -0.011099639348685741, 0.0032881377264857292, 0.014147691428661346, 0.008462170138955116, 0.04292324557900429, -0.016214519739151, -0.0019346079789102077, 0.01582481525838375, -0.017453227192163467, -0.015031486749649048, -0.0003233770257793367, -0.02082139253616333, -0.013215182349085808, -0.02785000391304493, 0.004331991076469421, 0.03254038468003273, -0.0019398273434489965, -0.0015657799085602164, 0.012755886651575565, 0.008155973628163338, -0.006141336634755135, 0.017954276874661446, -0.011120516806840897, 0.00014026778808329254, -0.027209775522351265, -0.007975039072334766, -0.0064927670173347, -0.006155254784971476, -0.014878388494253159, -0.01246360782533884, 0.010939582251012325, 0.009151113219559193, -0.004457253497093916, 0.010090581141412258, 0.03362599387764931, -0.015908323228359222, 0.012623664923012257, 0.018970293924212456, -0.030341334640979767, 0.0008563945884816349, -0.01828830875456333, -0.0021016246173530817, -0.025915397331118584, -0.012449690140783787, 0.0209049005061388, -0.0007454851875081658, 0.01107876282185316, -0.008350825868546963, -0.024426165968179703, 0.0004893062287010252, 0.013646641746163368, 0.02925572730600834, -0.013931961730122566, 0.012839394621551037, 0.032289858907461166, 0.010375901125371456, -0.02328488603234291, 0.03117641806602478, 0.017481062561273575, 0.006750251166522503, 0.007049488835036755, 0.03601989522576332, -0.005497626960277557, -0.005448914133012295, 0.006750251166522503, 0.001384845352731645, -0.024273067712783813, -0.04540065675973892, 0.01116922963410616, -0.005977799650281668, -0.007494866382330656, -0.023563247174024582, -0.00276969070546329, -0.011927763000130653, -0.014175526797771454, -0.018455324694514275, -0.006830279715359211, -0.012101738713681698, -0.026263348758220673, -0.012087821029126644, 0.002919309539720416, 0.0018980731256306171, 0.006057828199118376, 0.00029314879793673754, 0.007480948232114315, 0.009429474361240864, -0.027905676513910294, 0.0036360889207571745, 0.029200054705142975, 0.011558935046195984, 0.011948640458285809, -0.027404626831412315, 0.01302728895097971, 0.013883247971534729, -0.002110323403030634, -0.017258374020457268, -0.013312608934938908, -0.0022025303915143013, 0.030146481469273567, -0.0054767499677836895, 0.023744182661175728, 0.021893082186579704, -0.0016953916056081653, 0.011531098745763302, 0.0009064125479198992, 0.000491045939270407, -0.02503856085240841, 0.005828180816024542, 0.01236618123948574, 0.026778316125273705, -0.015713470056653023, -2.9195271054049954e-05, 0.017077438533306122, -0.0209049005061388, -0.020208999514579773, 0.008510883897542953, -0.020723966881632805, 0.0019520055502653122, -0.04242219775915146, 0.01347962487488985, 0.009206785820424557, 0.0016258014366030693, 0.0022529831621795893, -0.005553299095481634, -0.008900588378310204, -0.00842041615396738, -0.01080040168017149, -0.0234379842877388, 0.02410605177283287, -0.0038135438226163387, 0.011677238158881664, -0.005480229388922453, -0.012143492698669434, -0.0060613080859184265, -0.023605002090334892, 0.016033586114645004, -0.032206352800130844, -0.014850552193820477, -0.007042529992759228, 0.013444829732179642, 0.0028723361901938915, 0.014293830841779709, -0.022867346182465553, 0.029005201533436775, 0.0065762754529714584, 0.019304325804114342, -0.040919046849012375, -0.02218536101281643, 0.02633293718099594, -0.03551884740591049, -0.0029419264756143093, -0.002442616503685713, 0.00294888555072248, 0.01490622479468584, -0.004746052902191877, -0.002489590086042881, -0.014697453938424587, -0.014780961908400059, -0.005629848688840866, 0.004380704369395971, 0.021183261647820473, -0.014085059985518456, 0.01187905017286539, -0.021183261647820473, -0.01009754091501236, -0.014307748526334763, 0.010466368868947029, -0.014405175112187862, 0.008051588200032711, 0.032484713941812515, 0.0030115165282040834, -0.013284772634506226, 0.04253353923559189, -0.014544355683028698, -0.02008373662829399, -0.017842931672930717, -0.01965227723121643, -0.02309003472328186, -0.02551177330315113, -0.020723966881632805, 0.022296706214547157, 0.025456100702285767, -0.004196289926767349, -0.05247102305293083, 0.0007067756378091872, -0.06669526547193527, -0.04553983733057976, -0.01135016418993473, 0.0030985043849796057, 0.030647531151771545, 0.0069833784364163876, -0.01632586494088173, 0.0051914299838244915, -0.02073788456618786, -0.007794104516506195, -0.022352376952767372, -0.04548416659235954, 0.019318243488669395, -0.0057481518015265465, 0.016033586114645004, 0.003990998957306147, -0.027474217116832733, 0.007049488835036755, 0.0017484541749581695, -0.00814205501228571, 0.01730012707412243, 0.008093342185020447, -0.021183261647820473, -0.025400429964065552, -0.0007306972984224558, 0.021155426278710365, -0.009652162902057171, -0.009394679218530655, -0.009269417263567448, -0.04386967420578003, 0.01909555494785309, 0.01887286640703678, -0.0012752406764775515, -0.02203226275742054, 0.004398101940751076, 0.014078101143240929, -0.012178287841379642, 0.009610408917069435, 0.020765719935297966, 0.0006102191982790828, 0.024760199710726738, -0.008462170138955116, 0.027446381747722626, 0.015560372732579708, 0.021071918308734894, 0.01601966843008995, 0.01691042259335518, 0.005845578387379646, 2.4574044800829142e-05, -0.011809459887444973, -0.009422515518963337, -0.0020442125387489796, -0.0062700784765183926, 0.0022060098126530647, 0.002835801336914301, -0.023994706571102142, -0.005730754230171442, -0.020306425169110298, 0.011050926521420479, -0.009652162902057171, 0.018023865297436714, -0.017286209389567375, 0.03852514550089836, -0.016534635797142982, -0.025372592732310295, -0.016353700309991837, -0.0011430192971602082, -0.010960458777844906, -0.006245722062885761, -0.024286985397338867, -0.00011634614202193916, -0.020696129649877548, -0.008865793235599995, -0.035184815526008606, -0.0212946068495512, -0.008963219821453094, 0.021698229014873505, 0.011677238158881664, -0.005772508680820465, -0.000254004291491583, 0.23181892931461334, 0.0037543922662734985, 0.002875815611332655, 0.03777356818318367, 0.011454549618065357, 0.010640344582498074, 0.04077986627817154, 0.008900588378310204, -0.026110248640179634, 0.01753673516213894, -0.009554737247526646, -0.023117870092391968, 0.0057899062521755695, 0.0048678359016776085, 0.0026165922172367573, -0.005758590530604124, -0.006673701573163271, -0.024356575682759285, -0.011997353285551071, -0.017550652846693993, 0.028782512992620468, 0.004220646806061268, -0.007251300383359194, -0.016465045511722565, 0.040724195539951324, -0.0082046864554286, -0.0028949531260877848, 0.02633293718099594, 0.0003203324740752578, -0.0106473034247756, 0.0019520055502653122, -0.0034829904325306416, -0.0012978574959561229, -0.006197008769959211, -0.004335470497608185, -0.0006611070712096989, 0.006976419128477573, -0.007905448786914349, 0.005149675998836756, 0.001825003419071436, 0.0005584614700637758, -0.01558820903301239, -0.010856074281036854, -0.02257506549358368, -0.007306972984224558, 0.010856074281036854, -0.02769690565764904, 0.005389762111008167, -0.006009115371853113, -0.00139615370426327, -0.022199278697371483, 0.012164370156824589, 0.0017084397841244936, 0.038970522582530975, -0.012741968967020512, -0.007251300383359194, 0.004481609910726547, -0.003977080807089806, -0.007661882787942886, 0.014655699953436852, -0.022867346182465553, 0.029478415846824646, -0.016186684370040894, -0.001149108400568366, 0.0029175698291510344, 0.002065089764073491, -0.03251254931092262, -0.019666194915771484, 0.004537282045930624, -0.037801407277584076, 0.003629129845649004, -0.028184037655591965, -0.005828180816024542, 0.014613945968449116, 0.003921408671885729, -0.025497855618596077, -0.0011308409739285707, 0.007223464548587799, 0.00019767970661632717, 0.02945058047771454, -0.002736635273322463, -0.010320229455828667, -0.00755749735981226, 0.009673040360212326, -0.017759423702955246, -0.0002940186532214284, -0.004958303179591894, -0.033458977937698364, -0.020208999514579773, -0.030285662040114403, -0.016924340277910233, -0.018330063670873642, -0.015017569065093994, 0.014920142479240894, 0.020612621679902077, -0.005501106847077608, 0.040612850338220596, -0.0094712283462286, -0.03315277770161629, -0.01972186751663685, -0.04172629490494728, 0.04044583439826965, 0.03251254931092262, -0.0027209774125367403, -0.012331386096775532, 0.0036117322742938995, -0.010570754297077656, -0.0011125735472887754, 0.027822168543934822, -0.007884571328759193, 0.01437733881175518, -0.04562334716320038, 0.0026792234275490046, -0.006517123896628618, -0.013751027174293995, 0.020835310220718384, -0.000456250854767859, -0.02051519602537155, 0.006885951850563288, 0.003768310183659196, 0.010494205169379711, -0.0073556858114898205, 0.018775440752506256, 0.023994706571102142, -0.024523591622710228, -0.011454549618065357, -0.017049603164196014, -0.0030236949678510427, -0.018330063670873642, -0.009339007548987865, 0.00511836027726531, -0.02172606624662876, 0.02542826533317566, 0.021517295390367508, 0.007620128802955151, -0.009596491232514381, 0.0036987201310694218, -0.012289632111787796, -0.012658460065722466, -0.009916606359183788, 0.012547115795314312, -0.0032237668056041002, -0.00022834290575701743, 0.012769805267453194, 0.031621795147657394, -0.00037643956602551043, -0.002999338321387768, 0.019053801894187927, -0.013799740001559258, -0.0032950968015938997, -0.014739207923412323, 0.009916606359183788, 0.014029387384653091, 0.006534521467983723, 0.0007576635107398033, 0.0002161646116292104, -0.005052249878644943, -0.030341334640979767, -0.019540932029485703, -0.01949917897582054, -0.010174090042710304, 0.017634160816669464, 0.017007848247885704, 0.0049965777434408665, -0.01389020774513483, -0.006631947588175535, -0.17948709428310394, -0.0066841403022408485, 0.005187950562685728, -0.04183764010667801, 0.03440540283918381, 0.011920804157853127, 0.03521265089511871, -0.016506798565387726, -0.017759423702955246, 0.0017240976449102163, 0.0008394320029765368, 0.007460071239620447, -0.04776672646403313, 0.01361184660345316, -0.01645112782716751, 0.008093342185020447, 0.011712033301591873, 0.022519394755363464, 0.012895067222416401, 0.004759971052408218, 0.03134343400597572, -0.011969516985118389, 0.00018550142704043537, -0.0032881377264857292, 0.03899835795164108, -0.012790681794285774, 0.0006167432875372469, 0.0012691515730693936, -0.01839965395629406, -0.012957698665559292, -0.007007734850049019, -0.008128137327730656, -0.004923508036881685, -0.023382313549518585, -0.0022164483088999987, 0.002172954613342881, -1.5820900443941355e-05, -0.0011604168685153127, -0.01632586494088173, 0.002040733117610216, 0.015685634687542915, 0.010563794523477554, 0.007132997270673513, -0.0016632061451673508, -0.015810897573828697, 0.03524048626422882, -0.00863614585250616, -0.022950854152441025, 0.010201925411820412, -0.0008733572321943939, 0.01647896319627762, -0.009345966391265392, 0.009332047775387764, 0.0018319624941796064, 0.005661163944751024, 0.0021433786023408175, 0.0031889716628938913, 0.02750205434858799, -0.01585265062749386, 0.0002653127012308687, -0.014544355683028698, 0.0015231558354571462, 0.011969516985118389, -0.027877841144800186, -0.02015332691371441, -0.013340444304049015, -0.013966756872832775, 0.016158849000930786, -0.03256822004914284, -0.00447465106844902, -0.004432896617799997, -0.002988899825140834, -0.01107876282185316, -0.015518618747591972, 0.014669617637991905, 0.004763450473546982, -0.004408540204167366, 0.019429588690400124, 0.01400851085782051, 0.0166042260825634, -0.004909589886665344, 0.013215182349085808, 0.012547115795314312, -0.0047356141731143, -0.020459523424506187, 0.017912521958351135, 0.007480948232114315, 0.021044081076979637, -0.00332467257976532, -0.008712694980204105, 0.019304325804114342, -0.0034725519362837076, 0.016186684370040894, -0.018664095550775528, -0.0019206899451091886, 0.0035630192141979933, 0.0029053916223347187, 0.002585276495665312, -0.002204270102083683, -0.004192810505628586, 0.0026548667810857296, 0.011440631933510303, -0.0038483389653265476, 0.0057481518015265465, -0.024760199710726738, 0.014433011412620544, -0.032679565250873566, 0.027404626831412315, 0.026235511526465416, -0.0024600140750408173, -0.005650725681334734, 0.005250582005828619, 0.025734461843967438, 0.024328740313649178, -0.015045404434204102, 0.008524801582098007, 0.009742630645632744, -0.026889659464359283, 0.008350825868546963, 0.002381725236773491, 0.058845486491918564, 0.010932623408734798, 0.011823377572000027, -0.012254836969077587, 0.018260473385453224, -0.016270192340016365, -0.10522040724754333, -0.0076549239456653595, 0.0015057582641020417, 0.017314046621322632, 0.017550652846693993, 0.020250752568244934, -0.007592292502522469, 0.017787259072065353, 0.001884155091829598, 0.030257826671004295, 0.012526239268481731, -0.00104994245339185, -0.004888712894171476, 0.00894930213689804, 0.0028392807580530643, -0.011308410204946995, -0.0006858985871076584, -0.03454458341002464, -0.02613808587193489, 0.0519421361386776, -0.018218718469142914, -0.015950078144669533, 0.012442730367183685, -0.029756776988506317, 0.00205117161385715, 0.012143492698669434, -0.011148353107273579, 0.02558136358857155, -0.006437094882130623, 0.0055045862682163715, 0.006510164588689804, -0.00857351440936327, 0.016729488968849182, -0.023618919774889946, 0.005187950562685728, -0.01148238591849804, -0.03318061679601669, -0.0267643965780735, 0.011176188476383686, -0.024008624255657196, -0.01730012707412243, -0.0015544714406132698, 0.004537282045930624, -0.011308410204946995, 0.010111458599567413, 0.013563132844865322, -0.0023730264510959387, 0.02395295351743698, 0.032429039478302, -0.01292986236512661, -0.01569955237209797, 0.003352508647367358, -0.035880714654922485, -0.009144154377281666, 0.022547230124473572, 0.01070297509431839, 0.0030932852532714605, 0.00501049542799592, -0.0441480353474617, 0.004913069307804108, 0.008830998092889786, -0.006002156063914299, -0.017286209389567375, 0.0022703807335346937, -0.00042537020635791123, 0.0015666497638449073, -0.013507461175322533, -0.006343148183077574, -0.015657799318432808, -0.013340444304049015, -0.020334260538220406, 0.04125307872891426, -0.020988410338759422, -0.003352508647367358, -0.018928539007902145, -0.014697453938424587, 0.011586771346628666, -0.010807360522449017, 0.014947978779673576, -0.04000045731663704, -0.01734188199043274, -0.004279798362404108, 0.005330610554665327, -0.017202701419591904, 0.008496965281665325, 0.017592407763004303, -0.006558877881616354, 0.017174866050481796, -0.012136533856391907, -0.04311809688806534, -0.01236618123948574, -0.004888712894171476, 0.012115656398236752, -0.01011841744184494, 0.016896504908800125, 0.02242196723818779, -0.02594323270022869, 0.01632586494088173, 0.014085059985518456, -0.0012752406764775515, -0.020181162282824516, -0.035184815526008606, -0.06986857950687408, 0.01839965395629406, -0.016228439286351204, -0.005281897261738777, 0.0022355858236551285, 0.001021236414089799, 0.016005750745534897, -0.016117094084620476, 0.00691378815099597, 0.008267317898571491, -0.041197407990694046, 0.023563247174024582, 0.003041092539206147, 0.006764169316738844, -0.023507574573159218, -0.020334260538220406, 0.007571415510028601, 0.010375901125371456, 0.024788035079836845, 0.022352376952767372, 0.002052911324426532, -0.022241033613681793, -0.00845521129667759, 0.014655699953436852, -0.0025365634355694056, -0.003505607135593891, -0.03991694748401642, 0.003521264996379614, -0.012950739823281765, -0.003239424666389823, 0.015713470056653023, -0.015922240912914276, -0.0021277209743857384, 0.014433011412620544, 0.014022428542375565, -0.017829013988375664, 0.02367459237575531, 0.014078101143240929, -0.0054628318175673485, 0.02086314745247364, -0.03020215407013893, -0.03003513813018799, -0.009450351819396019, -0.005400200840085745, 0.0032324655912816525, -0.0004390707763377577, -0.013904125429689884, 0.016743406653404236, 0.02250547707080841, 0.030341334640979767, 0.021893082186579704, 0.016576388850808144, -0.03448891267180443, -0.0226585753262043, 0.011238819919526577, -0.017049603164196014, 0.009018892422318459, 0.0011595470132306218, 0.02375810034573078, -0.015991831198334694, 0.023382313549518585, -0.01738363690674305, 0.019053801894187927, -0.01033414714038372, 0.018385734409093857, -0.005970840808004141, 0.006155254784971476, -0.0015318546211346984, 0.0011926023289561272, -0.004808683879673481, -0.03078671172261238, -0.008594391867518425, -0.0017936878139153123, 0.05183079466223717, 0.018385734409093857, -0.008232522755861282, 0.004808683879673481, 0.0033612074330449104, -0.005995197221636772, 0.013396116904914379, -0.009673040360212326, -0.0065901936031877995, 0.0013082961086183786, 0.027376791462302208, 0.03042484261095524, 0.009916606359183788, -0.026499954983592033, 0.017063520848751068, 0.006680660881102085, 0.024551428854465485, 0.00984701607376337, 0.02160080336034298, -0.014683535322546959, -0.011280573904514313, 0.00013059038610663265, 0.0008668331429362297, -0.014753125607967377, -0.02179565653204918, 0.027488134801387787, 0.008037670515477657, 0.0023695467971265316, 0.0005667253280989826, 0.0009298992808908224, -0.030814548954367638, 0.0048330407589674, 0.031538285315036774, -0.03782924264669418, 0.004460732918232679, 0.015282011590898037, -0.014363421127200127, 0.004213687498122454, -0.032985761761665344, -0.008907548151910305, 0.0073974402621388435, -0.02071004919707775, -0.011579812504351139, -0.0017319265753030777, -0.004335470497608185, -0.02023683488368988, 0.05169161409139633, 0.019346080720424652, -0.017369717359542847, 0.07766268402338028, 0.0001659291738178581, 0.03852514550089836, -0.0023730264510959387, 0.04094688221812248, -0.036632291972637177, 0.021378114819526672, -0.011092680506408215, 0.014558273367583752, 0.021030163392424583, -0.017606325447559357, -0.006266599055379629, -0.010508122853934765, 0.001444866880774498, -0.004450294189155102, 0.018691932782530785, 0.0009603449725545943, 0.0777183547616005, 0.04203249141573906, -0.019791457802057266, -0.0007189539028331637, -0.031900156289339066, 0.025442183017730713, 0.005772508680820465, 0.0011725951917469501, -0.015323765575885773, -0.01867801509797573, 0.010953499935567379, 0.0005097483517602086, 0.01645112782716751, -0.02453751116991043, -0.020250752568244934, -0.02473236247897148, -0.014600027352571487, 0.017202701419591904, -0.005135757848620415, -0.009735671803355217, 0.005354966968297958, 0.02359108440577984, 0.0129924938082695, 0.013354362919926643, -0.01800994761288166, -0.020222917199134827, 0.0343775674700737, -0.006927706301212311, -0.018956374377012253, -0.017077438533306122, 0.013110796920955181, 0.012867230921983719, -0.026458200067281723, 0.005163594149053097, 0.022728165611624718, -0.008524801582098007, -0.018302226439118385, -0.01589440554380417, 0.04030665382742882, 0.01984713040292263, -0.006451013032346964, -0.0015449027996510267, -0.024481838569045067, -0.0339878611266613, 0.009575613774359226, 0.006990337278693914, 0.018037784844636917, 0.00022877783339936286, -0.038887012749910355], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='40bfe53d-2d9b-4eb0-8b46-067216c081de', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '2', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_type': 'application/pdf', 'file_size': 885090, 'creation_date': '2024-02-25', 'last_modified_date': '2024-02-07', 'last_accessed_date': None}, hash='8edd93259f1da9535536997b3917df695121572b291062c5ca59bc2fe60db66f')}, text='ReAct LLMCompilerHotpotQA Question: Were Scott Derrickson and Ed W ood of the same nationality?\\nLLM\\nThought: I need to search Scott Derrickson.\\nAction: search(Scott \\xa0Derrickson)\\nSearch Tool\\nObservation: … Scott Derrickson (born July 16, 1966) \\nis an American filmmaker …\\nLLM\\nThought: I need to search Ed Wood.\\nAction: search(Ed \\xa0Wood)Tool invocation\\nAppended to prompt\\nSearch Tool\\nObservation: … Edward Wood Jr was an American \\nfilmmaker, actor, and ….Tool invocation\\nAppended to prompt\\nLLM\\nThought: They are both American filmmakers.\\nAction: finish(yes)LLM Planner\\n$1\\xa0=\\xa0search(Scott \\xa0Derrickson)\\n$2\\xa0=\\xa0search(Ed \\xa0Wood)\\nParallel tool invocations\\nSearch Tool\\nObservation: … Scott Derrickson (born July \\n16, 1966) is an American filmmaker …Search Tool\\nObservation: … Edward Wood Jr was an \\nAmerican filmmaker, actor, and …DAG of tasks\\nExecutorStep\\nLatency Speedup: 1.8xLLM\\nThought: They are both American filmmakers.\\nAction: finish(yes)\\nFigure 1: An illustration of the runtime dynamics of LLMCompiler , in comparison with ReAct [58], given a sample\\nquestion from the HotpotQA benchmark [54]. In LLMCompiler (Right), the Planner first decomposes the query\\ninto several tasks with inter-dependencies. The Executor then executes multiple tasks in parallel, respecting their\\ndependencies. Finally, LLMCompiler joins all observations from the tool executions to produce the final response.\\nIn contrast, sequential tool execution of the existing frameworks like ReAct (Left) leads to longer execution latency.\\nIn this example, LLMCompiler attains a latency speedup of 1.8 ×on the HotpotQA benchmark. While a 2-way\\nparallelizable question from HotpotQA is presented here for the sake of simple visual illustration, LLMCompiler is\\ncapable of managing tasks with more complex dependency patterns (Fig. 2 and Sec. 4).\\nconcatenating the outcomes of intermediate function calls could disrupt the LLM’s execution flow, potentially reduc-\\ning accuracy [53]. Common failure cases include repetitive invocation of the same function, which is also highlighted\\nin the original paper [58], and early stopping based on the partial intermediate results, as will be further discussed in\\nSec. 4.1 and Appendix. ', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='b632e872-3940-4d96-b218-c96c95a84afe', embedding=[-0.01390775479376316, 0.009693711996078491, -0.020066196098923683, -0.02836701087653637, -0.0024287309497594833, 0.031308356672525406, -0.015795588493347168, -0.002294390695169568, -0.03852030634880066, -0.03385375067591667, 0.03201540932059288, 0.020151041448116302, 0.01993892528116703, -0.0013186559081077576, 0.006009960081428289, 0.003289569169282913, 0.012316882610321045, 0.0016447845846414566, 0.00037407581112347543, -0.006663985084742308, -0.008831106126308441, -0.014126941561698914, 0.011913862079381943, -0.022470179945230484, -0.017322825267910957, -0.010584600269794464, 0.021494444459676743, -0.039906132966279984, 0.004624133929610252, 0.003450424177572131, 0.017322825267910957, -0.014247139915823936, -0.02961142547428608, -0.015965281054377556, -0.015739023685455322, -0.0029501833487302065, 0.008032134734094143, 0.0061584413051605225, 0.015781447291374207, -0.0051190718077123165, 0.050285689532756805, 0.009396749548614025, 0.006649843882769346, -0.004231718834489584, 0.010238143615424633, 0.023177234455943108, 0.01783190481364727, -0.02186211384832859, -0.03526785969734192, 0.009318972937762737, 0.03654055669903755, 0.036964789032936096, -0.020009631291031837, 0.016714759171009064, -0.0018153614364564419, 0.019981348887085915, 0.005758955609053373, 0.014049164950847626, 0.011199736967682838, -0.01542792096734047, 0.0019055107841268182, 0.015583472326397896, -0.011998708359897137, 0.02941345050930977, 0.012790609151124954, -0.01494712382555008, 0.001738469349220395, 0.01811472699046135, 0.025072138756513596, -0.030997252091765404, 0.011058325879275799, 0.02090051956474781, 0.0037968805991113186, 0.019288435578346252, 0.033514365553855896, -0.019118743017315865, -0.029498297721147537, 0.007445279974490404, -0.009425031021237373, 0.004928166978061199, 0.011524981819093227, 0.013101712800562382, -0.0042175776325166225, 0.023601466789841652, -0.003669610945507884, -0.04148993641138077, 0.025072138756513596, -0.0074099269695580006, -0.004344847518950701, -0.010372484102845192, -0.006087735760957003, 0.012125978246331215, 0.04827765375375748, -0.0015528675867244601, -0.0035511793103069067, -0.0033638100139796734, -0.015031970106065273, -0.0017393531743437052, -0.007657396141439676, 0.0004556079802569002, 0.0016253406647592783, -0.015343074686825275, -0.044798947870731354, 0.00012362399138510227, -0.03385375067591667, -0.020391440019011497, -0.005479669198393822, -0.0016085481038317084, 0.0189773328602314, 0.01427542231976986, -0.015017828904092312, 0.018468253314495087, -0.009707853198051453, -0.02693876251578331, 0.015046111308038235, -0.02320551685988903, 0.006285711191594601, -0.01964196376502514, -0.006529644597321749, -0.014155223034322262, 0.039736442267894745, 0.039255645126104355, 0.014777431264519691, -0.007777595426887274, 0.01600770466029644, -0.026387259364128113, -0.014749148860573769, -0.003782739397138357, -0.029017500579357147, -0.007777595426887274, -0.00534179387614131, 0.019048037007451057, 0.007190740201622248, 0.009368467144668102, -0.019118743017315865, -0.0018100584857165813, -0.00895837601274252, 0.0015820335829630494, -0.02204594761133194, 0.0013787555508315563, 0.009022010490298271, 0.0014185273321345448, -0.022017665207386017, -0.005698855966329575, -0.03221338614821434, 0.01811472699046135, 0.018751075491309166, -0.0015864527085795999, 0.004037279170006514, -0.019330859184265137, -0.025651922449469566, -0.0101674385368824, 0.0016439007595181465, 0.039057668298482895, 0.013384534046053886, 0.016714759171009064, 0.011829014867544174, 0.03068614937365055, -0.025920603424310684, -0.02013690024614334, 0.006819536909461021, 0.0073462920263409615, -0.007572549395263195, 0.0032206315081566572, -0.003385021584108472, 0.03583350405097008, 0.02703774906694889, -0.004754939116537571, -0.0005837615462951362, -0.006660449784249067, 0.01580972969532013, 0.03153461217880249, -0.028423575684428215, 0.011680534109473228, -0.004047884605824947, -0.010238143615424633, 0.03085584193468094, -0.00661449134349823, 0.0036908225156366825, -0.00373678095638752, 0.015541049651801586, -0.010513894259929657, 0.015696601942181587, 0.015866294503211975, -0.03345780074596405, 0.0046983747743070126, 0.008279603905975819, -0.007728101685643196, 0.029470015317201614, -0.011758309789001942, 0.019033895805478096, 0.0231065284460783, -0.003061544382944703, -0.01695515774190426, -0.6185874938964844, 0.003202955238521099, -0.01226738840341568, -0.03444767743349075, -0.029187193140387535, -0.002548930002376437, -0.0009757346706464887, -0.003430980024859309, -0.014056235551834106, 0.018765216693282127, -0.008258392103016376, -0.0004151733301114291, -0.0033832539338618517, -0.03410828858613968, -0.010330060496926308, -0.03269418329000473, -0.0062644993886351585, -0.03617288917303085, 0.005953395739197731, 0.002545394701883197, -0.013002725318074226, -0.013101712800562382, -0.0025330213829874992, -0.006649843882769346, -0.023474195972085, 0.02579333446919918, 0.04972004517912865, 0.004040814470499754, -0.0023491873871535063, 0.018850062042474747, 0.0016350626247003675, 0.02203180640935898, -0.006321063730865717, -0.013780484907329082, 0.05715825408697128, 0.004178689792752266, -0.017393531277775764, 0.007388715632259846, 0.02548222988843918, 0.03563552722334862, -0.03221338614821434, -0.010414906777441502, 0.02330450341105461, 0.006070059724152088, -0.007650325540453196, 0.006865495350211859, 0.03639914467930794, 0.009955322369933128, -0.025722628459334373, -0.030827559530735016, -0.007466491311788559, 0.0057377442717552185, -0.005115536507219076, 0.003362042363733053, 0.001726979622617364, 0.009630076587200165, 0.02329036220908165, -0.0022378263529390097, -0.007416997570544481, 0.009113927371799946, -0.02080153115093708, -0.003747386857867241, -0.02426609769463539, -0.017492517828941345, -0.02740541659295559, 0.007770524825900793, -0.007233163807541132, 0.00829374510794878, -0.0023509550374001265, -0.007699819281697273, 0.002299693413078785, 0.03651227429509163, 0.009524018503725529, -0.008505861274898052, 0.011270442977547646, -0.01954297535121441, 0.029696272686123848, 0.004252930637449026, -0.009248267859220505, 0.014876418747007847, 0.02634483575820923, -0.005712997168302536, -0.020080337300896645, -0.022851988673210144, 0.02367217093706131, -0.005242806393653154, 0.016743041574954987, -0.012118907645344734, 0.020476287230849266, 0.01812886819243431, 0.026047874242067337, 0.00123469321988523, -0.01811472699046135, -0.06521867215633392, -0.0019797515124082565, 0.023148952051997185, -0.019048037007451057, 0.02674078568816185, 0.0217489842325449, -0.0452231802046299, -0.016163257881999016, -0.021777266636490822, 0.0314214862883091, -0.0045003993436694145, 0.017690494656562805, 0.02674078568816185, -0.010909845121204853, 0.009608865715563297, 0.02041972242295742, -0.01745009608566761, -0.014975406229496002, -0.010612882673740387, 0.007841230370104313, 0.002062830375507474, 0.021225765347480774, -0.031110381707549095, 0.005140283610671759, 0.003963038325309753, -0.0012090625241398811, -0.00755133805796504, 0.007664466742426157, -0.016332950443029404, 0.008088698610663414, 0.011708816513419151, 0.0037862746976315975, 0.0032206315081566572, 0.004991801921278238, -0.01849653571844101, -0.008838176727294922, 0.01610669307410717, -0.005044830963015556, -0.010775504633784294, 0.023035822436213493, -0.0075018443167209625, 0.010577529668807983, 0.004956449382007122, 0.024407507851719856, -0.030431609600782394, 0.013129995204508305, -0.017209697514772415, -0.02493072859942913, -0.005288764834403992, 0.004532217048108578, -0.01448046788573265, -0.02816903591156006, -0.01743595488369465, -0.022965118288993835, 0.0007357781869359314, 0.00601349538192153, -0.002282017143443227, -0.01909046061336994, 0.005518557503819466, -0.02781550958752632, 0.017308684065937996, -0.011963355354964733, -0.014975406229496002, -0.001217016950249672, -0.02254088595509529, -0.013575439341366291, -0.027928637340664864, 0.00740285636857152, 0.002379236975684762, -0.01954297535121441, 0.01496126502752304, 0.0050130137242376804, -0.010132085531949997, -0.0025259507820010185, 0.021310610696673393, -0.013667356222867966, -0.034645650535821915, 0.013971389271318913, -0.021833831444382668, 0.0012833032524213195, 0.033316388726234436, -0.008583636954426765, 0.0022625732235610485, 0.006837213411927223, -0.0025065068621188402, 0.009417960420250893, -0.007671537343412638, 0.0003270125307608396, 0.028805384412407875, -0.000837417203001678, -0.020066196098923683, 0.01562589593231678, 0.014494609087705612, 0.01859552226960659, 0.006890242453664541, -0.00041583619895391166, 0.009948251768946648, 0.017520800232887268, 0.035607244819402695, -0.020546993240714073, 0.005723603069782257, -0.008413944393396378, 0.019613681361079216, -0.0012134816497564316, -0.005688250530511141, 0.008124051615595818, 0.020858095958828926, 0.02300754003226757, -0.011298724450170994, 0.0024640834890305996, -0.024874163791537285, -0.007784665562212467, -0.02396913431584835, 0.0094886664301157, -0.021706560626626015, -0.0015625895466655493, -0.007947288453578949, -0.0008321143104694784, -0.015244086273014545, -0.008781611919403076, -0.02627413161098957, -0.012118907645344734, 0.027066031470894814, -0.013745131902396679, 0.018439970910549164, -0.010909845121204853, -0.023714594542980194, 0.006108947563916445, -0.01562589593231678, 0.02254088595509529, 0.0009819214465096593, 0.00012373446952551603, -0.001711071003228426, -0.00782001856714487, 0.0203348770737648, 0.0016615771455690265, 0.0022537349723279476, -0.027560969814658165, 0.004033743869513273, 0.015314792282879353, 0.010648234747350216, 0.03996269777417183, 0.014678443782031536, 0.009778558276593685, -0.004574640188366175, 0.03546583279967308, 0.0012762326514348388, -0.00755133805796504, 0.005889760795980692, -0.009785628877580166, -0.008944234810769558, 0.01202699076384306, -0.009212914854288101, 0.05025740712881088, 0.015130957588553429, 0.02405398152768612, 0.0020044983830302954, -0.027165019884705544, 0.01868036948144436, -0.016375374048948288, 0.01342695765197277, 0.0213813167065382, -0.0012240874348208308, 0.005808449350297451, -0.010648234747350216, 0.05251998081803322, 0.0141410818323493, -8.843700197758153e-05, 0.005044830963015556, 0.021423740312457085, -0.013879472389817238, -0.003934755921363831, -0.011433064937591553, -0.00027994925039820373, -0.001199340564198792, 0.0016801373567432165, -0.013023937121033669, 0.002476457040756941, -0.007919006049633026, -0.0006624213419854641, -0.04055662453174591, 0.011920932680368423, 0.021876255050301552, 0.0032206315081566572, 0.02337520942091942, 0.008039205335080624, -0.0021370709873735905, -0.024393366649746895, -0.022781282663345337, 0.007537196855992079, -0.007848300971090794, -0.010506823658943176, -0.01909046061336994, -0.03280730918049812, 0.011786592192947865, 0.03506988286972046, 0.001727863447740674, 0.008498790673911572, 0.010287636891007423, -0.010867421515285969, 0.0065897442400455475, 0.004288283176720142, 0.0038746565114706755, 0.05580070987343788, -0.01590871810913086, -0.005320582073181868, -0.02733471244573593, -0.013794626109302044, 0.00954523030668497, -0.021225765347480774, -0.01869451068341732, 0.04853219538927078, 0.017704635858535767, -0.014013812877237797, -0.025326678529381752, 0.016332950443029404, -0.011616898700594902, 0.014918841421604156, 0.010994691401720047, 0.02012276090681553, -0.006176117807626724, 0.017195556312799454, -0.007151852361857891, -0.013264334760606289, 0.034758780151605606, 0.015767306089401245, 0.01476329006254673, -0.003457494545727968, -0.0136178620159626, 0.0028423576150089502, 0.01580972969532013, 0.03597491234540939, 0.021692419424653053, 0.009375537745654583, 0.01237344741821289, -0.030318479984998703, -0.005232200492173433, -0.0203348770737648, -0.03470221534371376, 0.030827559530735016, -0.004641810432076454, -0.0010800251038745046, -0.01629052683711052, 0.004496864043176174, -0.001940863556228578, 0.013292617164552212, -0.004875137936323881, -0.00313932029530406, -0.020843954756855965, -0.01630466803908348, -0.00695034209638834, -0.008385661989450455, 0.01783190481364727, 0.023785300552845, 0.02320551685988903, -0.007600831799209118, -0.0021105564665049314, 0.02577919326722622, 0.015328933484852314, 0.004040814470499754, -0.03088412433862686, -0.005564515944570303, -0.003413303755223751, 0.0047832210548222065, 0.018340984359383583, 5.1178565627196804e-05, 0.026726646348834038, -0.007201346103101969, 0.011800733394920826, 0.0365971215069294, -0.004366059321910143, 0.005776632111519575, 0.004758473951369524, 0.01610669307410717, 0.012840102426707745, 0.029667990282177925, -0.019246013835072517, -0.011567405425012112, 0.01548448484390974, 0.007201346103101969, -0.0036731460131704807, 0.0272357240319252, -0.016912734135985374, -0.026429682970046997, -0.007756383623927832, -0.011341148056089878, 0.018270278349518776, -0.0006447449559345841, 0.005935719236731529, 0.0030314945615828037, -0.023460054770112038, -0.00868262443691492, -0.027292288839817047, 0.019585398957133293, -0.011984567157924175, -0.00011500676919240505, 0.0024304986000061035, -0.03000737726688385, 0.006147835403680801, 0.0018736934289336205, 0.010117944329977036, -0.02157929167151451, -0.011524981819093227, -0.05608353391289711, 0.014303704723715782, 0.002989071188494563, 0.016714759171009064, 0.039453618228435516, -0.014169364236295223, -0.009566442109644413, 0.009304831735789776, -0.02627413161098957, -0.011150243692100048, 0.0025365566834807396, -0.041093986481428146, -0.011645181104540825, -0.010485612787306309, 0.009255338460206985, -0.03402344509959221, -0.02904578298330307, 0.008993728086352348, -0.007084682118147612, -0.019217731431126595, 0.007416997570544481, -0.008095769211649895, 0.009262409061193466, 0.023021681234240532, 0.01609255187213421, 0.04728778079152107, 0.015795588493347168, -0.04044349491596222, 0.005670574028044939, -0.02713673748075962, 0.0041539426892995834, -0.025623641908168793, -0.015937000513076782, -0.0007985292468219995, 0.013589579612016678, 0.028140753507614136, 0.0017437721835449338, -0.016163257881999016, 0.028819525614380836, -0.015159239992499352, 0.021296469494700432, 0.016446078196167946, 0.03128007426857948, 0.013186559081077576, 0.0017216767882928252, 0.004503934644162655, 0.009212914854288101, -0.009439172223210335, -0.009071504697203636, -0.01203406136482954, 0.03161945939064026, 0.01791675202548504, -0.02599130943417549, 0.007523055654019117, -0.0035246647894382477, -0.013511803932487965, -0.00534532917663455, 0.014360268600285053, -0.006027636118233204, 0.03603147715330124, 0.01255728118121624, -0.00849172007292509, -0.022866129875183105, -0.017945032566785812, -0.008831106126308441, 0.011751239188015461, -0.00847757887095213, 0.00852707214653492, 0.018864203244447708, 0.016064269468188286, 0.0049705905839800835, -0.016714759171009064, 0.015781447291374207, -0.020589414983987808, -0.00814526341855526, 0.009460384026169777, 0.013957248069345951, 0.009241197258234024, -0.0258781798183918, 0.01869451068341732, -0.041178829967975616, -0.009976533241569996, -0.011857297271490097, -0.029272040352225304, -0.013370392844080925, -0.01870865188539028, 0.03156289458274841, 0.023163093253970146, 0.04771201312541962, -0.007565478794276714, 0.0059286486357450485, -0.0029590213671326637, -0.0018153614364564419, -0.007968500256538391, 7.319114956771955e-05, -0.002078738994896412, -0.013688568025827408, -0.0027981665916740894, 0.017478378489613533, -0.0055927978828549385, 0.008314955979585648, 0.01120680756866932, 0.008739189244806767, 0.028918514028191566, -0.026231708005070686, 0.0007932263542897999, 0.0015917555429041386, -0.015781447291374207, -0.00553623354062438, 0.003042100230231881, -0.008611919358372688, -0.00830081570893526, -0.022074230015277863, 0.006861960049718618, 0.021635856479406357, 0.005062507465481758, 0.02634483575820923, 0.0182985607534647, 0.008314955979585648, -0.004366059321910143, 0.02838115207850933, 0.009050292894244194, 0.03611632436513901, -0.020476287230849266, -0.0248317401856184, -0.04321514815092087, -0.0004980312660336494, -0.004040814470499754, 0.007728101685643196, -0.004390805959701538, 0.026217566803097725, -0.023361068218946457, -0.0010446724481880665, 0.020561134442687035, -0.01889248564839363, 0.01120680756866932, 0.013108783401548862, -0.0100118862465024, 0.007897794246673584, -0.02913063019514084, 0.010061380453407764, -0.00747356191277504, -0.017690494656562805, 0.008802823722362518, 0.0007636184454895556, 0.00848464947193861, -0.01811472699046135, -0.013879472389817238, 0.014049164950847626, 0.014374409802258015, 0.02647210657596588, -0.016912734135985374, -0.0017861954402178526, -0.004680698271840811, 0.014027953147888184, 0.005394822917878628, -0.01819957233965397, 0.017209697514772415, 0.004178689792752266, 0.002996141789481044, 0.034956756979227066, -0.023233797401189804, -0.020009631291031837, 0.013547156937420368, -0.009778558276593685, -0.03170430660247803, -0.04974832758307457, 0.003050938481464982, 0.017860187217593193, 0.017789481207728386, -0.022116651758551598, -0.0060735950246453285, -0.015880435705184937, 0.0012161331251263618, -0.01715313270688057, 0.024803457781672478, -0.006119553465396166, -0.016941016539931297, -0.017987456172704697, 0.011249231174588203, 0.013158276677131653, -0.011319936253130436, -0.016035987064242363, -0.012620915658771992, 0.023247938603162766, -0.016064269468188286, -0.010421977378427982, 0.003374415682628751, 0.008746258914470673, 0.024902446195483208, -0.020787391811609268, 0.007102358620613813, 0.019882362335920334, 0.009389678947627544, -0.022102512419223785, -0.0051721008494496346, 0.00661095604300499, 0.02941345050930977, -0.0072614457458257675, 0.021155059337615967, 0.03738902136683464, -0.006575603038072586, 0.027843790128827095, -0.024195391684770584, 0.011928003281354904, -0.01955711655318737, 0.020645979791879654, 0.007515985053032637, 0.034645650535821915, 0.005073113366961479, -0.008307885378599167, 0.01174416858702898, -0.0031693701166659594, -0.012111837044358253, -0.01395017746835947, -0.018538959324359894, 0.004829179495573044, -0.048079680651426315, 0.011920932680368423, 0.007388715632259846, 0.0055397688411176205, 0.00983512308448553, 0.006377628073096275, -0.011058325879275799, -0.021353034302592278, 0.01360372081398964, -0.031874001026153564, 0.02924375794827938, 0.010139156132936478, -0.004620598629117012, -0.006826607510447502, 0.0170682854950428, -0.01945813000202179, -0.00934018474072218, 0.033033568412065506, -0.038294050842523575, -0.011383571662008762, -0.0069255949929356575, 0.006667520385235548, 0.007933147251605988, 0.010676517151296139, -0.009262409061193466, 0.02751854620873928, -0.008385661989450455, 0.01221789512783289, -0.019769232720136642, -0.00920584425330162, 0.020575273782014847, -0.033316388726234436, 0.012232036329805851, 0.015682460740208626, -0.008710906840860844, 0.012260318733751774, -0.012953231111168861, -0.025765052065253258, -0.0021034860983490944, -0.024676188826560974, -0.018722793087363243, 0.0035900671500712633, -0.010669446550309658, -0.010054309852421284, 0.007897794246673584, -0.002865336835384369, -0.005712997168302536, 0.003528200089931488, -0.0028706397861242294, 0.0005713881109841168, 0.00740285636857152, -3.5021275834878907e-05, 0.010605812072753906, 0.011143173091113567, 0.04081116244196892, -0.041942451149225235, -0.025552935898303986, 0.0012046433985233307, -0.022668154910206795, -0.01819957233965397, -0.035494115203619, -0.004100913647562265, 0.023530760779976845, 0.0016279921401292086, -0.018454112112522125, -0.027575111016631126, -0.013964318670332432, -0.05059679225087166, -0.032920438796281815, -0.018765216693282127, 0.005041295662522316, 0.007975570857524872, 0.02808418869972229, 0.01496126502752304, 0.04044349491596222, -0.006416515912860632, -0.012620915658771992, -0.016545066609978676, -0.02809832990169525, 0.017690494656562805, -0.0036554697435349226, 0.003323154291138053, -0.014791572466492653, -0.020052054896950722, 0.012684551067650318, 0.023021681234240532, -0.0041221254505217075, 0.011991637758910656, 0.03125179186463356, -0.012444152496755123, -0.016431936994194984, 0.007940217852592468, 0.007622043136507273, -0.023247938603162766, -0.018439970910549164, 0.003765063127502799, -0.02329036220908165, 0.012635056860744953, 0.02819731831550598, -0.02023588865995407, 0.010485612787306309, -0.0012037595734000206, -0.0007225209265016019, -0.003503453219309449, -0.004221112933009863, 0.008166475221514702, -0.020448004826903343, 0.024605482816696167, -0.030657866969704628, 0.0400475449860096, -0.012528998777270317, 0.019698526710271835, 0.02433680184185505, 0.003853444941341877, -0.008717977441847324, -0.011284583248198032, -0.00021012764773331583, -0.01918944902718067, -0.013978459872305393, 0.022950977087020874, 0.00901493988931179, -0.013038077391684055, -0.007360433228313923, -0.02012276090681553, 0.011390641331672668, -0.00493877287954092, -0.018044020980596542, 0.0065473210997879505, -0.022484321147203445, 0.007862442173063755, 0.0023032287135720253, -0.020193465054035187, -0.014791572466492653, -0.0160218458622694, -0.0009960625320672989, -0.0073957862332463264, -0.013914825394749641, 0.011383571662008762, 0.009976533241569996, 0.001199340564198792, -0.010718940757215023, -0.017138991504907608, 0.003075685352087021, -0.006515503861010075, 0.0004578175430651754, 0.007883653044700623, 0.0006443030433729291, 0.22580480575561523, -0.011574476025998592, -0.014360268600285053, 0.02866397425532341, -0.009757346473634243, -0.01322191208600998, 0.0023297432344406843, -0.007841230370104313, -0.035890065133571625, 0.011242160573601723, 0.0021300006192177534, -0.017987456172704697, -0.013327970169484615, 0.0026655939873307943, 0.030714429914951324, 0.008993728086352348, -0.011121961288154125, -0.026882197707891464, -0.02771652117371559, 0.02166413888335228, 0.023163093253970146, 0.02041972242295742, -0.0015643571969121695, -0.022696437314152718, 0.01781776361167431, 0.009326043538749218, 0.008067487739026546, 0.005182706750929356, 0.011899720877408981, 0.010386625304818153, -0.024025699123740196, 0.010916915722191334, -0.0005749233532696962, 0.013589579612016678, 0.017591506242752075, 0.0009810376213863492, 0.017605647444725037, -0.015569331124424934, 0.01918944902718067, 0.00374031625688076, 0.0018330378225073218, 0.0019956601317971945, -0.002681502839550376, -0.020589414983987808, 0.015951141715049744, 0.011150243692100048, -0.017860187217593193, -0.007289727684110403, -0.0217489842325449, 0.01860966347157955, -0.04505348950624466, 0.019684387370944023, 0.030912406742572784, 0.038492027670145035, 0.003694357816129923, -0.008951305411756039, -0.01955711655318737, 0.01592285931110382, 0.02406812272965908, 0.024011557921767235, -0.022668154910206795, -0.006671055685728788, 0.008604848757386208, -0.0023650960065424442, -0.0003497708239592612, 0.011991637758910656, -0.009524018503725529, 0.005483204498887062, 0.0064942920580506325, -0.019401565194129944, 0.010846209712326527, -0.003623652271926403, -0.001065884018316865, 0.009227056056261063, -0.01735110767185688, -0.030346762388944626, 0.0066851964220404625, 0.018143009394407272, 0.013872401788830757, 0.0393122099339962, 0.001789730740711093, -0.025736769661307335, -0.022371191531419754, -0.01619153842329979, -0.008930093608796597, -0.004443835001438856, 0.011814874596893787, -0.01791675202548504, -0.016375374048948288, -0.027857931330800056, 0.0008568611810915172, -0.00680539570748806, -0.020914660766720772, -0.005808449350297451, 0.015838012099266052, -0.0004423507198225707, 0.0059286486357450485, 0.0013036309974268079, -0.007222557906061411, -0.01592285931110382, -0.042988888919353485, 0.055744145065546036, -0.004822108894586563, -0.009382608346641064, 0.00848464947193861, 0.004716050811111927, -0.011772450990974903, 0.0023668636567890644, 0.002048689406365156, -0.019401565194129944, 0.01839754730463028, -0.054386600852012634, 0.016813747584819794, -0.007593761198222637, 0.022682296112179756, 0.005242806393653154, 0.006699337624013424, -0.008923023007810116, 0.00982805248349905, -0.0020769713446497917, -0.00834323838353157, 0.0027539758011698723, 0.010846209712326527, 0.016559207811951637, 0.007339221891015768, -0.016629911959171295, -0.02856498584151268, -0.00033540878212079406, -0.02627413161098957, 0.010117944329977036, 0.00795435905456543, -0.004571104887872934, 0.029781119897961617, -0.006886707153171301, 0.008972516283392906, -0.017860187217593193, -0.0017313987482339144, -0.0075442674569785595, -0.02320551685988903, -0.013780484907329082, -0.010061380453407764, 0.00035308513906784356, -0.014848136343061924, 0.006239752750843763, 0.009983603842556477, 0.005104930605739355, 0.013299687765538692, 0.024662047624588013, -0.0014795106835663319, -0.01947227120399475, -0.0029254364781081676, -0.016050128266215324, -0.0024746893905103207, -0.010584600269794464, 0.021791407838463783, -0.0053064413368701935, -0.012818890623748302, -0.03713448345661163, 0.01695515774190426, -0.02244189754128456, -0.03040332719683647, 0.003945361822843552, -8.639317093184218e-05, 0.0024587807711213827, -0.015371356159448624, -0.010768434032797813, -0.18191088736057281, -0.009029081091284752, 0.02292269468307495, -0.022074230015277863, 0.0251994077116251, 0.008067487739026546, 0.022074230015277863, -0.007091752719134092, -0.034560803323984146, -0.012543139979243279, 0.006671055685728788, -0.0005771329160779715, -0.023785300552845, -0.025142844766378403, -0.00047505198745056987, -0.0011966890888288617, 0.002617867896333337, -0.003013818059116602, 0.03297700360417366, 0.01020279061049223, 0.04284748062491417, -0.017973314970731735, 0.001958539942279458, -0.0008002968970686197, 0.03439111262559891, 0.005447851959615946, -0.012458293698728085, -0.0008864690898917615, -0.003634258173406124, -0.04081116244196892, -0.02972455509006977, 0.012854243628680706, 0.0021282329689711332, -0.023643890395760536, 0.010796716436743736, 0.0037721337284892797, -0.010641164146363735, 0.0012841870775446296, -0.004157477989792824, 0.0020663656760007143, 0.021324751898646355, 0.02041972242295742, -0.013016866520047188, 0.01106539648026228, -0.011489629745483398, 0.03020535223186016, 0.013738061301410198, -0.03125179186463356, 0.00820182729512453, -0.0029660919681191444, 0.018185431137681007, -0.02463376522064209, 0.008972516283392906, 0.0029572537168860435, 0.010867421515285969, -0.007989711128175259, 0.009212914854288101, 0.009318972937762737, -0.011376501061022282, 0.01040076557546854, -0.011256301775574684, -0.015116817317903042, 0.0031622995156794786, 0.005956931039690971, 0.007494773715734482, -0.009142209775745869, -0.015611754730343819, 0.015413779765367508, -0.0483059361577034, 0.011758309789001942, -0.01428249292075634, -0.014678443782031536, -0.004754939116537571, -0.0037155693862587214, 0.011079537682235241, 0.02186211384832859, 0.012854243628680706, 0.029639707878232002, 0.01985407993197441, -0.003623652271926403, 0.011121961288154125, 0.013921895064413548, 0.01879349909722805, 0.014593596570193768, -0.011821945197880268, -0.012507786974310875, -0.0032418430782854557, 0.03959503024816513, -0.027249865233898163, -0.010648234747350216, 0.026698363944888115, -0.030799277126789093, 0.0045923166908323765, -0.020476287230849266, 0.005811984650790691, 0.02387014776468277, 0.0042670713737607, -0.01801573857665062, 0.011425994336605072, -0.017223838716745377, 0.0073462920263409615, 0.0020151042845100164, -0.005773096811026335, -0.014155223034322262, 0.014225929044187069, 0.006250358186662197, -0.041546501219272614, 0.010605812072753906, 0.043469686061143875, -0.02521354891359806, -0.003234772477298975, -0.007180134300142527, 0.0031446232460439205, 0.016460219398140907, 0.006409445311874151, 0.0063599515706300735, 0.03068614937365055, -0.025821616873145103, 0.011348218657076359, -0.004719586111605167, 0.07777595520019531, 0.019585398957133293, -0.027080172672867775, 0.007721031084656715, -0.0045958515256643295, -0.008350308984518051, -0.11708816140890121, -0.012125978246331215, -0.006487221457064152, 0.0248317401856184, 0.0006341391708701849, 0.015866294503211975, -0.004708980210125446, 0.009481595829129219, -0.0004887511604465544, 0.04757060110569, -0.018567241728305817, -0.005249876994639635, -0.007169528864324093, 0.007081146817654371, 0.0032771958503872156, -0.002736299531534314, -0.009884616360068321, -0.02186211384832859, 0.001894904999062419, 0.03543755039572716, 0.009425031021237373, -0.0013142367824912071, -0.0001640586560824886, -0.045958518981933594, 0.0011931537883356214, 0.0009624774102121592, -0.009128068573772907, -0.011305795051157475, -0.002708017360419035, 0.01926015317440033, 0.015951141715049744, 0.0011418923968449235, 0.013639073818922043, -0.026090295985341072, 0.02750440500676632, -0.01812886819243431, -0.016799606382846832, -0.0025277184322476387, 0.00833616778254509, -0.010775504633784294, -0.006649843882769346, 0.019302576780319214, -0.00967957079410553, 0.0012276227353140712, 0.006458939518779516, 0.004040814470499754, -0.012507786974310875, 0.011129031889140606, 0.020151041448116302, -0.020914660766720772, -0.02857912704348564, -0.011751239188015461, -0.04669385403394699, -0.009212914854288101, 0.03526785969734192, -0.020250029861927032, -0.0022608055733144283, 0.02443579025566578, -0.03009222261607647, 0.00647308025509119, -0.008116981014609337, -0.009029081091284752, -0.001641249400563538, -0.007148317061364651, 0.018751075491309166, 0.02252674475312233, 0.01102297380566597, -0.017888469621539116, 0.0027309965807944536, -0.01544206216931343, -0.03125179186463356, 0.04344140365719795, -0.024181250482797623, 0.004086772911250591, -0.002075203927233815, -0.003818092169240117, -0.006773578468710184, -0.027362994849681854, 0.002663826337084174, 0.015866294503211975, -0.012818890623748302, -0.022781282663345337, 0.0010411371476948261, -0.0040160673670470715, 0.0015290045412257314, 0.011836085468530655, 0.0023863075766712427, 0.002982000820338726, 0.0006283943657763302, -0.021169200539588928, -0.016460219398140907, 0.012840102426707745, 0.017789481207728386, -0.0016889754915609956, 0.0028494279831647873, 0.0006067408248782158, -0.030940687283873558, -0.0009660127107053995, 0.02512870356440544, 0.04064147174358368, -0.04033036530017853, -0.010188649408519268, -0.06601057201623917, 0.01821371354162693, -0.014331987127661705, -0.0082866745069623, -0.004892814438790083, -0.021494444459676743, 0.006501362659037113, -0.03563552722334862, 0.010061380453407764, 0.023530760779976845, -0.02836701087653637, 0.022314628586173058, -0.006490756757557392, -0.007381645031273365, -0.01869451068341732, -0.01947227120399475, 0.009630076587200165, -0.026670081540942192, 0.020730827003717422, 0.030742712318897247, 0.015682460740208626, -0.029102347791194916, -0.0013955481117591262, 0.02003791369497776, -0.004235254134982824, -0.02740541659295559, -0.026868056505918503, 0.009128068573772907, -0.013214841485023499, 0.006932665593922138, -0.012953231111168861, -0.011659322306513786, -0.00527108833193779, 0.010429047979414463, -0.0004600270767696202, -0.0018021041760221124, 0.023516619578003883, 0.02309238724410534, 0.020448004826903343, 0.02290855348110199, -0.027433698996901512, -0.024944869801402092, 0.00500947842374444, 0.007657396141439676, 0.018439970910549164, -0.018157148733735085, 0.015781447291374207, 0.004327171016484499, 0.004963519982993603, 0.019217731431126595, 0.024124685674905777, 0.00881696492433548, -0.02406812272965908, -0.05322703346610069, -0.002663826337084174, -0.008406873792409897, -0.0048256441950798035, -0.015654178336262703, 0.01548448484390974, -0.019246013835072517, 0.03269418329000473, -0.008569495752453804, 0.0072614457458257675, -0.008696765638887882, 0.017138991504907608, -0.005949860438704491, -0.010782575234770775, 0.019316717982292175, -0.011765380389988422, 0.004846855998039246, -0.027433698996901512, 0.005769561510533094, -0.002301461063325405, 0.023643890395760536, -0.0011162617010995746, -0.014310775324702263, -0.0027044820599257946, 0.02222978137433529, -0.001772938179783523, 0.005210988689213991, 0.025241831317543983, -0.02109849452972412, 0.00661095604300499, 0.008590707555413246, 0.021296469494700432, 0.0034186067059636116, -0.020858095958828926, 0.009566442109644413, -0.017945032566785812, 0.015385497361421585, -0.0034610298462212086, 0.007798806764185429, -0.0231065284460783, -0.0029837684705853462, -0.005451387260109186, 0.00553269824013114, -0.00661095604300499, -0.0017048842273652554, 0.016644053161144257, -0.0124158700928092, 0.011263372376561165, -0.004655951168388128, 0.0009845728054642677, -0.030346762388944626, -0.0009633612353354692, -0.016446078196167946, -0.03419313579797745, -0.008661412633955479, 0.011850226670503616, 0.005614009685814381, 0.0011357056209817529, -0.020829813554883003, 0.008237180300056934, 0.00527462363243103, -0.017280401661992073, 0.006497827358543873, 0.006448333617299795, -0.009912898764014244, -0.023233797401189804, 0.038576871156692505, 0.021692419424653053, 0.014225929044187069, 0.05116243660449982, 0.015852153301239014, 0.013144136406481266, 0.03040332719683647, 0.011468417942523956, -0.016714759171009064, 0.024761034175753593, 0.01259970385581255, 0.016361232846975327, 0.005189777351915836, -0.02184797264635563, -0.016431936994194984, -0.012012849561870098, -0.0032931044697761536, 0.006101876962929964, 0.002556000603362918, 0.01592285931110382, 0.08756158500909805, 0.017096567898988724, -0.016545066609978676, 0.01564003713428974, -0.0029024570249021053, -0.003245378378778696, -0.0010685354936867952, -0.011963355354964733, -0.010231073014438152, -0.0365971215069294, 0.01035127229988575, 0.02108435332775116, -0.011199736967682838, -0.02204594761133194, -0.0059180427342653275, -0.008951305411756039, -0.009071504697203636, 0.012649198062717915, -0.030035657808184624, -0.011814874596893787, 0.012620915658771992, 0.0033107809722423553, -0.004910490941256285, -0.0024481748696416616, -0.008258392103016376, -0.00013378789299167693, 0.04641103371977806, 0.018185431137681007, -0.006660449784249067, -0.018906626850366592, 0.022880271077156067, 0.014353198930621147, -0.025057997554540634, -0.01572488434612751, 0.008498790673911572, -0.02251260355114937, 0.00886645819991827, -0.032835591584444046, 0.01954297535121441, 0.024563059210777283, -0.026302412152290344, 0.004807968158274889, -0.012507786974310875, -0.04033036530017853, -0.0034521915949881077, 0.014020883478224277, -0.0007189856260083616, 0.0010437886230647564, -0.05121900141239166], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='40bfe53d-2d9b-4eb0-8b46-067216c081de', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '2', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_type': 'application/pdf', 'file_size': 885090, 'creation_date': '2024-02-25', 'last_modified_date': '2024-02-07', 'last_accessed_date': None}, hash='8edd93259f1da9535536997b3917df695121572b291062c5ca59bc2fe60db66f')}, text='A.1.\\nTo address this challenge, we draw inspiration from classical compilers, where optimizing instruction executions in\\ntraditional programming languages has been extensively explored. A key optimization technique in compilers involves\\nidentifying instructions that can be executed in parallel and effectively managing their dependencies. Similarly, one\\ncan envision a compiler tailored for LLM function calling, which can efficiently orchestrate various function calls\\nand their dependencies. This shares a similar philosophy with the recent studies that align LLMs with computer\\nsystems [19, 37]. To this end, we introduce LLMCompiler , a novel framework that enables parallel multi-tool\\nexecution of LLMs across different models and workloads. To the best of our knowledge, LLMCompiler is the first\\nframework to optimize the orchestration of LLM function calling that can not only improve latency and cost, but also\\naccuracy by minimizing interference from the outputs of intermediate function calls. In more detail, we make the\\nfollowing contributions:\\n• We introduce LLMCompiler , an LLM compiler that optimizes the parallel function calling performance of LLMs.\\nAt a high level, this is achieved by introducing three key components: (i) an LLM Planner (Sec. 3.1) that identifies\\nan execution flow; (ii) a Task Fetching Unit (Sec. 3.2) that dispatches the function calls in parallel; (iii) an Executor\\n(Sec. 3.3) that executes the dispatched tasks using the associated functions.\\n• We evaluate LLMCompiler onembarrassingly parallel patterns using HotpotQA [54] and Movie Recommenda-\\ntion [4], where we observe 1.80×/3.74×speedup and 3.37×/6.73×cost reduction compared to ReAct (Sec. 4.1).\\n• To test the performance on more complex patterns, we introduce a new benchmark called ParallelQA which includes\\nvarious non-trival function calling patterns. We show up to 2.27×speedup, 4.65×cost reduction, and 9%improved\\naccuracy compared to ReAct (Sec. 4.2).\\n', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='18854f01-e037-4cf2-a4c7-f0110791c9f0', embedding=[0.0036646074149757624, -0.01784265786409378, 0.014768230728805065, -0.01139185018837452, -0.015907416120171547, 0.01630544476211071, -0.015399586409330368, -0.008585063740611076, -0.005647887475788593, -0.02219352126121521, -0.007603717036545277, 0.028658052906394005, -0.012682012282311916, -0.007130200508981943, -0.020162202417850494, 0.017746582627296448, 0.03609706833958626, 0.001000218209810555, 0.024691492319107056, 0.01329278014600277, -0.03387359902262688, 0.01616819202899933, -0.013752571307122707, -0.014699604362249374, -0.012441822327673435, 0.021452363580465317, 0.012084969319403172, -0.013731983490288258, 0.031952083110809326, -0.026173805817961693, 0.021411189809441566, -0.018117159605026245, -0.030442317947745323, -0.0018769103335216641, -0.02676398679614067, 0.007191963493824005, -0.013601595535874367, 0.003870484186336398, 0.017938733100891113, 0.004676835145801306, 0.020560231059789658, 0.01391040999442339, -0.007850768975913525, 0.013800608925521374, -0.009216418489813805, 0.007445878349244595, 0.014630978927016258, 0.004824379924684763, -0.023538582026958466, 0.008049783296883106, 0.004433214198797941, 0.027642393484711647, -0.01916026882827282, -0.005541517864912748, -0.02470521815121174, -0.01984652504324913, -0.0076929302886128426, -0.003028104780241847, -0.004268512595444918, -0.0031327588949352503, -0.018926942721009254, -0.013711395673453808, -0.021068060770630836, 0.01139871310442686, -0.011089897714555264, 0.007349802181124687, -0.008914466015994549, -0.0070203994400799274, -0.00513319531455636, -0.002072493312880397, 0.0349990576505661, 0.019709274172782898, -0.0017653937684372067, -0.023483682423830032, 0.019023017957806587, -0.02308565378189087, -0.005514067597687244, -0.021356288343667984, -0.026214981451630592, -0.010451680049300194, 0.018021084368228912, -0.023675834760069847, -0.013519244268536568, 0.008797802962362766, -0.008701726794242859, 0.011330087669193745, 0.004889574367552996, 0.029563911259174347, -0.025295399129390717, -0.0015337823424488306, 0.01511135883629322, 0.016360344365239143, 0.018446562811732292, 0.019654372707009315, -0.027971796691417694, 0.013869235292077065, -0.02893255464732647, 0.024938546121120453, 0.0010774220572784543, -0.011089897714555264, -0.005623868200927973, -0.007075299974530935, -0.029124706983566284, -0.011700665578246117, -0.025789503008127213, -0.013430031016469002, 0.005325347185134888, -0.008537025190889835, 0.016277993097901344, -0.006570901721715927, -0.001259279903024435, 0.04798302426934242, 0.0060459161177277565, -0.03145797923207283, 0.0026987020391970873, -0.011645765043795109, 0.01954457350075245, -0.014356477186083794, 0.0011409006547182798, -0.017856381833553314, 0.01776030659675598, 0.02389543689787388, 0.027285540476441383, -0.021671965718269348, 0.020848458632826805, -0.0035685314796864986, -0.025926753878593445, -0.014438827522099018, -0.01099382247775793, -0.012620248831808567, 0.04639090970158577, 0.023881711065769196, 0.03129327669739723, 0.012476135045289993, 0.004457233007997274, 0.015811339020729065, -0.03431280329823494, 0.012345746159553528, -0.022083720192313194, -0.035959817469120026, -0.0014968960313126445, -8.873076149029657e-05, -0.0036371571477502584, -0.010870295576751232, 0.010321291163563728, 0.018789691850543022, 0.02561107650399208, 0.029563911259174347, -0.018075983971357346, -0.02492482028901577, 0.011137936264276505, -0.013800608925521374, 0.029673712328076363, 0.005177801940590143, -0.005428285337984562, 0.0013407727237790823, -0.015605462715029716, 0.01032815407961607, -0.011577139608561993, -0.008557613007724285, -0.005417991429567337, -0.0010396778816357255, 0.002757033798843622, -0.008187035098671913, -0.008125271648168564, 0.012510447762906551, 0.025336572900414467, 0.0013236163649708033, 0.007885081693530083, -0.018021084368228912, -0.009985025972127914, 0.03137562796473503, -0.014713330194354057, 0.033818699419498444, 0.00942915864288807, 0.025542451068758965, 0.010547755286097527, 0.0027433086652308702, -0.02035435475409031, -0.014033936895430088, -0.02854825183749199, 0.014081974513828754, 0.020505331456661224, 0.017060326412320137, -0.04221847280859947, 0.010636968538165092, 0.01527605950832367, -0.0019712704233825207, 0.022303322330117226, -0.005431716796010733, 0.001866616541519761, 0.022756250575184822, 0.009058579802513123, 0.0006918318686075509, -0.6891108751296997, -0.014068249613046646, -0.009086030535399914, -0.006776778493076563, 0.007226276211440563, 0.036344122141599655, 0.011645765043795109, 0.0005567252519540489, -0.005740531720221043, -0.015330960042774677, 0.009463471360504627, -0.0002860829990822822, -8.540671115042642e-05, -0.01308004092425108, -0.02283860184252262, -0.01754070445895195, 0.014466277323663235, 0.003994010388851166, 0.004193024709820747, 0.007150788325816393, -0.0309913232922554, 0.0045087020844221115, -0.005901802331209183, -0.004934180993586779, 0.014823131263256073, -0.00793998222798109, -0.009436020627617836, -0.008873291313648224, -2.1995043425704353e-05, 0.008633101359009743, -0.013786884024739265, 0.013876097276806831, 0.025899304077029228, -0.002137687522917986, 0.04647326096892357, -0.003987147938460112, -0.02112296223640442, 0.029207058250904083, -0.0011992324143648148, 0.027903171256184578, -0.014452552422881126, -0.013759434223175049, 0.007857631891965866, -0.003853327827528119, -0.003498190315440297, 0.0024104744661599398, 0.02266017533838749, 0.01169380359351635, 0.019873974844813347, -0.013093765825033188, 0.009490921162068844, -0.016332894563674927, -0.005809157621115446, -0.0010019338224083185, 0.016030941158533096, 0.0031190337613224983, 0.02245429903268814, -0.005946408957242966, -0.016662297770380974, -0.009525233879685402, 0.0023795929737389088, -0.013828059658408165, -0.019983775913715363, -0.018419113010168076, -0.018940666690468788, 0.02031317912042141, -0.018501464277505875, 0.00698951818048954, 0.03236383572220802, -0.0011185973417013884, 0.0014926069416105747, 0.019448496401309967, -0.006001309026032686, -0.002276654588058591, 0.02749141864478588, 0.022948402911424637, 0.031348176300525665, -0.010973234660923481, -0.00765175512060523, -0.0026506639551371336, 0.016703473404049873, -0.0037400955334305763, -0.023415056988596916, 0.006800797767937183, -0.0029234508983790874, 0.014685879461467266, -0.02393661066889763, 0.016717197373509407, -0.015427036210894585, -0.0067458972334861755, 0.009470333345234394, 0.02180921845138073, -0.014274125918745995, -0.012915339320898056, -0.01117911096662283, 0.0273541659116745, 0.002178862923756242, 0.009902674704790115, -0.014136875048279762, 0.00024190526164602488, -0.005088588688522577, -0.01071245688945055, 0.015866240486502647, -0.009909537620842457, 0.028273750096559525, 0.02975606359541416, -0.02399151213467121, 0.021452363580465317, 0.03225403651595116, -0.034340254962444305, 0.0035050527658313513, -0.030744271352887154, -0.023758184164762497, -0.004766048397868872, 0.024211114272475243, -0.02039553038775921, 0.009964438155293465, 0.004059204366058111, 0.021191587671637535, -0.017128951847553253, 0.014974107034504414, -0.012256532907485962, 0.021603340283036232, -0.02083473466336727, 0.023113103583455086, 0.018021084368228912, -0.0010739907156676054, -0.016785822808742523, -0.026091454550623894, -0.01715640164911747, -0.016497595235705376, 0.009490921162068844, 0.030030565336346626, -0.018117159605026245, 0.024732667952775955, -0.00013253319775685668, 0.01323101669549942, -0.014260401017963886, 0.00548318587243557, -0.027409067377448082, -0.014370202086865902, -0.0002644230262376368, 0.011350675486028194, -0.02211116999387741, 0.011734978295862675, -0.029289409518241882, -0.02010730281472206, -0.01891321688890457, -0.02239939756691456, 0.012531035579741001, 0.00863996334373951, -0.0005327062681317329, -0.01891321688890457, 0.008893878199160099, 0.008324285969138145, 0.007016968447715044, -0.0006352157797664404, -0.004004304297268391, 0.02611890621483326, -0.010177177377045155, -0.0019918582402169704, 0.011584002524614334, -0.018158335238695145, -0.012338884174823761, -0.013155528344213963, -0.017307378351688385, 0.012627111747860909, 0.008612513542175293, -0.022344497963786125, -0.04199887067079544, 0.028658052906394005, -0.0315677784383297, 0.010177177377045155, 0.0068522668443620205, 0.006787072401493788, 0.015591737814247608, -0.006845404393970966, 0.003777839709073305, -0.0031893749255687, -0.006196892354637384, -0.005905233323574066, 0.01592114008963108, -0.010650694370269775, -0.017513254657387733, 0.02868550270795822, -0.0031327588949352503, 0.0020364648662507534, 0.013965310528874397, -0.011858504265546799, 0.0075968545861542225, -0.008873291313648224, 0.010643831454217434, 0.004817517474293709, 0.023675834760069847, -0.0030435456428676844, -0.001505474210716784, 0.030524669215083122, -0.006457669660449028, 0.013244741596281528, 0.021699417382478714, 0.02530912309885025, 0.009182105772197247, 0.017087776213884354, -0.0032339817844331264, -0.004453802015632391, -0.02723064087331295, 0.01511135883629322, -0.007775281090289354, 0.03392849862575531, 0.009985025972127914, -0.00251855980604887, -0.02970116212964058, 0.0006026186165399849, -0.026654185727238655, 0.021905293688178062, 0.017348553985357285, -0.0025168440770357847, 0.027175739407539368, -0.004968493711203337, 0.0011546257883310318, 0.007246864028275013, -0.00015858949336688966, 0.006268949247896671, 0.0031636403873562813, -0.02266017533838749, 0.014020211063325405, 0.011330087669193745, 0.02381308563053608, -0.007548816502094269, -0.009291906841099262, -0.01574271358549595, -0.01434275135397911, 0.0011511945631355047, 0.010293841361999512, -0.023236630484461784, 0.008742902427911758, 0.010163452476263046, 0.001385379466228187, 0.033653996884822845, 0.0024018962867558002, 0.0012507017236202955, 0.02381308563053608, 0.027326716110110283, -0.013066315092146397, 0.00571994436904788, -0.006073365919291973, 0.02419738844037056, 0.005260152742266655, -0.01489175669848919, -0.017815208062529564, 0.004958200268447399, -0.011137936264276505, -0.026132630184292793, 0.008811527863144875, -0.0006172015564516187, -0.02556990087032318, 0.0071164751425385475, 0.0017568154726177454, 0.00938798300921917, 0.024087587371468544, 0.01664857193827629, 0.013244741596281528, 0.007315489463508129, -0.008770352229475975, -0.0027638962492346764, 0.01028697844594717, -0.00919583160430193, -0.015248609706759453, 0.008324285969138145, -0.000498393492307514, -0.0027536023408174515, -0.009339945390820503, 0.002551156794652343, -0.01071245688945055, 0.017787756398320198, 0.01685444824397564, 0.014370202086865902, 0.00011140938295284286, 0.011975168250501156, 0.021013161167502403, -0.009360532276332378, -0.02108178660273552, 0.01487803179770708, 0.015015282668173313, -0.01434275135397911, -0.006210617255419493, -0.01851518824696541, -0.018130885437130928, 0.0024070432409644127, 0.02121903747320175, -0.0018631851999089122, 0.004416057839989662, 0.00035642425063997507, -0.022385673597455025, -0.024993445724248886, -0.0021565596107393503, 0.03560296446084976, -0.02561107650399208, 0.015152533538639545, 0.0045087020844221115, -0.018583813682198524, 0.0043234131298959255, -0.009648759849369526, -0.0020296021830290556, 0.009381120093166828, 0.013045727275311947, -0.0037709770258516073, -0.01299768965691328, -0.018830865621566772, -0.005308190826326609, 0.025199322029948235, 0.015413311310112476, 0.004642522428184748, -0.008887016214430332, -0.01579761505126953, -0.0077821435406804085, -0.010190902277827263, 0.005359659902751446, 0.01579761505126953, -0.009257594123482704, -0.00917524378746748, -0.00866055116057396, 0.009230144321918488, 0.0009770570322871208, 0.030579570680856705, 0.033269692212343216, 0.009140931069850922, 0.02961881086230278, 0.01788383349776268, -0.011529101990163326, -0.00329746026545763, -0.005256721284240484, 0.0010645546717569232, 0.0009907821658998728, 0.003352360799908638, -0.006941480096429586, 0.026448309421539307, 0.014562353491783142, 0.02057395689189434, -0.00030130930826999247, 0.0009787727613002062, -0.016621122136712074, -0.005743963178247213, -0.007994882762432098, -0.019750449806451797, 0.01231143344193697, 0.031348176300525665, 0.026393407955765724, -0.0037400955334305763, 0.005088588688522577, 0.010314428247511387, 0.025665976107120514, 0.0008488129824399948, -0.0309913232922554, 0.005397404078394175, -0.0012944504851475358, 0.0062655177898705006, 0.009799736551940441, -0.018597539514303207, 0.012819263152778149, 0.005236133933067322, -0.00238988664932549, 0.030359968543052673, -0.004930750001221895, 0.02266017533838749, 0.008983091451227665, 0.009930125437676907, 0.015632912516593933, 0.018377937376499176, -0.0270247645676136, 0.014095699414610863, 0.010232077911496162, 0.007308627013117075, -0.0086674140766263, 0.02745024301111698, 0.013546695001423359, 0.010252665728330612, -0.00743901589885354, 0.0018528914079070091, -0.003853327827528119, -0.0036234320141375065, 0.0007175664650276303, -0.01634661853313446, -0.013594732619822025, -0.02565225213766098, -0.021671965718269348, 0.028067873790860176, -0.01727992668747902, 0.0010087963892146945, -0.029426660388708115, -0.026914963498711586, -0.002021024003624916, -0.010897746309638023, -0.0025425786152482033, 0.012325159274041653, -0.027903171256184578, -0.017485804855823517, -0.0035410812124609947, 0.022509198635816574, 0.03186973184347153, 0.016552496701478958, 0.013093765825033188, -0.0005657323636114597, 0.013244741596281528, 0.0035753941629081964, -0.029893314465880394, -0.012318296357989311, -0.01826813630759716, -0.002846247050911188, -0.0031619248911738396, -0.0018717633793130517, -0.02500717155635357, 0.003245991189032793, 0.01723875291645527, 0.016154468059539795, -0.0015552277909591794, 0.007802731357514858, -0.02077983319759369, 0.0057679819874465466, 0.012935927137732506, 0.010136001743376255, 0.0001645942247705534, 0.007734105922281742, -0.0022852327674627304, 0.017554430291056633, -0.02437581494450569, -0.006320418324321508, 0.005510636139661074, 0.012386921793222427, 0.001362218288704753, 6.422927981475368e-05, 0.024636592715978622, -0.014232950285077095, 0.002693555084988475, 0.001133180339820683, -0.007933120243251324, 0.007905669510364532, -0.009209556505084038, 0.019777899608016014, 0.01371825858950615, 0.010733044706285, -0.005184664390981197, 0.00238988664932549, -0.00866055116057396, 0.007006674539297819, -0.011831054463982582, 0.023881711065769196, 0.008351736702024937, -0.010588930919766426, -0.012469273060560226, 0.0021685692481696606, -0.03675587475299835, -0.007988020777702332, 0.016319168731570244, 0.002990360837429762, 0.024046411737799644, -0.019942600280046463, 0.014713330194354057, -0.0503711961209774, -0.03340694680809975, 0.0004145415441598743, 0.02082100883126259, -0.012386921793222427, 0.0015955453272908926, 0.0031996688339859247, -0.012338884174823761, -0.004879280459135771, -0.014740779995918274, -0.04246552661061287, -0.033653996884822845, -0.02658556029200554, 0.013848647475242615, -0.008138996548950672, 0.021013161167502403, -0.016072116792201996, 0.009044854901731014, -0.02629733271896839, -0.012229083105921745, -0.019393596798181534, -0.02581695280969143, 0.008461536839604378, -0.006999811623245478, 0.016909349709749222, 0.012709462083876133, 0.025116972625255585, 0.020450429990887642, -0.00046751194167882204, -0.012146731838583946, 0.0011005831183865666, 0.0049719251692295074, -0.01205751858651638, -0.008166447281837463, -0.03137562796473503, 0.026997312903404236, 0.02411503717303276, 0.015001557767391205, 0.0030452613718807697, 0.004560171626508236, -0.0018717633793130517, 0.023442506790161133, -0.010314428247511387, -0.01822696067392826, 0.0019609767477959394, -0.027409067377448082, -0.0024396402295678854, -0.014672154560685158, -0.01596231572329998, 0.002834237413480878, -0.010431092232465744, 0.019558297470211983, -0.000867256079800427, 0.005297896917909384, 0.001519199344329536, -0.004035185556858778, 0.018830865621566772, -0.013086902908980846, 0.031814832240343094, -0.01830931194126606, -0.01707405038177967, -0.0011546257883310318, -0.007356665097177029, -0.023620933294296265, 0.0022509198170155287, 0.00013113924069330096, -0.0016804694896563888, 0.0019918582402169704, -0.003918522037565708, 0.0023675833363085985, -0.003455299185588956, 0.02585812844336033, -0.018721064552664757, -0.008557613007724285, -0.003849896602332592, -0.02005240134894848, -0.00044220624840818346, -0.01693679951131344, -0.016621122136712074, -0.008317423053085804, -0.00755567941814661, -0.0010774220572784543, -0.030112916603684425, 0.0038601902779191732, -0.008777215145528316, -0.02939920872449875, 0.01192713063210249, -0.019915150478482246, 0.019819075241684914, 0.005623868200927973, 0.03285793960094452, 0.02569342777132988, 0.00324942241422832, -0.01231143344193697, -0.0005910380277782679, 0.004042048007249832, 0.0006935475394129753, 0.014178049750626087, 0.01419177558273077, -0.006694427691400051, -0.0002862974361050874, 0.0015029007336124778, 0.0022063131909817457, -0.007157650776207447, -0.022028818726539612, 0.015976041555404663, 0.004217043519020081, 0.0011031565954908729, -0.018803415820002556, -0.017774032428860664, -0.021438639611005783, 0.012695737183094025, -0.02087590843439102, -0.003311185399070382, -0.0013613604241982102, 0.00913406815379858, -0.02283860184252262, 0.019091643393039703, 0.000996786984615028, 0.018885767087340355, 0.002027886686846614, -0.0026197824627161026, -0.010623243637382984, -0.02385426126420498, 0.00012824410805478692, 0.022015094757080078, 0.008077234029769897, 0.0155368372797966, -0.007267451845109463, 0.022001368924975395, -0.008084096014499664, -0.012016343884170055, -0.036124520003795624, 0.013683945871889591, 0.004844967741519213, 0.02126021310687065, -0.019283795729279518, -0.006021896842867136, -0.003942540846765041, 0.01749952882528305, 0.015152533538639545, 0.00515378313139081, -0.004838105291128159, -0.026132630184292793, -0.025075796991586685, -0.0009436020627617836, 0.03274814039468765, 0.01165262795984745, -0.024979719892144203, 0.004570465534925461, -0.027422791346907616, -0.019215170294046402, -0.009923262521624565, 0.0038293087854981422, 0.00819389708340168, 0.015770163387060165, 0.019297519698739052, 0.001044824835844338, 0.009079167619347572, -0.004268512595444918, 0.003997441381216049, 0.021232763305306435, 0.029481559991836548, 0.0024962564930319786, -0.007075299974530935, 0.0031790812499821186, -0.004625366069376469, 0.00538711016997695, -0.013237879611551762, 0.01092519611120224, -0.00868800189346075, -0.03200698271393776, 0.010355603881180286, -0.016923073679208755, -0.015646638348698616, -0.009188968688249588, -0.003484465181827545, 0.005740531720221043, 0.015687813982367516, -0.005922389682382345, 0.0056890626437962055, 0.008571337908506393, -0.00651943264529109, -0.03546571359038353, 0.010547755286097527, 0.032501086592674255, -0.0009135783766396344, -0.002570028882473707, 0.02441699057817459, 0.00013049588596913964, -0.0029989390168339014, 0.00960072223097086, 0.0037160764914005995, 0.012325159274041653, -0.01527605950832367, -0.013738846406340599, -0.009607585147023201, 0.02727181650698185, -0.014027073979377747, 0.0011228864314034581, -0.005740531720221043, 0.0027673274744302034, -0.020134752616286278, 0.01638779416680336, 0.0107742203399539, -0.006883148103952408, -0.00527044665068388, 0.01374570932239294, 0.023373881354928017, -0.0036954889073967934, 0.0006716731004416943, -0.02992076426744461, -0.005479754414409399, -0.007589992135763168, -0.0195857472717762, -0.0026438015047460794, -0.014740779995918274, 0.02838355116546154, 0.004570465534925461, -0.0036714698653668165, -0.02356603369116783, 0.0016410098178312182, -0.02005240134894848, 0.0028119341004639864, -0.0004752323147840798, 0.027724744752049446, 0.005888076964765787, 0.008818390779197216, -0.016291718930006027, 0.00892132893204689, -0.012009480968117714, 0.009044854901731014, -0.01689562387764454, -0.01098695956170559, -0.0008766921237111092, -0.029865864664316177, 0.016154468059539795, 0.00027321570087224245, -0.016415245831012726, -0.018872041255235672, 0.021054336801171303, 0.0076929302886128426, 0.00263522332534194, 0.014589804224669933, -0.01461725402623415, -0.004518995992839336, -0.01992887631058693, -0.009614447131752968, 0.019750449806451797, 0.03436770290136337, -0.004693991504609585, -0.02906980738043785, 0.011474201455712318, 0.012338884174823761, 0.004217043519020081, -0.003376379841938615, -0.017979908734560013, 0.006800797767937183, -0.010252665728330612, 0.015193709172308445, -0.01442510262131691, -0.010534030385315418, 0.035108860582113266, -0.030112916603684425, 0.01843283697962761, 0.02035435475409031, -0.01638779416680336, 0.016552496701478958, 0.004556740168482065, 4.774304761667736e-05, -0.004711147863417864, -0.015591737814247608, -0.027299266308546066, -0.0027913465164601803, 0.02415621280670166, -0.009312494657933712, -0.0010594078339636326, -0.00846839975565672, 0.01835048757493496, -0.018254410475492477, 0.005853764247149229, -0.012023205868899822, -0.013457481749355793, 0.0037572518922388554, 0.026914963498711586, 0.015468211844563484, -0.033818699419498444, 0.004543015267699957, -0.011405576020479202, -0.013162391260266304, 0.008811527863144875, -0.011309499852359295, 0.012709462083876133, 0.016662297770380974, 0.010877158492803574, -0.00821448490023613, -0.0006309266900643706, -0.031952083110809326, -0.0017156401881948113, 0.016964249312877655, 0.00021273938182275742, 0.005019963253289461, 0.19884955883026123, 0.020175928249955177, -0.01318984106183052, 0.029563911259174347, 0.0032648632768541574, -0.004210181068629026, 0.02753259241580963, -0.01117911096662283, -0.0017353700241073966, 0.017746582627296448, -0.0014805974205955863, -0.0068522668443620205, -0.01438392698764801, -0.001409398391842842, 0.0057782758958637714, -0.010431092232465744, -0.019517121836543083, -0.027711018919944763, -0.03552061319351196, -0.016868174076080322, -0.0015578012680634856, 0.0018769103335216641, 0.011275187134742737, -0.013841784559190273, 0.03697547689080238, 0.011501651257276535, -0.014054523780941963, 0.005181233398616314, 0.0173348281532526, -0.017472079023718834, -0.019517121836543083, 0.011172248981893063, -0.01096637174487114, 0.006800797767937183, 0.0022612137254327536, 0.01350551936775446, -0.0014377064071595669, -0.0068351104855537415, 0.008694863878190517, 0.009285044856369495, -0.008283110335469246, -0.00021724293765146285, 0.0017997064860537648, 0.007253726478666067, -0.0055655366741120815, 0.015097633004188538, -0.017952458932995796, -0.024732667952775955, 0.008138996548950672, 0.015166259370744228, -0.03785388544201851, 0.026105180382728577, 0.02484246902167797, 0.03694802522659302, -0.0037606831174343824, -0.00411753635853529, 0.015715263783931732, -0.0075968545861542225, 0.006505707278847694, 0.010815395973622799, -0.012428097426891327, 0.007452740799635649, -0.018624989315867424, 0.023483682423830032, -0.018981842324137688, 0.005490048322826624, -0.027162015438079834, -0.0041381241753697395, 0.008399774320423603, -0.04575955495238304, -0.00847526267170906, -0.012627111747860909, -0.005740531720221043, 0.023744460195302963, -0.046665411442518234, -0.007178238593041897, 0.02484246902167797, 0.020560231059789658, 0.010081101208925247, 0.01527605950832367, 0.004656247328966856, 0.004886143375188112, -0.008914466015994549, -0.024938546121120453, 0.0014908913290128112, -0.037442129105329514, 0.016717197373509407, 0.011686940677464008, 0.004913593176752329, -0.008571337908506393, 0.020038677379488945, -0.026187531650066376, -0.020930809900164604, 0.00021767184080090374, 0.008324285969138145, -0.00011741412163246423, 0.01903674378991127, 0.031732480973005295, 0.006759622134268284, 0.0004003875073976815, -0.0067561911419034, 0.03807348757982254, 0.024224838241934776, -0.0007784717017784715, -0.017472079023718834, 0.018172061070799828, -0.014054523780941963, 0.010396779514849186, 0.013450618833303452, -0.017005424946546555, -0.015179984271526337, -0.028328649699687958, 0.009909537620842457, 0.005682200193405151, -0.004810655023902655, -0.006629233714193106, -8.645218258607201e-06, -0.027299266308546066, -0.006649821065366268, -0.017142675817012787, 0.007027261890470982, -0.0192563459277153, 0.014507452957332134, 0.003544512437656522, -0.0050851572304964066, -0.021493539214134216, -0.02057395689189434, -0.0014771661954000592, 0.01784265786409378, -0.031732480973005295, 0.00932621955871582, 0.005315053276717663, 0.02189156785607338, 0.009044854901731014, 0.008269385434687138, 0.021493539214134216, -0.003867052961140871, 0.00048638397129252553, -0.0011494789505377412, 0.010362466797232628, -0.004436645656824112, -0.03008546493947506, 0.008557613007724285, 0.024911094456911087, 0.005620437208563089, -0.03587746620178223, 0.03351674601435661, -0.008530163206160069, -0.023154279217123985, -0.015674088150262833, -0.028438450768589973, 0.008777215145528316, 0.007034124806523323, -0.005870920605957508, 0.03263833746314049, -0.017568154260516167, -0.018336761742830276, -0.033050090074539185, 0.007095887791365385, -0.008365461602807045, -0.030359968543052673, -0.011762429028749466, 0.008969366550445557, 0.0022612137254327536, -0.009998750872910023, -0.006351300049573183, -0.17985399067401886, 0.0023298393934965134, 0.009586997330188751, 0.007850768975913525, -0.0029406072571873665, 0.007095887791365385, 0.01891321688890457, -0.0007789006340317428, -0.009051717817783356, 0.006766484584659338, 0.02355230785906315, -0.004642522428184748, -0.017060326412320137, -0.016538770869374275, -0.010835982859134674, 0.0017362278886139393, -0.004055773373693228, 0.019942600280046463, 0.02427973970770836, -0.0017636780394241214, 0.04392038658261299, -0.0055826930329203606, 0.004409195389598608, -0.02769729495048523, -0.015852514654397964, 0.0004100379883311689, -0.005301327910274267, 0.0024636592715978622, 0.004560171626508236, -0.016017217189073563, -0.02023082785308361, 0.01438392698764801, 0.010472267866134644, 0.01457607839256525, 0.021013161167502403, 0.008591925725340843, -0.02449934184551239, -0.01814460940659046, -0.018679890781641006, 0.01485058106482029, 0.01003306359052658, 0.022124895825982094, 0.007150788325816393, -0.01161145232617855, -0.030908973887562752, 0.02975606359541416, -0.015385860577225685, 0.00204847427085042, -0.006272380240261555, -0.025199322029948235, 0.01511135883629322, -0.0086674140766263, -0.008399774320423603, 0.020505331456661224, 0.012167319655418396, 0.00981346145272255, -0.026022829115390778, 0.017677955329418182, -0.0036680386401712894, -0.0019541140645742416, -0.007137062959372997, -0.023401331156492233, 0.013889823108911514, -0.023209180682897568, -0.02508952096104622, -0.010760495439171791, -0.023483682423830032, -0.011014409363269806, -0.035657864063978195, 0.014974107034504414, -0.023497408255934715, -0.025199322029948235, 0.017774032428860664, -0.02206999436020851, 0.02146608941257, 0.0018683321541175246, -0.002386455424129963, 0.007933120243251324, 0.018213236704468727, -0.016662297770380974, -0.021411189809441566, 0.03818328678607941, -0.01141930092126131, -0.0076929302886128426, -0.005510636139661074, 0.007102750241756439, -0.006474826019257307, 0.001703630667179823, 0.002932029077783227, -0.0018803415587171912, 0.02466404251754284, -0.039281297475099564, -0.007267451845109463, -0.03294029086828232, 0.013800608925521374, 0.020079853013157845, 0.0071164751425385475, 0.014081974513828754, 0.014795680530369282, -0.00020887919527012855, 0.0251444224268198, 0.013773159123957157, -0.02112296223640442, 0.01397903636097908, 0.021699417382478714, -0.011378125287592411, 0.021864118054509163, 0.005143489222973585, 0.020848458632826805, -0.005335641093552113, 0.007003243081271648, 0.006004740484058857, 0.026311056688427925, 0.009140931069850922, 0.02296212688088417, 0.0196269229054451, 0.012599661014974117, -0.003348929574713111, 0.010973234660923481, -0.009182105772197247, 0.041504766792058945, -0.03620687127113342, -0.0048209489323198795, 0.010602655820548534, 0.0031327588949352503, -0.009854637086391449, -0.12133007496595383, -0.028740404173731804, 0.005960133858025074, 0.04408508911728859, 0.00940857082605362, 0.02126021310687065, 0.019366145133972168, 0.004518995992839336, -0.015248609706759453, 0.025542451068758965, -0.025913028046488762, -0.012386921793222427, 0.0019644079729914665, -0.0030847210437059402, -0.0011829339200630784, 0.006804228760302067, 0.002321261214092374, -0.02696986310184002, 0.01030756626278162, 0.019750449806451797, 0.008372323587536812, -0.005987584125250578, 0.007016968447715044, -0.005438579246401787, -0.021191587671637535, -0.02407386340200901, -0.018968118354678154, 0.01630544476211071, 0.02970116212964058, -0.0020158772822469473, 0.004361157305538654, -0.013944722712039948, 0.01372512150555849, -0.01727992668747902, -0.01141930092126131, 0.015440761111676693, -0.01703287474811077, -0.02018965408205986, 0.015591737814247608, -0.012249670922756195, 0.020642582327127457, 0.0013261898420751095, -0.01092519611120224, -0.015138808637857437, -0.010904609225690365, -0.019324971362948418, -0.007562541868537664, 0.011316362768411636, -9.151868289336562e-05, -0.04037930816411972, -0.053198568522930145, -0.0017979908734560013, -0.015948591753840446, -0.016017217189073563, 0.02662673592567444, -0.007212551310658455, 0.025665976107120514, 0.026530658826231956, 0.001696768100373447, 0.009923262521624565, -0.003486180678009987, 0.012002618052065372, -0.008598788641393185, 0.008619376458227634, 0.0060459161177277565, 0.007233138661831617, -0.008138996548950672, -0.008543888106942177, 0.023881711065769196, -0.003873915411531925, -0.02449934184551239, 0.008564475923776627, -0.001641867682337761, 0.012702600099146366, -0.030112916603684425, 0.021919017657637596, -0.022042544558644295, -0.0019060762133449316, 0.016154468059539795, -0.00470428541302681, -0.003143052803352475, -0.006821385119110346, 0.017101500183343887, -0.010012475773692131, 0.008955641649663448, -0.02185039222240448, -0.00046064937487244606, -0.005737100727856159, 0.006639527156949043, -0.03675587475299835, -0.004275375045835972, 0.025171872228384018, 0.031979531049728394, -0.021699417382478714, -0.01575643941760063, 0.0005833176546730101, -0.014123150147497654, -0.024650318548083305, 0.02547382563352585, -0.003362654708325863, 0.0027398772072046995, -0.008804664947092533, -0.0696687176823616, 0.03563041612505913, 0.008838977664709091, -0.01865243911743164, 0.017705406993627548, 0.007988020777702332, 0.0008170736255124211, -0.011007547378540039, -0.00423419987782836, -0.001003649435006082, -0.01489175669848919, 0.009127205237746239, -0.026654185727238655, -0.004625366069376469, -0.009614447131752968, -0.013793746940791607, 0.02241312339901924, 0.014095699414610863, 0.008715451695024967, 0.011515377089381218, 0.0038293087854981422, 0.005500342231243849, 0.0064508067443966866, -0.011686940677464008, -0.006742465775460005, 0.012716324999928474, -0.002631792100146413, 0.011577139608561993, -0.003081289818510413, -0.006135129369795322, 0.037661731243133545, -0.03189718350768089, -0.005263584200292826, 0.020079853013157845, 0.004597915802150965, -0.04891633242368698, -0.004494977183640003, -0.0063101244159042835, 0.016799548640847206, 0.005792001262307167, -0.005459167063236237, -0.04699481651186943, 0.01889949105679989, -7.361168536590412e-05, -0.011968305334448814, 0.015825064852833748, -0.00684883538633585, 0.008955641649663448, 0.023881711065769196, -0.012874163687229156, 0.006351300049573183, 0.0017379435012117028, -0.005356228444725275, -0.018762240186333656, -0.02458169125020504, -0.05306131765246391, 0.00654002046212554, -0.010616381652653217, 0.017526980489492416, -0.03060702048242092, 0.013381993398070335, 0.0036097068805247545, 0.0106918690726161, 0.0008466684375889599, 0.02010730281472206, -0.008543888106942177, -0.0021222468931227922, 0.002262929454445839, 0.008482124656438828, -0.021026885136961937, -0.0028754128143191338, -0.001617848640307784, 0.0065228636376559734, 0.009971300140023232, 0.005918958690017462, 0.008379186503589153, -0.010485992766916752, 0.013608457520604134, 0.007040987256914377, 0.023250354453921318, 0.02745024301111698, -0.02587185427546501, -0.024993445724248886, 0.012023205868899822, 0.03077172115445137, 0.008331148885190487, -0.003921953495591879, 0.01776030659675598, -0.01766423135995865, 0.0021016590762883425, -0.026914963498711586, 0.026599284261465073, -0.01303886529058218, -0.0353284627199173, 0.010643831454217434, 0.005349365994334221, -0.01047912985086441, -0.012249670922756195, 0.0009350238833576441, 0.018638715147972107, -0.005122901406139135, 0.0044743893668055534, -0.003839602693915367, -0.027203191071748734, -0.00054428685689345, 0.01393786072731018, -0.01889949105679989, -0.003028104780241847, 0.00016823995974846184, 0.016483871266245842, 0.008228209801018238, 0.01367708295583725, -0.014329026453197002, 0.02624243125319481, -0.02573460154235363, -0.008338010869920254, -0.027752194553613663, -0.0041209678165614605, -0.03906169533729553, 0.024266013875603676, -0.012133006937801838, 0.018721064552664757, -0.0016710335621610284, -0.01693679951131344, 0.010335016064345837, -0.00616601062938571, 0.019173994660377502, -0.04817517474293709, 0.012716324999928474, 0.002352142706513405, 0.009291906841099262, -9.746980504132807e-05, -0.01213986985385418, -0.01600349135696888, -0.01305945310741663, -0.025542451068758965, 0.0016564505640417337, 0.012812400236725807, -0.006841972935944796, 0.07137063145637512, 0.00936739519238472, -0.005215546116232872, 0.011645765043795109, 0.006097385194152594, 0.02082100883126259, 0.021781766787171364, 0.008763490244746208, -0.01903674378991127, -0.018762240186333656, 0.0010902893263846636, 0.007994882762432098, 0.010300703346729279, -0.010884021408855915, -0.015029007568955421, 0.009230144321918488, -0.0028239437378942966, 0.035273563116788864, -0.024526791647076607, 0.012887888588011265, 0.010108551941812038, 0.01205751858651638, 0.016154468059539795, 0.010465404950082302, -0.007487053517252207, 0.0005417133797891438, 0.0174583550542593, 0.004639090970158577, -0.004783204756677151, -0.01749952882528305, -0.008399774320423603, 0.0006935475394129753, -0.03620687127113342, -0.026818886399269104, 0.02611890621483326, -0.022481748834252357, -0.004992512986063957, -0.01668974757194519, 0.010424229316413403, 0.02397778630256653, 0.0035616690292954445, 0.030799172818660736, -0.03697547689080238, -0.036426473408937454, -0.0064508067443966866, 0.020175928249955177, 0.004467526916414499, -0.007466466166079044, -0.021411189809441566], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='40bfe53d-2d9b-4eb0-8b46-067216c081de', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '2', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_type': 'application/pdf', 'file_size': 885090, 'creation_date': '2024-02-25', 'last_modified_date': '2024-02-07', 'last_accessed_date': None}, hash='8edd93259f1da9535536997b3917df695121572b291062c5ca59bc2fe60db66f')}, text='2', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='a8d961b7-9b11-43b3-86aa-7148ad82df68', embedding=[-0.025698751211166382, 0.016353750601410866, 0.001205498119816184, -0.028925001621246338, -0.00838546920567751, 0.012884140945971012, -0.01916281320154667, -0.005864961072802544, -0.03145593777298927, -0.041273750364780426, 0.01932968758046627, 0.0331525020301342, -0.007676250301301479, -0.0053608594462275505, 0.004324844107031822, -0.008371562696993351, 0.01454593800008297, 0.014309532009065151, 0.011556094512343407, -0.01011679694056511, -0.00041610110201872885, -0.011180625297129154, 0.014100938104093075, -0.03254062682390213, 0.006542890798300505, -0.013148359954357147, 0.01906546950340271, -0.040661875158548355, 0.003113261889666319, 0.004342226777225733, 0.027256250381469727, -0.014379062689840794, -0.01845359429717064, -0.023000938817858696, -0.01880125142633915, -0.012383515946567059, -6.464233592851087e-05, -0.014879687689244747, 0.021318282932043076, 0.006737578194588423, 0.02553187683224678, 0.032318126410245895, -0.0024057812988758087, -0.016200782731175423, 0.013384765945374966, 0.029119689017534256, 0.012960625812411308, -0.017327187582850456, -0.014671094715595245, -0.01086773443967104, 0.018550937995314598, 0.029926251620054245, -0.010499219410121441, 0.023571094498038292, 0.007391171995550394, 0.01317617204040289, -0.0011681250762194395, 0.020261406898498535, 0.013190078549087048, -0.010464453138411045, 0.016812656074762344, 0.01614515669643879, -0.0012037598062306643, 0.034710001200437546, 0.012884140945971012, -0.02305656298995018, -0.004161445423960686, 0.015046562999486923, 0.015908749774098396, -0.01994156278669834, 0.016172969713807106, 0.029564687982201576, -0.0089486725628376, -0.009713515639305115, 0.017605314031243324, -0.022847969084978104, -0.020247500389814377, 0.00031897463486529887, -0.021262656897306442, 0.00895562581717968, 0.007822265848517418, -0.015102188102900982, -0.009727422147989273, 0.03393125161528587, 0.002758652437478304, -0.024767031893134117, 0.013690703548491001, -0.005638984497636557, -0.017243750393390656, -0.005465156398713589, 0.0012750293826684356, -0.0013228320749476552, 0.03996656462550163, 0.00824640691280365, -0.019538281485438347, 0.006751484703272581, -0.010262812487781048, 0.005291328299790621, -0.030120939016342163, 0.0010759960860013962, 0.0019642577972263098, -0.008545391261577606, -0.03651781380176544, -0.004484765697270632, -0.029397813603281975, -0.012842422351241112, -0.0015679297503083944, 0.016617968678474426, 0.02368234470486641, 0.015324688516557217, -0.03963281586766243, 0.02437765710055828, 0.004484765697270632, -0.022333437576889992, 0.007815312594175339, -0.017257656902074814, -0.0005805859691463411, -0.012745078653097153, -0.006268242374062538, -0.007203437853604555, 0.036935001611709595, 0.024335939437150955, 0.022625470533967018, 0.0063099609687924385, 0.016186876222491264, -0.019176719710230827, 0.006452500354498625, -0.008719218894839287, -0.034181565046310425, 0.0040571484714746475, -0.01073562540113926, 0.01985812559723854, -0.0014853613683953881, 0.014379062689840794, -0.019218437373638153, -0.0014723242493346334, 0.010297578759491444, 0.009233750402927399, -0.018509220331907272, -0.01006117183715105, 0.012724218890070915, 0.012564297765493393, -0.014135703444480896, 0.0004980175872333348, -0.02500343881547451, 0.018064219504594803, 0.0012863281881436706, 0.01054789125919342, 0.010853828862309456, -0.02998187579214573, -0.01942703127861023, -0.026852969080209732, -0.007502422202378511, 0.043415315449237823, 0.021679844707250595, 0.020358750596642494, 0.02740922011435032, 0.02811843901872635, -0.02900843881070614, -0.015727968886494637, 0.010652188211679459, -0.009525781497359276, -0.017605314031243324, 0.013009297661483288, -0.007877890951931477, 0.028507813811302185, 0.013662891462445259, -0.0016887403326109052, 0.009386719204485416, -0.01782781258225441, -0.0001232006907230243, 0.03690718859434128, -0.023181719705462456, 0.027117189019918442, -0.011326640844345093, -0.004091914277523756, 0.03532187640666962, 0.007982187904417515, -0.006532461382448673, -0.017090782523155212, 0.0258934386074543, 0.00039046144229359925, 0.00824640691280365, 0.014573751017451286, -0.011326640844345093, -0.011820312589406967, 0.009734375402331352, -0.004303984344005585, 0.0245723444968462, -0.005447773728519678, 0.026227189227938652, 0.023696251213550568, 0.005854531656950712, 0.001055136788636446, -0.629675030708313, 0.006459453608840704, 0.015227344818413258, -0.03156718984246254, -0.022375157102942467, -0.002619589911773801, -0.0029811523854732513, -0.010603516362607479, -0.022305626422166824, 0.01667359471321106, 0.01570015773177147, -0.0073285941034555435, 0.014573751017451286, -0.0260603129863739, -0.01700734533369541, -0.04138500243425369, 0.00189472665078938, -0.028327032923698425, -0.018119843676686287, 0.011187578551471233, -0.02475312538444996, -0.0073285941034555435, -0.008253360167145729, -0.006083984859287739, -0.023890938609838486, 0.03457093983888626, 0.028507813811302185, 0.016103439033031464, 0.006497695576399565, 0.03509937599301338, 0.009734375402331352, 0.021151406690478325, -0.011006797663867474, -5.730896373279393e-05, 0.047030940651893616, 0.012668594717979431, -0.031066562980413437, 0.006066601723432541, 0.007453750353306532, 0.03429281339049339, -0.05011812597513199, -0.02076203189790249, 0.002711718901991844, 0.00034830812364816666, -0.015102188102900982, 0.005788476672023535, 0.00921984389424324, 0.018676094710826874, -0.02482265792787075, -0.04335968941450119, 0.012786797247827053, 0.0022893166169524193, -0.0022058789618313313, 0.011757735162973404, 0.014003594405949116, 0.029036251828074455, 0.04477812722325325, -0.016437187790870667, 0.0012515624985098839, 0.003980664070695639, -0.005534687545150518, 0.010812110267579556, -0.009504922665655613, -0.016617968678474426, -0.026839064434170723, 0.02216656319797039, -0.0032140822149813175, 0.011194531805813313, 0.007356406655162573, -0.01120843831449747, -0.0006501172319985926, 0.03245718777179718, 0.009942969307303429, -0.016451094299554825, 0.005785000044852495, -0.017062969505786896, 0.03326375037431717, 0.003639961127191782, -0.007133906707167625, 0.03412593901157379, 0.0033340235240757465, -0.01905156299471855, -0.02767343819141388, -0.0259768757969141, 0.028952812775969505, -0.01692390628159046, 0.015046562999486923, -0.02635234408080578, -0.00018414917576592416, 0.026199376210570335, 0.02546234428882599, 0.01923234388232231, -0.017688751220703125, -0.055291254073381424, -0.0008691406692378223, 0.017758281901478767, -0.004258789122104645, 0.025517970323562622, 0.028174063190817833, -0.036490000784397125, -0.02439156360924244, -0.0122444536536932, 0.025239843875169754, 0.01570015773177147, 0.01720203272998333, 0.03918781504034996, -0.015130000188946724, 0.007314687594771385, 0.0351271890103817, -0.0053608594462275505, -0.022041406482458115, 0.005604219157248735, -2.2190248273545876e-05, 0.0005823242245242, -4.05508435505908e-05, -0.03607281297445297, 0.009567500092089176, -0.009942969307303429, -0.003069804748520255, -0.016465000808238983, 0.004370039328932762, -0.008587109856307507, 0.00458558602258563, -0.008003047667443752, 0.0020442188251763582, 0.014768438413739204, 0.007495468948036432, -0.003523496212437749, 0.0023518947418779135, 0.009080781601369381, 0.004703789483755827, 0.001248955144546926, 0.03379219025373459, -0.004536914173513651, 0.007968281395733356, -0.006275195628404617, 0.04299812763929367, -0.021679844707250595, 0.006643711123615503, -0.02554578147828579, -0.006880117580294609, 0.008503672666847706, 0.0003576513845473528, -0.018050312995910645, -0.018300626426935196, -0.0093589061871171, -0.009212890639901161, 0.004439570475369692, 0.00757890660315752, 0.0003020263684447855, -0.01932968758046627, -0.005955351982265711, -0.017132500186562538, 0.02430812641978264, -0.00374425807967782, -0.010999844409525394, 0.0029707227367907763, -0.032234687358140945, -0.019287969917058945, -0.04352656379342079, 0.01791125163435936, 0.015853125602006912, -0.018133750185370445, -0.002553535159677267, -0.007460703607648611, -0.011868984438478947, -0.01843968778848648, 0.019746875390410423, -0.02848000079393387, -0.04639125242829323, 0.003434843849390745, -0.02688078209757805, 0.011959375813603401, 0.021387813612818718, -0.02330687642097473, -0.012522578239440918, 0.005649414379149675, -0.00851062498986721, 0.01766093820333481, -0.003384433686733246, -0.003024609526619315, 0.028980625793337822, 0.009240703657269478, -0.018995938822627068, 0.012953672558069229, 0.012432187795639038, 0.016979532316327095, 0.005955351982265711, -0.01507437601685524, 0.020887188613414764, 0.02535109408199787, 0.05320531502366066, -0.005666797049343586, -0.0039146095514297485, -0.010255860164761543, 0.020692501217126846, -0.021081876009702682, 0.0045403908006846905, -0.0038381251506507397, 0.009762187488377094, 0.015547187998890877, 0.0019781640730798244, -0.0001947961573023349, -0.02315390668809414, -0.014253906905651093, -0.02917531318962574, 0.004957578144967556, -0.01223054714500904, 0.009198985062539577, 0.003994570579379797, -0.0028386134654283524, -0.017980782315135002, -0.013864532113075256, -0.027645627036690712, 0.00022510743292514235, 0.03203999996185303, 0.005948398727923632, 0.026533126831054688, -0.0024840040132403374, -0.019357500597834587, 0.014657188206911087, -0.010478359647095203, 0.029203126206994057, -0.0069878906942903996, 0.013308282010257244, 0.010353203862905502, -0.006549844052642584, 0.019816407933831215, 0.0022232618648558855, -0.011013750918209553, -0.016701407730579376, 0.007001797202974558, 0.012633828446269035, 0.005576406605541706, 0.037741564214229584, 0.009741328656673431, 0.02617156319320202, 0.0076692970469594, 0.03532187640666962, 0.009525781497359276, -0.006789726670831442, 0.017313281074166298, -0.0026700000744313, -0.014990937896072865, 0.0153803126886487, 0.001573144574649632, 0.04850500077009201, -0.007592812646180391, -0.015046562999486923, -0.004842851776629686, -0.028980625793337822, 0.019635625183582306, -0.01077039074152708, 0.010283672250807285, 0.021346094086766243, 0.00678625050932169, -5.304473961587064e-05, 0.008093438111245632, 0.03637875244021416, 0.01289804745465517, 0.007745781447738409, 0.013287422247231007, 0.019440937787294388, -0.0031323828734457493, -0.009769140742719173, -0.017619218677282333, -0.006595039274543524, -0.012703360058367252, 0.007968281395733356, -0.010902500711381435, -0.00028268800815567374, -0.006494218949228525, -0.02241687662899494, -0.03412593901157379, 0.013635078445076942, 0.025837814435362816, -0.0025674414355307817, 0.0324850007891655, 0.02013625018298626, -0.005538164172321558, -0.029119689017534256, -0.021749375388026237, 0.00337921897880733, 0.011604766361415386, -0.01631203107535839, -0.01675703190267086, -0.021665938198566437, 0.01237656269222498, 0.02846609428524971, 0.014865782111883163, 0.0001174426288343966, 0.0033861720003187656, -0.01923234388232231, 0.005920586176216602, -0.004380468744784594, -0.003156718797981739, 0.030983125790953636, -0.008941719308495522, -0.007012227084487677, -0.018467500805854797, -0.004596015904098749, 0.044194065034389496, -0.022945312783122063, -0.015505469404160976, 0.08349312841892242, 0.0007565869600512087, -0.01791125163435936, -0.031094375997781754, 0.011639531701803207, -0.0049784379079937935, 0.008872187696397305, -0.0029046679846942425, 0.010283672250807285, -0.014712813310325146, 0.022208282724022865, -0.003619101596996188, -0.0022441211622208357, -0.001023847726173699, 0.006716718897223473, 0.0285356268286705, -0.004123203456401825, -0.004776797257363796, -0.010040313005447388, 0.010283672250807285, 0.04077312722802162, 0.02404390648007393, -0.0032540627289563417, 0.00828812550753355, -0.021846719086170197, -0.018745625391602516, -0.027729064226150513, -0.018036406487226486, 0.030037501826882362, -0.0011046777945011854, 0.011785547249019146, -0.013426484540104866, -0.0020320508629083633, -0.020511720329523087, 0.013906250707805157, -0.004599492531269789, 0.009449297562241554, -0.020150156691670418, -0.0049784379079937935, -0.01126406341791153, -0.001056874985806644, -0.0029255275148898363, 0.012529531493782997, 0.012647734954953194, -0.005326094105839729, -0.0009343262063339353, 0.025865625590085983, 0.008635781705379486, -0.005426914431154728, -0.03262406215071678, 0.014156563207507133, 0.006765390746295452, 0.005374765954911709, 0.03354187682271004, -0.013982734642922878, 0.026922501623630524, -0.003685156349092722, -0.01001945324242115, 0.03295781463384628, 0.009942969307303429, 0.010200235061347485, 0.020789844915270805, 0.014768438413739204, 0.015588906593620777, 0.0381031259894371, -0.024975625798106194, 0.0024944336619228125, 0.020414376631379128, -0.005468633025884628, -0.014434687793254852, 0.019093282520771027, -0.01837015710771084, -0.04547343775629997, 0.007356406655162573, -0.0021259181667119265, 0.009080781601369381, -0.02403000183403492, 0.009456250816583633, 0.0043526566587388515, -0.004599492531269789, -0.002485742326825857, -0.015282968990504742, 0.021944062784314156, 0.007078281603753567, -0.0017539258114993572, 0.007982187904417515, -0.01825890690088272, 0.0014080079272389412, -0.023626720532774925, 0.006299531552940607, -0.008371562696993351, 0.0014784082304686308, -0.052454378455877304, -0.0006814062944613397, -0.009345000609755516, 0.010527031496167183, 0.013370860368013382, -0.005531211383640766, -0.017090782523155212, 0.010673047043383121, -0.016437187790870667, -0.001433212892152369, 6.963989289943129e-05, -0.040049999952316284, -0.009456250816583633, -0.02421078272163868, -0.0035148048773407936, -0.005503398831933737, -0.002972461050376296, -0.01568625122308731, 0.00602835975587368, -0.013509922660887241, -0.005677226930856705, -0.015992188826203346, 0.0005675488500855863, 0.024266406893730164, 0.03287437558174133, 0.03534968942403793, 0.003886796999722719, -0.03665687516331673, 0.007189531344920397, -0.013002344407141209, -0.014149609953165054, -0.006754961330443621, -0.013496016152203083, -0.0007857031305320561, 0.009511874988675117, 0.018203282728791237, 0.0025361524894833565, -0.01949656382203102, 0.025337189435958862, -0.00847585964947939, 0.005392148625105619, -0.005034062545746565, 0.02987062558531761, 0.02419687621295452, 0.010033359751105309, 0.0024370704777538776, 0.01068695355206728, -0.010137656703591347, -0.011166718788444996, -0.017716562375426292, 0.0211931262165308, -0.0005575537215918303, -0.02297312580049038, 0.0014193067327141762, 0.007822265848517418, -0.007759687956422567, -0.00837851595133543, 0.017327187582850456, -0.010756485164165497, 0.008350703865289688, 0.006313437595963478, -0.01595046930015087, -0.028591251000761986, -0.008308984339237213, -0.00603183638304472, -0.002855996135622263, -0.010088984854519367, 0.0005749365664087236, 0.0165762510150671, 0.010262812487781048, 0.002398828277364373, -0.0036156252026557922, 0.032401565462350845, -0.024363750591874123, -0.0093589061871171, 0.021916251629590988, 0.01837015710771084, 0.027019845321774483, -0.014100938104093075, 0.018662188202142715, -0.03913218900561333, -0.004244883079081774, -0.019788594916462898, -0.035600002855062485, -0.015408125706017017, 0.002410996239632368, 0.035433124750852585, 0.010756485164165497, 0.03571125119924545, 0.0033096875995397568, 0.008135156705975533, 0.001713076257146895, -0.0043526566587388515, -0.016631875187158585, 0.018912501633167267, -0.010478359647095203, -0.011563047766685486, 0.0034835156984627247, 0.0015748828882351518, -0.014392969198524952, 0.01825890690088272, 0.01907937601208687, 0.00829507876187563, 0.042330626398324966, -0.018105939030647278, 0.004762890748679638, -0.0031271681655198336, -0.014796250499784946, -0.0038972266484051943, 0.011757735162973404, 0.015602813102304935, -0.003650390775874257, -0.02686687558889389, 0.0033687890972942114, 0.0357946902513504, 0.021415626630187035, 0.017674844712018967, 0.007919609546661377, 0.01639547012746334, -0.021040156483650208, 0.01392710953950882, 0.027256250381469727, 0.006723672151565552, -0.030899688601493835, -0.019440937787294388, -0.03682375326752663, 0.004237929824739695, 0.009365859441459179, -0.007745781447738409, 0.0008634912665002048, 0.010965078137814999, -0.009783047251403332, 0.014066172763705254, 0.0038068362046033144, -0.016103439033031464, -0.0004897607723250985, 0.0035739063750952482, -0.007759687956422567, 0.008573203347623348, -0.03518281504511833, -0.0009751758188940585, 0.0012672070879489183, -0.013934062793850899, 0.015324688516557217, -0.005079258233308792, 0.013315235264599323, -0.02083156257867813, -0.021582501009106636, 0.03393125161528587, 0.018036406487226486, 0.023265156894922256, -0.0015661914367228746, 0.012119296938180923, 0.005027109757065773, 0.0054303910583257675, -0.021485157310962677, -0.0077944532968103886, 0.021248750388622284, -0.010853828862309456, 0.0015096972929313779, 0.0357946902513504, -0.02508687600493431, -0.014490312896668911, 0.011034609749913216, 0.0038381251506507397, -0.02942562662065029, -0.04319281503558159, 0.004175351932644844, 0.008941719308495522, 0.012738125398755074, -0.022917501628398895, -0.0008791357977315784, -0.011111094616353512, 0.012925859540700912, -0.015394219197332859, 0.0019972852896898985, 0.001434082048945129, -0.02650531381368637, -0.013496016152203083, 0.022402970120310783, 0.014559844508767128, -0.008566250093281269, -0.018995938822627068, -0.031344689428806305, 0.024627970531582832, -0.014490312896668911, -0.0076692970469594, 0.025225939229130745, 0.01852312497794628, 0.03279094025492668, -0.024002188816666603, 0.023265156894922256, 0.00223890645429492, -0.0025900392793118954, -0.01905156299471855, 0.007634531706571579, -0.005287851672619581, 0.026102032512426376, -0.01543593779206276, 0.012126250192523003, 0.007161719258874655, 0.0005084472941234708, 0.015422032214701176, -0.029731564223766327, -0.00023097412486094981, -0.0019242773996666074, 0.007815312594175339, 0.00823945365846157, 0.026811251416802406, 0.007133906707167625, 0.0038416017778217793, 0.012133203446865082, 0.006629805080592632, -0.014810157008469105, -0.01924625039100647, -0.002562226727604866, 0.01659015752375126, -0.04958968982100487, 0.013405625708401203, -0.0011429199948906898, 0.004856757819652557, 0.011590859852731228, 0.008830469101667404, -0.012466954067349434, -0.018509220331907272, 0.021067969501018524, -0.021930156275629997, 0.031789690256118774, 0.015394219197332859, -0.004091914277523756, 0.002433593850582838, 0.00191732426173985, -0.013016250915825367, -0.015894845128059387, 0.031066562980413437, -0.029592500999569893, -0.011757735162973404, -0.006292578298598528, 0.020080626010894775, -0.0036677736788988113, 0.0032019142527133226, -0.03192875161767006, 0.02241687662899494, -0.0003791626077145338, 0.016172969713807106, 0.002033789176493883, -0.013676797039806843, 0.020859375596046448, -0.027506563812494278, -0.018842969089746475, 0.010429687798023224, -0.009011249989271164, 0.009497969411313534, -0.002398828277364373, -0.006480312906205654, 0.003747734474018216, -0.04480594024062157, -0.0008117773686535656, 0.0030767580028623343, 0.0012993653072044253, 0.002711718901991844, 0.013245703652501106, -0.019899845123291016, -0.005711992271244526, 0.004363086074590683, 0.006991367321461439, -0.029370000585913658, 0.001454941462725401, 0.013864532113075256, -0.008719218894839287, -0.01289804745465517, 0.02714500203728676, -0.017716562375426292, 0.005020156502723694, 0.0010855566943064332, -0.019983282312750816, -0.04806000366806984, -0.033653125166893005, -0.016562344506382942, 0.022236093878746033, 0.011312735266983509, -0.005312187597155571, -0.02995406463742256, -0.01721593737602234, -0.05790562555193901, -0.01870390772819519, 0.0030732813756912947, 0.014893594197928905, 0.0015444629825651646, 0.018648281693458557, 0.011138906702399254, 0.04230281338095665, -0.018105939030647278, 0.0030558984726667404, -0.005270469002425671, -0.029481250792741776, 0.013071875087916851, 0.004178828094154596, 0.011020703241229057, 0.002339726546779275, -0.02163812518119812, 0.008406328037381172, 0.011131953448057175, 0.0005140966968610883, 0.010575703345239162, 0.013238750398159027, -0.010325390845537186, -0.01906546950340271, 0.00970656331628561, 0.016256406903266907, -0.005791953299194574, -0.009254610165953636, -0.005937968846410513, -0.021693751215934753, 0.007106094155460596, 0.02731187641620636, -0.03345843777060509, -0.005802383180707693, -0.009115546941757202, 0.008121250197291374, -0.002393613336607814, -0.002477050991728902, -0.007363359909504652, -0.006688906345516443, 0.010999844409525394, -0.027868125587701797, 0.021832812577486038, -0.011583906598389149, 0.01631203107535839, 0.02642187662422657, 0.010235000401735306, 0.004561250098049641, -0.0043144142255187035, 0.005159218795597553, -0.023626720532774925, -0.00172437506262213, 0.014379062689840794, -0.007655391003936529, 0.007724922150373459, -0.008649688214063644, -0.000657504890114069, -0.014990937896072865, -0.008538438007235527, -0.007759687956422567, 0.014017500914633274, -0.03359750285744667, 0.019538281485438347, -0.002398828277364373, -0.021679844707250595, -0.005833671893924475, -0.012793750502169132, 0.00301417987793684, -0.0038520314265042543, -0.0027951563242822886, -0.004783750046044588, 0.008844375610351562, 0.0006661963416263461, -0.023279063403606415, -0.016270313411951065, -0.0024822656996548176, -0.008190781809389591, 0.006720195524394512, -0.001002988312393427, 0.017146406695246696, 0.2115975022315979, -0.00903906300663948, -0.016715312376618385, 0.02909187600016594, 0.006633281707763672, -0.004359609447419643, 0.024322032928466797, 0.01134750060737133, -0.03156718984246254, 0.013245703652501106, 0.0020303125493228436, -0.014066172763705254, -0.014907500706613064, 0.0021346095018088818, 0.017132500186562538, 0.0006366455345414579, -0.014093984849750996, -0.02818796969950199, -0.006403828505426645, -0.004964531399309635, 0.014121797867119312, 0.01596437580883503, -0.011097188107669353, -0.02066468819975853, 0.02848000079393387, -0.01497703231871128, 0.0030315625481307507, 0.01129882875829935, -0.006883594207465649, 0.01130578201264143, -0.01711859367787838, 0.012599063105881214, 0.003737304825335741, 0.007279922254383564, 0.013384765945374966, -0.011778593994677067, 0.017494063824415207, -0.010978984646499157, 0.025559687986969948, 0.006414257921278477, -0.0015349023742601275, -0.007293828297406435, -0.015366407111287117, -0.033736564218997955, 0.015060469508171082, 0.021665938198566437, -0.02650531381368637, -0.01153523474931717, -0.02147125080227852, -0.0019677344243973494, -0.02934218943119049, 0.03259625285863876, 0.021763281896710396, 0.025045156478881836, 0.01852312497794628, 0.00611527357250452, -0.006268242374062538, 0.004425664432346821, 0.013009297661483288, 0.013336094096302986, -0.03601719066500664, 0.006713242270052433, -0.008107343688607216, 0.01606171950697899, 0.005871914327144623, 0.011987187899649143, -0.007850078865885735, 0.016256406903266907, 0.011785547249019146, -0.02040047012269497, 0.004662070423364639, -0.0024961719755083323, -0.007954374887049198, -0.006956601981073618, -0.02643578313291073, -0.02998187579214573, 0.01834234409034252, 0.004234453197568655, 0.01157695334404707, 0.028327032923698425, -0.0042692190036177635, -0.020080626010894775, -0.015255156904459, 0.00033744386746548116, -0.009956875815987587, -0.01951047033071518, 0.01959390752017498, -0.02117921970784664, -0.018495313823223114, -0.003227988490834832, -0.0010394921991974115, -0.004905429668724537, -0.00027095459518022835, 0.0008087353780865669, 0.021318282932043076, -0.004286601673811674, 0.03245718777179718, 0.019983282312750816, -0.016631875187158585, -0.020998438820242882, -0.02670000120997429, 0.06352375447750092, 0.015324688516557217, -0.004345703404396772, 0.008712265640497208, 0.013356953859329224, -0.011382265947759151, 0.006414257921278477, 0.015714062377810478, -0.004846328403800726, 0.0077805472537875175, -0.057238128036260605, 0.009303282015025616, 0.00687316432595253, 0.009984687902033329, 0.0187178123742342, 0.005868437699973583, -0.014420782215893269, -0.015825312584638596, 0.017410626634955406, 0.015714062377810478, 0.0008886963478289545, 0.008635781705379486, 0.01011679694056511, -0.008740078657865524, -0.021123595535755157, -0.03643437474966049, -0.009192031808197498, -0.03573906421661377, 0.0257265642285347, -0.0013341308804228902, -0.017049062997102737, 0.009456250816583633, 0.01223750039935112, 0.015366407111287117, -0.029815001413226128, 0.0077944532968103886, -0.0008873926126398146, -0.026366250589489937, -0.0052635157480835915, 0.016826562583446503, 0.014191328547894955, -0.026366250589489937, -0.009602266363799572, 0.02747875079512596, -0.005607695318758488, 0.0020720313768833876, 0.03548875078558922, -0.024266406893730164, -0.012307032011449337, 0.003188007976859808, -0.002294531324878335, -0.007752734702080488, -0.004919336177408695, 0.01614515669643879, -0.013169219717383385, -0.008392422460019588, -0.023918751627206802, -0.00757890660315752, -0.000495410175062716, -0.06463625282049179, -0.000700961914844811, -0.0105548445135355, 0.003222773550078273, -0.006306484807282686, -0.018133750185370445, -0.17866750061511993, -0.017049062997102737, 0.013120547868311405, -0.03815875202417374, 0.0349603146314621, 0.0029150978662073612, 0.034348439425230026, -0.006765390746295452, -0.027784688398241997, 0.002596992300823331, -0.006351680029183626, 0.015227344818413258, -0.03796406462788582, -0.0166596882045269, 0.001971211051568389, 0.0015966113423928618, -0.0069739846512675285, -0.009400625713169575, 0.020803751423954964, -0.0012298340443521738, 0.01914890669286251, -0.040745314210653305, 0.019719064235687256, 0.01200804766267538, 0.021485157310962677, 0.010714765638113022, 0.003175840014591813, 0.02092890627682209, 0.0016644044080749154, -0.04984000325202942, -0.027186719700694084, -0.008809609338641167, 0.0013089257990941405, -0.008093438111245632, 0.010033359751105309, 0.002596992300823331, 0.004825469106435776, 0.0050896876491606236, -0.01729937642812729, 0.028925001621246338, 0.015491562895476818, 0.022750625386834145, -0.013064922764897346, 0.008545391261577606, 0.003938945475965738, 0.01458765659481287, -0.0031914846040308475, -0.031873125582933426, 0.0055868360213935375, -0.015046562999486923, 0.01458765659481287, -0.022110939025878906, 0.0010812110267579556, -0.013586406596004963, 0.022653281688690186, -0.014191328547894955, 0.0038624610751867294, 0.004164922051131725, 0.004349180031567812, -0.00011407471174607053, -0.013370860368013382, -0.006629805080592632, 0.009539688006043434, 0.004380468744784594, 0.004439570475369692, -0.020330937579274178, -0.02038656361401081, 0.013725468888878822, -0.037546876817941666, -0.006400351878255606, -0.007029609754681587, -0.0001934924366651103, 0.003466133028268814, 0.00993601605296135, 0.018231093883514404, 0.01889859512448311, 0.008934766054153442, 0.021679844707250595, 0.025337189435958862, -0.009059921838343143, 0.011729922145605087, 0.028048908337950706, -0.004203164018690586, 0.007961328141391277, -0.018064219504594803, -0.0013297852128744125, 0.003935468848794699, 0.02225000038743019, 0.00046585939708165824, -0.012918907217681408, 0.01827281340956688, -0.037825003266334534, 0.011875937692821026, -0.0233346875756979, 0.010346250608563423, 0.017410626634955406, 0.0041857813484966755, -0.03006531298160553, -0.0010316700208932161, 0.009518828243017197, -0.000840024440549314, 0.007259062957018614, -0.008350703865289688, 0.000393286143662408, 0.009386719204485416, 0.0022980079520493746, -0.0187178123742342, 0.010812110267579556, 0.04121812805533409, -0.030093125998973846, 0.010095938108861446, -0.011611719615757465, -0.00347134773619473, 0.008962578140199184, -0.01703515648841858, 0.015185625292360783, 0.03023218922317028, -0.019635625183582306, 0.004251836333423853, 0.0025570117868483067, 0.06341250240802765, 0.014080078341066837, -0.02188843861222267, 0.014949219301342964, 0.011472656391561031, -0.0136072663590312, -0.11169500648975372, -0.026894688606262207, -0.011806407012045383, 0.02749265730381012, 0.0017608789494261146, 0.015491562895476818, -0.01994156278669834, 0.020525624975562096, 0.0056563676334917545, 0.02777078188955784, -0.008656640537083149, -0.006365586072206497, 0.007467656396329403, 0.010888594202697277, 0.008934766054153442, -0.016631875187158585, -0.0018651759019121528, -0.010471406392753124, -0.009393672458827496, 0.043943751603364944, 0.0013958398485556245, -0.011104141362011433, -0.0054442971013486385, -0.028035001829266548, -0.01161867193877697, -0.005107070319354534, -0.0075163282454013824, -0.0033548830542713404, 0.006455976981669664, 0.020901095122098923, 0.03671250119805336, -0.0026248048525303602, 0.021693751215934753, -0.026894688606262207, 0.013690703548491001, -0.013968829065561295, -0.011166718788444996, -0.007467656396329403, 0.013920157216489315, -0.016465000808238983, -0.011660391464829445, 0.005096640903502703, 0.0037998829502612352, 0.010248906910419464, -0.010436641052365303, -0.012341797351837158, -0.019454844295978546, 0.01825890690088272, 0.02013625018298626, -0.0213600005954504, -0.022583751007914543, -0.017243750393390656, -0.02579609490931034, -0.0019677344243973494, 0.022236093878746033, -0.009115546941757202, 0.0016835255082696676, 0.014643281698226929, -0.021707657724618912, 0.015422032214701176, 0.006821015849709511, 9.859314013738185e-05, -0.0031323828734457493, -0.0017852148739621043, 0.02925875037908554, 0.00529480492696166, 0.0016244238940998912, -0.022847969084978104, 0.00855929683893919, -0.012738125398755074, -0.01827281340956688, 0.023724064230918884, -0.006647187750786543, 0.004060625098645687, -0.02757609449326992, -0.014281718991696835, -0.0015105664497241378, -0.021415626630187035, 0.005280898883938789, -0.003071543062105775, -0.02419687621295452, -0.01748015731573105, 0.007300781551748514, -0.007453750353306532, 0.005771094001829624, 0.012300078757107258, -0.0067932032980024815, -0.0032679687719792128, -0.0032349415123462677, -0.014643281698226929, -0.007704062853008509, 0.009727422147989273, 0.007836172357201576, -0.04472250118851662, 0.0007296435651369393, 0.017772188410162926, -0.02792375162243843, -0.0008582763839513063, 0.0356278121471405, 0.026755625382065773, -0.03128906339406967, -0.01718812622129917, -0.06107625365257263, 0.024057812988758087, 0.0020633400417864323, -0.020177969709038734, -0.010207188315689564, -0.014337344095110893, 0.01800859533250332, -0.030649377033114433, 0.0066193751990795135, 0.018133750185370445, -0.03785281255841255, 0.001281113363802433, -0.009282422251999378, -0.013245703652501106, -0.025406720116734505, -0.00832984410226345, 0.00753718800842762, -0.02330687642097473, 0.02846609428524971, 0.022820157930254936, 0.018467500805854797, -0.011764688417315483, -0.02439156360924244, 0.02137390710413456, -0.008343750610947609, -0.024600157514214516, -0.025921251624822617, 0.02277843840420246, -0.0051209768280386925, 0.00538519537076354, -0.003274922026321292, -0.0061674220487475395, 0.009574453346431255, 0.01692390628159046, -0.014810157008469105, 0.0023849220015108585, 0.00965789146721363, 0.018203282728791237, 0.03137250244617462, 0.03824218735098839, -0.012772890739142895, -0.03254062682390213, -0.006369062699377537, -0.011646484956145287, 0.007759687956422567, -0.00832984410226345, 0.002689121291041374, -0.0015635840827599168, 0.010888594202697277, 0.010965078137814999, 0.011069375090301037, 0.008740078657865524, -0.013530781492590904, -0.03813093900680542, -0.014052266255021095, -0.01624250039458275, -0.0036782033275812864, 0.0029533400665968657, 0.004074531607329845, -0.02774297073483467, 0.03259625285863876, -0.003966758027672768, 0.007912656292319298, -0.015505469404160976, 0.01507437601685524, 0.01152132824063301, -0.007113046944141388, 0.017355000600218773, -0.013057969510555267, 0.0012298340443521738, -0.016798751428723335, 0.01281461026519537, 0.0037651173770427704, 0.024182969704270363, -0.018217187374830246, -0.002617851598188281, 0.0019955469761043787, 0.007509375456720591, -0.008719218894839287, 0.015519375912845135, 0.0075997659005224705, -0.03501594066619873, 0.0031375978142023087, 0.011403125710785389, 0.02934218943119049, 0.011215390637516975, -0.026115939021110535, 0.01827281340956688, -0.0019659961108118296, 0.004731601569801569, 0.010916406288743019, 0.00022554199676960707, -0.02307046949863434, -0.0166596882045269, 0.0026786914095282555, -0.00748851615935564, -0.01907937601208687, -0.00014590698992833495, 0.020066719502210617, 0.0022163086105138063, 0.005663320422172546, 0.0015531543176621199, 0.007088711019605398, -0.0356278121471405, -0.012453047558665276, 0.004067578352987766, -0.041468437761068344, -0.013502969406545162, 0.010575703345239162, 0.009192031808197498, 0.007210391107946634, -0.004644687753170729, -0.009692656807601452, 0.007109570782631636, -0.010144609957933426, 0.016103439033031464, -0.011465703137218952, -0.020595157518982887, -0.037463437765836716, 0.026672188192605972, 0.025823907926678658, -0.007989141158759594, 0.05312187597155571, 0.020497813820838928, 0.01718812622129917, 0.009831719100475311, 0.008614921942353249, -0.015644531697034836, 0.013843672350049019, -0.006010976620018482, -0.00970656331628561, 0.009539688006043434, -0.010374062694609165, -0.010700860060751438, -0.025587501004338264, -0.017146406695246696, -0.007982187904417515, -0.0011142382863909006, 0.0018251953879371285, 0.09083563089370728, 0.00980390701442957, -0.012181875295937061, 0.011291875503957272, -0.022097032517194748, -0.0026995509397238493, 0.0015053516253829002, 0.007829219102859497, -0.0024266408290714025, -0.06263375282287598, 0.01157000008970499, 0.0026665234472602606, 0.012758985161781311, -0.033124689012765884, -0.016256406903266907, -0.008684453554451466, -0.008413281291723251, 0.01782781258225441, -0.008315937593579292, -0.009192031808197498, 0.019816407933831215, -0.009630078449845314, -0.0046690236777067184, 0.0199554692953825, -0.012515625916421413, -0.009609218686819077, 0.04330406337976456, 0.015171719714999199, -0.024071719497442245, -0.007293828297406435, 0.017396720126271248, 0.031873125582933426, -0.029648127034306526, 0.0011255372082814574, -0.013920157216489315, -0.016186876222491264, -0.0023831836879253387, -0.01126406341791153, 0.009254610165953636, 0.025031251832842827, -0.016812656074762344, 0.0015140430768951774, -0.02137390710413456, -0.03699062764644623, -0.0006622851942665875, 0.006483789533376694, -0.0004169702297076583, -0.002416210947558284, -0.05011812597513199], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='d517ceeb-af56-4cae-9bb5-6056419ce9ae', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '3', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_type': 'application/pdf', 'file_size': 885090, 'creation_date': '2024-02-25', 'last_modified_date': '2024-02-07', 'last_accessed_date': None}, hash='7541c2b7882455f0c6213e73e7128302bc1000c4815f2cbf55b873bde541d959')}, text='• We evaluate LLMCompiler ’s capability in dynamic replanning, which is achieved through a feedback loop from\\nthe Executor back to our LLM Planner. For the Game of 24 [57], which requires repeated replanning based on the\\nintermediate results, LLMCompiler demonstrates a 2 ×speedup compared to Tree-of-Thoughts (Sec. 4.3).\\n• We showcase that LLMCompiler can explore the interactive decision-making environment effectively and effi-\\nciently. On WebShop, LLMCompiler achieves up to 101.7×speedup and 25.7% improved success rate compared\\nto the baselines. (Sec. 4.4)\\n2 Related Work\\n2.1 Latency Optimization in LLMs\\nVarious studies have focused on optimizing model design [21, 11, 30, 9, 24, 10, 22, 6, 28] and systems [25, 59, 1, 2]\\nfor efficient LLM inference. Optimizations at the application level, however, are less explored. This is critical from a\\npractical point of view for situations involving black-box LLM models and services where modifications to the models\\nand the underlying inference pipeline are highly restricted.\\nSkeleton-of-Thought [34] recently proposed to reduce latency through application-level parallel decoding. This\\nmethod involves a two-step process of an initial skeleton generation phase, followed by parallel execution of skeleton\\nitems. However, it is primarily designed for embarrassingly parallel workloads and does not support problems that\\nhave inherently interdependent tasks, as it assumes no dependencies between skeleton tasks. ', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='e53b6325-c664-47d3-a87b-9c64d9448b13', embedding=[-0.01229576114565134, 0.0047390637919306755, -0.010056997649371624, -0.026795413345098495, -0.005077319219708443, 0.030184941366314888, -0.01909574121236801, 0.014729805290699005, -0.04444049298763275, -0.047676585614681244, 0.04622592404484749, 0.029431713744997978, 0.00953392218798399, -0.01252591423690319, -0.007037108764052391, 0.005502753891050816, 0.010956687852740288, -0.002355583244934678, -0.00048122945008799434, -0.013788269832730293, 0.006011880934238434, -0.012846733443439007, -0.00930376909673214, -0.04240398481488228, -0.010614944621920586, -0.00023124294239096344, 0.031021863222122192, -0.05082898586988449, -0.007685722317546606, 0.00098425371106714, 0.020365072414278984, -0.006221110932528973, -0.03785671666264534, -0.007058031857013702, -0.026753567159175873, -0.008118131197988987, 0.009059667587280273, -0.006838339846581221, 0.011005507782101631, -0.006922032218426466, 0.03860994428396225, 0.007713619619607925, 0.01228181179612875, -0.012818836607038975, 0.0027287104167044163, 0.01982107385993004, 0.026934899389743805, -0.01800774410367012, -0.014980881474912167, 0.02230393886566162, 0.025079725310206413, 0.049517810344696045, -0.015971237793564796, 0.015469085425138474, 0.009896587580442429, 0.008564488962292671, -0.0024445061571896076, 0.01954209990799427, 0.010405714623630047, -0.0020661482121795416, 0.009282846003770828, 0.0013791756937280297, -0.007406748831272125, 0.024479933083057404, 0.0018011232605203986, -0.01319545041769743, 0.011368174105882645, 0.02167624793946743, 0.014227652922272682, -0.020253483206033707, 0.00732305645942688, 0.011012482456862926, 0.004048604052513838, 0.0033389651216566563, 0.019583946093916893, -0.011765711009502411, -0.0236430112272501, -0.007699671201407909, -0.028929561376571655, 0.0030530171934515238, 0.011089200153946877, 0.002434044610708952, -0.013153604231774807, 0.017784565687179565, 0.010782329365611076, -0.026195619255304337, 0.024312548339366913, -0.009526947513222694, -0.01296529732644558, -0.002088814741000533, -0.0013861500192433596, 0.02090907096862793, 0.03389529138803482, -0.006423366721719503, -0.02060220018029213, 0.00983381923288107, -0.02167624793946743, 0.005223780404776335, -0.013327962718904018, -0.0009982023620977998, 0.0010339458240196109, -3.182042564731091e-05, -0.044496286660432816, 0.0005575112882070243, -0.033337343484163284, -0.01037084311246872, 0.011235660873353481, 0.005478343926370144, 0.014785599894821644, -0.0014959959080442786, -0.01894230581820011, 0.021550709381699562, -0.009024795144796371, -0.03099396452307701, 0.0017958924872800708, -0.02534474991261959, 0.02230393886566162, -0.03370000794529915, -0.015971237793564796, 0.004003270994871855, 0.03819148242473602, 0.02227604016661644, 0.011375147849321365, 0.009185205213725567, 0.006765109486877918, -0.012135351076722145, -0.0016250211047008634, 0.01039176620543003, -0.03551333770155907, -0.0021201991476118565, -0.02166229858994484, 0.0233361404389143, 0.015106420032680035, 0.004993627313524485, -0.032723601907491684, 0.00488203763961792, -0.01244919653981924, -0.004550756420940161, -0.009882639162242413, 0.000607203459367156, 0.005994444712996483, 0.007560184225440025, -0.020267430692911148, 0.00031014016713015735, -0.03632236272096634, 0.00869700126349926, 0.0028716842643916607, -0.008146028965711594, 0.013153604231774807, -0.011870326474308968, -0.029961762949824333, -0.019123639911413193, -0.020685890689492226, 0.03191457688808441, 0.01000817772001028, 0.013104784302413464, 0.009087564423680305, 0.033197857439517975, -0.023740652948617935, -0.014464780688285828, 0.008215771988034248, 0.00930376909673214, -0.0059979320503771305, 0.007183569949120283, 0.009296794421970844, 0.026139825582504272, 0.029543302953243256, -0.017212670296430588, 0.008355258964002132, -0.0037452203687280416, 0.013544167391955853, 0.050298936665058136, -0.02288978360593319, 0.0067476737312972546, -0.002020814921706915, -0.003044299315661192, 0.027199923992156982, -0.01862148754298687, -0.029850173741579056, -0.014743753708899021, 0.017045285552740097, -0.007106852252036333, 0.018495948985219002, 0.011012482456862926, -0.021648351103067398, 0.004275270272046328, 0.01908179372549057, 0.0038742455653846264, 0.027869461104273796, -0.011870326474308968, 0.019318921491503716, 0.02565162070095539, -0.002012097043916583, -0.023559318855404854, -0.6253471970558167, -0.007901926524937153, -0.006580289453268051, -0.028873765841126442, -0.018719127401709557, -0.007075467612594366, -0.006806955672800541, -0.01574805937707424, -0.014381088316440582, 0.013530218973755836, -0.024619419127702713, -0.0010025613009929657, -0.019151536747813225, -0.02090907096862793, 0.007455569226294756, -0.026837259531021118, -0.014046319760382175, -0.031830884516239166, -0.009331666864454746, 0.013767346739768982, -0.008494745939970016, -0.007832183502614498, -0.007476492319256067, 0.003804502310231328, -0.025456339120864868, 0.01090786699205637, 0.03236093744635582, 0.014039346016943455, -0.003384298412129283, 0.006283880211412907, -0.006657007150352001, 0.017519541084766388, -0.012072581797838211, -0.02382434345781803, 0.048150841146707535, 0.0015020983992144465, -0.021773887798190117, 0.013795243576169014, 0.019611842930316925, 0.026600131765007973, -0.03157981112599373, -0.015036676079034805, 0.015469085425138474, 0.009526947513222694, 0.0038568098098039627, 0.000874407822266221, 0.027227822691202164, 0.008508694358170033, -0.035178568214178085, -0.04045116901397705, -0.019765278324484825, 0.010545201599597931, 0.02030927687883377, 0.009519973769783974, -0.00016869184037204832, 0.006210649386048317, 0.02520526386797428, -0.02746495045721531, -0.011863351799547672, -0.008425001986324787, -0.0009833818767219782, -0.0023276859428733587, -0.026376953348517418, -0.027702076360583305, -0.02134147845208645, -0.0016407134244218469, -0.0032971191685646772, -0.009087564423680305, -0.010342945344746113, -0.0016276364913210273, 0.002777530811727047, 0.02809263952076435, 0.018216975033283234, -0.009868690744042397, -0.0010330741060897708, -0.00984079297631979, 0.022499220445752144, 0.00485065346583724, -0.004010245203971863, 0.019611842930316925, 0.03021284006536007, -0.011542532593011856, -0.008201823569834232, -0.012749092653393745, 0.020392969250679016, 0.006266443990170956, 0.010280176997184753, -0.010886943899095058, 0.023684857413172722, -0.0005099985864944756, 0.02641879953444004, 0.021857580170035362, -0.018551742658019066, -0.07426276803016663, -0.005868906620889902, -2.4519162252545357e-05, -0.020044252276420593, 0.02074168622493744, 0.020671943202614784, -0.04695125296711922, -0.01502272766083479, -0.019639739766716957, 0.030101250857114792, 0.0066325971856713295, 0.021773887798190117, 0.0293201245367527, -0.0040451171807944775, 0.003079171059653163, 0.014520575292408466, -0.016738414764404297, -0.0174219012260437, -0.003047786420211196, 0.0048088072799146175, -0.0031140425708144903, 0.010203459300100803, -0.031021863222122192, 0.007239364553242922, -0.015580674633383751, 0.0008709206595085561, -0.015078522264957428, 0.004557731095701456, -0.0012457914417609572, 0.01678026095032692, -0.00011289711983408779, 0.0027182488702237606, 0.001903994707390666, 0.00846684817224741, -0.01588754542171955, -0.0018203026847913861, 0.016082827001810074, 0.00915033370256424, -0.010614944621920586, 0.028455305844545364, -0.014632164500653744, 0.024354394525289536, 0.012776990421116352, 0.039614249020814896, -0.0183425135910511, 0.017672976478934288, -0.002781017916277051, -0.014255550689995289, -0.007190544158220291, 0.014220678247511387, 0.00038293484249152243, -0.04591905325651169, -0.005868906620889902, -0.01007094606757164, 0.0016546620754525065, -0.007518338039517403, -0.02093696780502796, -0.02134147845208645, -0.007769414223730564, -0.018049590289592743, 0.03113345243036747, -0.012302734889090061, -0.012986220419406891, 0.002434044610708952, -0.03113345243036747, -0.017756668850779533, -0.03662923350930214, 0.014604267664253712, 0.014150935225188732, -0.019444458186626434, 0.006545417942106724, 0.005600394681096077, -0.0060362908989191055, -0.01512036845088005, 0.03573651611804962, -0.030017558485269547, -0.03860994428396225, 0.0029065560083836317, -0.023615114390850067, 0.008829513564705849, 0.0225689634680748, -0.015831751748919487, 0.01037084311246872, -0.005670138169080019, 0.016696568578481674, -0.00930376909673214, -0.008397105149924755, 0.0006939467857591808, 0.019583946093916893, 0.0037487074732780457, -0.033365242183208466, 0.009568793699145317, 0.015036676079034805, 0.026488542556762695, 0.01572016067802906, -0.011828480288386345, 0.021885477006435394, 0.016877902671694756, 0.040060605853796005, -0.007887978106737137, 0.008494745939970016, -0.0005370241706259549, 0.030631300061941147, 0.0007575876661576331, -0.009596691466867924, 0.009345615282654762, 0.026195619255304337, 0.008153002709150314, 0.0014218934811651707, -0.00457516685128212, -0.029571199789643288, 0.0036406053695827723, -0.020379019901156425, 0.002202147850766778, -0.026502490043640137, -0.0015055856201797724, -0.010949713177978992, 0.001747943926602602, -0.003236093558371067, -0.004086962901055813, -0.02316875569522381, 0.002308506518602371, 0.03799620270729065, -0.017156874760985374, -0.0002512941719032824, 0.005792188923805952, -0.01816118136048317, 0.0036685026716440916, -0.00288388947956264, 0.033504728227853775, 0.005405113101005554, 0.011221712455153465, 0.0024009165354073048, -0.0019440972246229649, 0.013613911345601082, 0.0030198891181498766, -0.011521609500050545, -0.012818836607038975, -0.0009650742285884917, 0.022401578724384308, 0.008550540544092655, 0.03417426347732544, 0.016571031883358955, 0.033365242183208466, 0.007734542712569237, 0.030742889270186424, -0.006810442544519901, -0.010628893971443176, 0.004093937575817108, -0.006597725208848715, -0.0072044930420815945, 0.019486304372549057, -0.017212670296430588, 0.05632476881146431, -0.006991775706410408, -0.005129626952111721, -0.0010409201495349407, -0.033058371394872665, 0.014632164500653744, -0.02519131451845169, 0.01650128699839115, 0.010210433043539524, 0.0011647146893665195, 0.005178447347134352, -0.010496380738914013, 0.04109280928969383, 0.01817512884736061, -0.0014986111782491207, -0.00036746051046065986, 0.009631562978029251, 0.004383372608572245, 0.008822539821267128, -0.00039099890273064375, 0.0017828155541792512, -0.004086962901055813, 0.004310141783207655, -0.014095140621066093, 0.0010383047629147768, -0.010859047062695026, -0.0061025470495224, -0.04962940141558647, 0.026683824136853218, 0.022820038720965385, -0.02093696780502796, 0.046477001160383224, 0.002277121879160404, 0.022331835702061653, -0.0290132537484169, -0.03180298954248428, 0.021160146221518517, 0.0014550215564668179, -0.012058633379638195, -0.010761406272649765, -0.029543302953243256, 0.013565090484917164, 0.018230924382805824, -0.00026502489345148206, 0.010245304554700851, 0.014422934502363205, -0.018384359776973724, 0.018579641357064247, -0.005732906982302666, 0.02321060188114643, 0.04100911691784859, -0.01740795187652111, -0.015552777796983719, -0.02381039597094059, -0.0036440924741327763, 0.01273514423519373, -0.006346649024635553, -0.019332868978381157, 0.06120680645108223, 0.011549506336450577, -0.032444629818201065, -0.02058825083076954, -0.009617614559829235, -0.019430510699748993, 0.01725451648235321, 0.00526213925331831, 0.01532959844917059, -0.01122868712991476, 0.032890986651182175, 0.013530218973755836, 0.008676078170537949, 0.013014118187129498, 0.005823573563247919, 0.009415358304977417, 0.004107885994017124, -0.01435319148004055, 0.0019353792304173112, 0.01678026095032692, 0.03065919689834118, 0.013069912791252136, -0.0019632766488939524, 0.007239364553242922, -0.03542964532971382, 0.008187875151634216, -0.027102284133434296, -0.02731151320040226, 0.013397706672549248, 0.008355258964002132, -0.012484068050980568, -0.03236093744635582, 0.025735313072800636, -0.00983381923288107, 0.017951950430870056, 0.0014157909899950027, -0.0013765603071078658, -0.024633368477225304, -0.015510931611061096, -0.0009650742285884917, -0.002128917258232832, 0.006657007150352001, 0.029236432164907455, 0.026920951902866364, -0.00015790341421961784, -0.0010888688266277313, 0.038693636655807495, 0.01616651937365532, -0.007908901199698448, -0.01680815778672695, 0.005670138169080019, -0.00968735758215189, 0.005638753529638052, 0.020992761477828026, 0.001445431844331324, 0.027074387297034264, 0.0015849187038838863, 0.002352096140384674, 0.04131598770618439, -0.005694548133760691, 0.015580674633383751, 0.006545417942106724, 0.021718094125390053, 0.0009424076415598392, 0.016682621091604233, -0.02198311872780323, -0.009568793699145317, 0.01502272766083479, -0.010377817787230015, -0.01548303384333849, 0.0040590655989944935, -0.020392969250679016, -0.038079895079135895, -0.000569716386962682, 0.007274236064404249, 0.022485271096229553, -0.0026886078994721174, 0.008125105872750282, -0.0022753782104700804, -0.02347562648355961, -0.008648181334137917, -0.03113345243036747, 0.013851038180291653, -0.0007371005485765636, -0.003237837227061391, 0.002828094642609358, -0.026669874787330627, -0.001753174583427608, -0.017366105690598488, 0.023559318855404854, 0.004250859841704369, -0.02047666162252426, -0.0686274990439415, 0.0015291239833459258, -0.003386041847988963, 0.0034069649409502745, 0.03233303874731064, -0.015650417655706406, -0.007894952781498432, 0.010824175551533699, -0.0122050940990448, -0.02103460766375065, -0.006702340207993984, -0.023015320301055908, -0.007427671924233437, -0.022471321746706963, -0.00022514040756504983, -0.021759940311312675, -0.0011716890148818493, 0.004721628036350012, -0.006440802477300167, -0.0009415358654223382, -0.006817417219281197, -0.003811476519331336, -0.0027967102359980345, 0.01496693305671215, 0.026530388742685318, 0.034871697425842285, 0.005220293067395687, -0.03526226058602333, 0.009903562255203724, -0.005680599715560675, -0.01334888581186533, -0.01387893594801426, -0.0033598882146179676, -0.0011995864333584905, 0.03420216217637062, 0.028929561376571655, -0.006057213991880417, -0.01969553530216217, 0.03291888162493706, 0.004254347179085016, 0.03141242638230324, 0.0059909578412771225, 0.021550709381699562, 0.0009668178390711546, 0.0018342513358220458, 0.0175753366202116, 0.024005677551031113, -0.023085065186023712, -0.010377817787230015, -0.024019625037908554, 0.029710687696933746, 0.019932663068175316, -0.016975542530417442, 0.016598928719758987, 0.017212670296430588, -0.019904766231775284, -0.023768549785017967, 0.00991751067340374, -0.010273202322423458, 0.019193382933735847, 0.004358962178230286, -0.0005566395120695233, -0.022555014118552208, -0.0071103391237556934, -0.015580674633383751, -0.0010444073705002666, -0.013690629042685032, 0.004571679513901472, 0.022038912400603294, 0.018705178052186966, 0.0038916815537959337, 0.001940610003657639, 0.01696159318089485, -0.02044876478612423, 0.002397429198026657, 0.0019702508579939604, 0.026307208463549614, 0.03261201083660126, -0.018802819773554802, 0.02608403004705906, -0.03174719586968422, -0.021090403199195862, 0.0027130180969834328, -0.015078522264957428, -0.01693369634449482, -0.0041741421446204185, 0.02915273979306221, 0.027688128873705864, 0.056994304060935974, 0.0015857905382290483, 0.016222314909100533, -0.003968399483710527, -0.0005932547501288354, -0.013062938116490841, 0.014729805290699005, 0.0027182488702237606, -0.001902251155115664, -0.005520189646631479, 0.01182150561362505, -0.01161227561533451, 0.03283519297838211, -0.01283278502523899, 0.019123639911413193, 0.02746495045721531, -0.024005677551031113, -0.009338640607893467, -0.01366970594972372, -0.01037084311246872, -0.006381521001458168, 0.014269499108195305, -0.005785214714705944, -0.0029588635079562664, -0.021773887798190117, 0.002179481089115143, 0.025567928329110146, -0.0034871697425842285, 0.015231957659125328, 0.010559150017797947, 0.013920782133936882, 0.012470119632780552, 0.006276905536651611, 0.025414492934942245, 0.020239533856511116, -0.024675212800502777, -0.013530218973755836, -0.03194247558712959, -0.006332700606435537, 0.006507059093564749, 0.01572016067802906, -0.001029586885124445, 0.02853899821639061, -0.016543133184313774, 0.0028402998577803373, 0.01590149477124214, -0.01693369634449482, 0.012023761868476868, 0.008215771988034248, -0.020406918600201607, 0.00553762586787343, -0.029794378206133842, 0.0072951591573655605, 0.004589115269482136, -0.014827446080744267, 0.006625622510910034, -0.012156274169683456, 0.021648351103067398, -0.017463747411966324, -0.022011015564203262, 0.024312548339366913, 0.014939035288989544, 0.041288089007139206, -0.01380221825093031, 0.014534523710608482, 0.0029815302696079016, 0.017449798062443733, -0.013376783579587936, -0.0016258929390460253, 0.019597893580794334, -0.0012989707756787539, 0.010112792253494263, 0.029961762949824333, -0.01014069002121687, -0.01969553530216217, 0.011423968710005283, 0.000682613521348685, -0.03950266167521477, -0.058361273258924484, 0.006451264023780823, 0.01449267752468586, 0.024326495826244354, -0.01800774410367012, -0.013537193648517132, -0.0010522535303607583, 0.000723587756510824, -0.022499220445752144, 0.020392969250679016, -0.011898223310709, -0.01351627055555582, 0.007936798967421055, 0.007615978829562664, 0.008285515941679478, -0.008808591403067112, -0.00938048679381609, 0.004766961093991995, 0.013202425092458725, -0.012442221865057945, 0.0036719897761940956, 0.014771651476621628, 0.01351627055555582, 0.028120538219809532, -0.004100911784917116, 2.4505541659891605e-05, 0.00022219809761736542, 0.013495347462594509, -0.004766961093991995, -0.007434646133333445, -0.020365072414278984, 0.03171929717063904, -0.018733076751232147, 0.016110723838210106, 0.02347562648355961, -0.01909574121236801, 0.029710687696933746, -0.01619441621005535, 0.010189509950578213, -0.0034854263067245483, 0.015538828447461128, 0.024800751358270645, 0.026349054649472237, 0.013083861209452152, -0.012009812518954277, 0.014701908454298973, 0.004264808725565672, -0.03138452768325806, -0.018063539639115334, -0.014381088316440582, 0.019277075305581093, -0.04273875430226326, 0.001444560126401484, 0.022638706490397453, -0.006231572479009628, 0.0020783531945198774, 0.004069527145475149, -0.01113802008330822, -0.014590318314731121, 0.021425170823931694, -0.028734279796481133, 0.007825208827853203, 0.007553210016340017, 0.003047786420211196, 0.0090945390984416, 0.01602703332901001, -0.0060049062594771385, -0.020379019901156425, 0.022066811099648476, -0.030714992433786392, -0.0028402998577803373, -0.012763042002916336, 0.00561434356495738, -0.006514033302664757, 0.005052909255027771, -0.006796494126319885, 0.025693466886878014, -0.01122868712991476, 0.0005989214405417442, -0.006015367805957794, -0.005513215437531471, 0.019179433584213257, -0.027437051758170128, 0.010621919296681881, 0.03169139847159386, -0.004226449877023697, 0.016096776351332664, -0.01828671805560589, -0.0008996897959150374, -0.000246063427766785, -0.028190281242132187, -0.01570621319115162, 0.01320939976722002, -0.015496982261538506, -0.005474856588989496, 0.002596197882667184, -0.0016163032269105315, -0.004453116096556187, -0.002781017916277051, -0.002019071253016591, -0.0022230707108974457, 0.008857411332428455, -0.008376182056963444, 0.013983551412820816, 0.012797913514077663, 0.019318921491503716, -0.02397777885198593, -0.022094707936048508, -0.0018795845098793507, -0.007615978829562664, -0.029403816908597946, -0.012135351076722145, -0.018216975033283234, 0.029515406116843224, -0.004048604052513838, -0.02227604016661644, -0.02793920412659645, -0.004902960732579231, -0.04165075719356537, -0.011758736334741116, -0.01014766376465559, 0.014381088316440582, 0.025540031492710114, 0.026753567159175873, 0.00546090817078948, 0.03877732902765274, -0.003943989053368568, -0.01243524719029665, -0.0046379356645047665, -0.0183425135910511, 0.004690243396908045, 0.0016128160059452057, 0.001257996540516615, -0.001065330347046256, -0.016752364113926888, 0.008194848895072937, 0.0120516587048769, -0.009812896139919758, 0.010335971601307392, 0.029989659786224365, 0.0033285035751760006, -0.024033574387431145, 0.004299680236726999, 0.0027705563697963953, -0.025860851630568504, -0.004854140337556601, 0.002282352652400732, -0.013069912791252136, 0.0022300451528280973, 0.018649384379386902, -0.027409154921770096, 0.008550540544092655, -0.00038707585190422833, -0.00993146002292633, -0.0024985570926219225, -0.01244919653981924, 0.0005945624434389174, -0.02837161347270012, 0.014074217528104782, -0.02089512161910534, 0.043743059039115906, 0.0008927154703997076, 0.020811429247260094, 0.01633390411734581, 0.008355258964002132, -0.009819869883358479, -0.011730839498341084, -0.007099877577275038, -0.012407350353896618, -0.012184171006083488, 0.035011183470487595, -0.006510545965284109, -0.0029170175548642874, -0.0035586568992584944, -0.014827446080744267, -0.0054888054728507996, 0.0006560237961821258, -0.017519541084766388, 0.009938433766365051, -0.04474736377596855, 0.024173060432076454, -0.004515884909778833, -0.033783700317144394, -0.007901926524937153, -0.013293091207742691, 0.010719560086727142, 0.0020051226019859314, -0.017603233456611633, -0.004428705666214228, 0.0027199925389140844, 0.005938650108873844, -0.004843678791075945, -0.00042783215758390725, -0.01486929226666689, -0.006507059093564749, 0.013781295157968998, -0.0032116833608597517, 0.007922849617898464, 0.21514442563056946, -0.021773887798190117, -0.011619250290095806, 0.01969553530216217, -0.010789303109049797, -0.0035882978700101376, 0.010866020806133747, -0.016571031883358955, -0.03936317190527916, 0.00787402968853712, 0.011347251012921333, -0.01342560350894928, -0.0031454272102564573, -0.0019981483928859234, 0.015190111473202705, -0.0011725608492270112, -0.02290373109281063, -0.02520526386797428, -0.022192349657416344, 0.014952984638512135, 0.009547870606184006, 0.02505182847380638, -0.011995864100754261, -0.026293260976672173, 0.006597725208848715, -0.0021899426355957985, 0.017645079642534256, 0.0029850173741579056, 0.015775956213474274, 0.007936798967421055, -0.009080590680241585, 0.016068877652287483, 0.0033808110747486353, 0.01265842653810978, 0.00716962106525898, -0.019109690561890602, 0.022080758586525917, -0.009254949167370796, 0.02443808689713478, 0.008571463637053967, -0.0008438950753770769, -0.009324692189693451, 0.016431543976068497, -0.030408121645450592, 0.008885309100151062, 0.023768549785017967, -0.020811429247260094, -0.014060269109904766, -0.022052861750125885, 0.008829513564705849, -0.0317750908434391, 0.012665401212871075, 0.020644044503569603, 0.03749404847621918, 0.016850003972649574, -0.0012789195170626044, -0.01784036122262478, 0.005216806195676327, 0.01296529732644558, 0.018998101353645325, -0.019904766231775284, -0.013153604231774807, 0.013697602786123753, 0.0114379171282053, -0.014436882920563221, 0.01906784437596798, -0.01221904344856739, 0.007657825015485287, 0.009464179165661335, -0.011605300940573215, -0.004484500270336866, -0.01115196943283081, -0.01679421029984951, 0.0011952274944633245, -0.019346818327903748, -0.03311416506767273, 0.032416731119155884, 0.026488542556762695, 0.005164498463273048, 0.02749284729361534, -0.009791973046958447, -0.015315650030970573, -0.015162214636802673, -0.016975542530417442, -0.01512036845088005, -0.012790938839316368, 0.015664367005228996, -0.026209568604826927, -0.016975542530417442, -0.02288978360593319, -0.01067771390080452, -0.01588754542171955, -0.012616580352187157, -0.0004034219600725919, 0.0005143575253896415, 0.01075443159788847, 0.008948077447712421, -9.894844697555527e-05, 0.0004912550211884081, -0.01648733951151371, -0.022513167932629585, 0.06633991748094559, 0.0015491752419620752, -0.01573411002755165, 0.0032134270295500755, 0.025065775960683823, -0.008962026797235012, 0.0003997168387286365, 0.005143575370311737, -0.004467064514756203, 0.003161119529977441, -0.057301174849271774, 0.009282846003770828, -0.005806137807667255, 0.007615978829562664, 0.0034784518647938967, 0.007441620342433453, -0.007943772710859776, 0.013523244298994541, 0.0034104520455002785, -0.01006397232413292, -0.001558764954097569, 0.004791371524333954, 0.0019580458756536245, -0.008278541266918182, -0.020225584506988525, -0.023112962022423744, -0.011403045617043972, -0.0360712856054306, 0.011709916405379772, -0.0023119936231523752, -0.026223517954349518, 0.027967102825641632, 0.007267261855304241, 0.007490440737456083, -0.019039947539567947, -0.0041218348778784275, -0.006820904091000557, -0.01922127977013588, -0.00871095061302185, 0.0006032803794369102, 0.0061025470495224, -0.01601308397948742, -0.007846131920814514, 0.02593059465289116, -0.0037033744156360626, 0.008411053568124771, 0.03542964532971382, -0.0007867927197366953, -0.017645079642534256, 0.0022370193619281054, -0.0053039854392409325, -0.014715856872498989, -0.004383372608572245, 0.0320819616317749, 0.008780693635344505, -0.015343546867370605, -0.011647147126495838, 0.003344195894896984, 0.007009211461991072, -0.04201342165470123, -0.0029257354326546192, 0.0030756837222725153, -0.015008779242634773, -0.02365696057677269, -0.017142927274107933, -0.17887786030769348, -0.015469085425138474, 0.005698035471141338, -0.05292128771543503, 0.0302407369017601, 0.011319353245198727, 0.030910274013876915, -0.010963661596179008, -0.03905630111694336, -0.013223348185420036, 0.004829730372875929, 0.00038249895442277193, -0.01832856424152851, -0.009038744494318962, 0.0010505098616704345, 0.008020490407943726, -0.007560184225440025, -0.008885309100151062, 0.02973858453333378, 0.011702941730618477, 0.0466722808778286, -0.029236432164907455, -0.0067162890918552876, -0.008027465082705021, 0.017742719501256943, 0.008794642053544521, -0.007839158177375793, 0.014632164500653744, 0.00411834754049778, -0.02915273979306221, -0.02505182847380638, 0.0041915783658623695, 0.017449798062443733, -0.011117096990346909, 0.017059234902262688, 0.004704192280769348, 0.006472187116742134, 0.004275270272046328, -0.017017388716340065, 0.007082441821694374, 0.0040590655989944935, 0.040813837200403214, -0.01548303384333849, 0.012874631211161613, -0.020950917154550552, 0.010663765482604504, 0.030742889270186424, -0.023545371368527412, 0.012818836607038975, -0.013537193648517132, 0.0317750908434391, -0.02791130729019642, 0.0242567528039217, -0.00976407527923584, 0.0022980449721217155, 0.006353623233735561, -0.0004969217116013169, 0.0002898709790315479, -0.01814723201096058, 0.005586446262896061, -0.014925086870789528, -0.02581900544464588, 0.0008656898862682283, 0.009680383838713169, 0.009010846726596355, -0.009896587580442429, -0.012986220419406891, 0.0178822074085474, -0.04162285849452019, 0.026432747021317482, -0.024535726755857468, 0.0027600948233157396, -0.010879970155656338, -0.0010356894927099347, 0.014297395944595337, 0.010405714623630047, -0.008955052122473717, 0.018886512145400047, 0.026139825582504272, -0.01197494100779295, 0.004491474945098162, 0.014897189103066921, 0.004073014482855797, 0.009554845280945301, -0.011110123246908188, -0.008717924356460571, 0.00892715435475111, 0.01481349766254425, -0.034732211381196976, -0.01662682555615902, 0.039921119809150696, -0.009345615282654762, 0.0022248143795877695, -0.017296362668275833, -0.008222746662795544, 0.02382434345781803, 0.0171150304377079, -0.02611192688345909, 0.008885309100151062, -0.019569996744394302, 0.006984801031649113, -0.0020347635727375746, -0.0018499435391277075, -0.006956903729587793, 0.02382434345781803, 0.010845097713172436, -0.03450903296470642, -0.008871359750628471, 0.035959694534540176, -0.027227822691202164, 0.01587359793484211, -0.011779659427702427, -0.009889613837003708, 0.014408986084163189, -0.004379885271191597, 0.009631562978029251, 0.010433612391352654, -0.020406918600201607, 0.009750126861035824, 0.008076285012066364, 0.0598677322268486, 0.0023433780297636986, 0.005286549683660269, 0.012693298049271107, 0.0036022465210407972, -0.0048157814890146255, -0.11895433813333511, -0.013460475951433182, -0.006942955311387777, 0.0333094447851181, -0.010838123969733715, 0.02104855701327324, -0.02058825083076954, 0.028622690588235855, -0.006092085503041744, 0.029180636629462242, -0.018705178052186966, -0.015817802399396896, -0.007971670478582382, 0.009464179165661335, -0.005018037278205156, -0.001978968968614936, -0.01570621319115162, -0.017770618200302124, -0.015915442258119583, 0.026893053203821182, 0.011716891080141068, -0.006447777152061462, 0.007539261132478714, -0.03849835321307182, -0.02089512161910534, 0.00029226840706542134, -0.026962796226143837, 0.00607116287574172, -0.0026084030978381634, 0.019793175160884857, 0.010712585411965847, -0.013474424369633198, 0.010461509227752686, -0.023238500580191612, 0.027269668877124786, -0.024396240711212158, 0.007581107318401337, 0.0041741421446204185, 0.021313581615686417, -0.008759770542383194, 0.005269113462418318, 0.007985618896782398, -0.003384298412129283, 0.0023189678322523832, 0.0030268633272498846, -0.00014646112686023116, -0.002885633148252964, 0.018203025683760643, 0.024354394525289536, -0.021285684779286385, -0.039614249020814896, -0.008473822847008705, -0.042961932718753815, -0.0029449148569256067, 0.02749284729361534, 0.0016276364913210273, -0.003318042028695345, 0.01937471516430378, -0.03138452768325806, 0.010580073110759258, -0.006391982082277536, -0.02030927687883377, -0.012902528047561646, -0.017784565687179565, 0.004024194087833166, 0.017589284107089043, -0.0003589605330489576, -0.025149468332529068, 0.015134316869080067, -0.01955604925751686, -0.011486737057566643, 0.028762176632881165, -0.017310310155153275, -0.0004916909383609891, -0.01707318425178528, 0.0027095309924334288, -0.003957937937229872, -0.04307352006435394, 0.00128938106354326, 0.007124288007616997, -0.015301701612770557, -0.01283278502523899, -0.012818836607038975, -0.02089512161910534, -0.0012292274041101336, -0.003623169381171465, 0.00028137100161984563, -0.00668141758069396, 0.007699671201407909, -0.023740652948617935, -7.154147169785574e-05, 0.014095140621066093, 0.013788269832730293, -0.018872562795877457, 0.001255381153896451, 0.004383372608572245, -0.030575504526495934, -0.0037242972757667303, 0.027729975059628487, 0.02686515636742115, -0.028343716636300087, -0.0016564056277275085, -0.05283759906888008, 0.029543302953243256, -0.01250499114394188, -0.01601308397948742, -0.008571463637053967, -0.035178568214178085, 0.015636470168828964, -0.020657993853092194, 0.012532887980341911, 0.012721195816993713, -0.03194247558712959, 0.007964695803821087, -0.011584377847611904, -0.00917125679552555, -0.020518507808446884, -0.006398956757038832, 0.009589716792106628, -0.006813929881900549, 0.03171929717063904, 0.014150935225188732, 0.001251022215001285, -0.019291022792458534, 0.00533885695040226, 0.029041150584816933, 0.003129734890535474, -0.012253914959728718, -0.022541066631674767, 0.01831461675465107, -0.0024584548082202673, 0.005924701690673828, -0.002582249231636524, -0.0072114672511816025, -0.008871359750628471, -0.004718140698969364, -0.0033040933776646852, 0.005659676622599363, 0.009819869883358479, 0.02290373109281063, 0.017003439366817474, 0.030575504526495934, -0.01860753819346428, -0.030268633738160133, 0.022471321746706963, 0.009031769819557667, 0.008041413500905037, -0.020867224782705307, -0.005907265469431877, -0.0007427671807818115, 0.013851038180291653, 0.026125876232981682, 0.011298430152237415, 0.008683052845299244, -0.03509487584233284, -0.052893392741680145, -0.004407782573252916, -0.012337606400251389, 0.02718597650527954, -0.009596691466867924, 0.021397273987531662, 0.01619441621005535, 0.02732546254992485, -0.01784036122262478, 0.015496982261538506, -0.01802169345319271, -0.0004494090098887682, 0.0036754771135747433, -0.011954017914831638, 0.005474856588989496, 0.007657825015485287, 0.008599360473453999, -0.005391164682805538, 0.0025630698073655367, -0.00546090817078948, 0.005269113462418318, 0.007685722317546606, -0.007615978829562664, 0.00341742648743093, 0.012316684238612652, -0.010789303109049797, 0.0120516587048769, 0.024005677551031113, -0.030436018481850624, -0.006827878300100565, 0.0037382461596280336, 0.014785599894821644, 0.012860682792961597, -0.02058825083076954, 0.006984801031649113, -0.005963060539215803, 0.007085929159075022, 0.010015151463449001, -0.004522859118878841, -0.01067771390080452, 0.01619441621005535, -0.0002130442881025374, 0.01405329443514347, -0.012895554304122925, 0.0046239872463047504, 0.010635867714881897, 0.003923065960407257, 0.026335107162594795, -0.01756138727068901, -0.013167553581297398, -0.01044756080955267, -0.013000168837606907, -0.00046161410864442587, -0.04271085560321808, 0.0013922525104135275, 0.014283447526395321, 0.03819148242473602, 0.013620885089039803, -0.007881003431975842, -0.003084401600062847, 0.010517303831875324, -0.006437315605580807, 0.018077488988637924, -0.0017758412286639214, -0.009798946790397167, -0.035011183470487595, 0.0317750908434391, 0.02152281254529953, 0.01420672982931137, 0.05540415272116661, 0.013481398113071918, 0.03155191242694855, 0.013188476674258709, 0.024452034384012222, -0.0296269953250885, 0.033030472695827484, 0.00938048679381609, 0.007643876131623983, 0.00998725462704897, -0.016389697790145874, -0.014687959104776382, -0.010768380016088486, -7.43747950764373e-05, -0.0024131215177476406, 0.00975710153579712, -0.001182150561362505, 0.07376061379909515, 0.023726703599095345, -0.02520526386797428, 0.017184773460030556, -0.004341526422649622, -0.014450831338763237, 0.016389697790145874, 0.002965837949886918, -0.015455137006938457, -0.024772854521870613, -0.003877732902765274, 0.012700272724032402, -0.014841394498944283, -0.03255621716380119, -0.009631562978029251, -0.022038912400603294, 0.009289820678532124, 0.037298768758773804, -0.020518507808446884, -0.016919748857617378, 0.02625141479074955, 0.021759940311312675, 0.00523424195125699, 0.006371059454977512, -0.016682621091604233, 0.0028263512067496777, 0.037912510335445404, -0.006695365998893976, -0.017282413318753242, -0.024842597544193268, 0.024982085451483727, 0.023935934528708458, -0.02763233333826065, -0.012072581797838211, -0.006151367444545031, -0.007769414223730564, -0.0029832737054675817, -0.018565692007541656, 0.007005724124610424, 0.00701618567109108, -0.013097809627652168, 0.014687959104776382, -0.02074168622493744, -0.043547775596380234, -0.016557082533836365, 0.008550540544092655, -0.013055963441729546, -0.004641423001885414, -0.03657343611121178], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='d517ceeb-af56-4cae-9bb5-6056419ce9ae', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '3', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_type': 'application/pdf', 'file_size': 885090, 'creation_date': '2024-02-25', 'last_modified_date': '2024-02-07', 'last_accessed_date': None}, hash='7541c2b7882455f0c6213e73e7128302bc1000c4815f2cbf55b873bde541d959')}, text='This limits its applica-\\nbility in complex scenarios such as coding [7, 33, 14, 3] or math [16, 15] problems, as also stated in the paper [34].\\nLLMCompiler addresses this by translating an input query into a series of tasks with inter-dependencies, thereby\\nexpanding the spectrum of problems it can handle.\\nConcurrently to our work, OpenAI has recently introduced a parallel function calling feature in their 1106 re-\\nlease, enhancing user query processing through the simultaneous generation of multiple function calls [36]. Despite\\nits potential for reducing LLM execution time, this feature has certain limitations as it is exclusively available for\\nOpenAI’s proprietary models. However, there is a growing demand for using open-source models driven by the in-\\ncreasing number of open-source LLMs as well as parameter-efficient training techniques [27, 18, 17] for finetuning\\nand customization. LLMCompiler enables efficient parallel function calling for open-source models, and also, as we\\nwill show later in Sec. ', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='72ebed9f-ab22-4188-9895-587e3e959d6b', embedding=[-0.01400772389024496, 0.013013174757361412, 0.001968085067346692, -0.022062163800001144, -0.018462179228663445, 0.025339972227811813, -0.020283183082938194, -0.0036525139585137367, -0.04221927747130394, -0.05180056020617485, 0.020409252494573593, 0.027707276865839958, -0.002869832329452038, -0.0011950338957831264, 0.0010453263530507684, 0.003946675918996334, 0.014596047811210155, 0.023518968373537064, 0.01158438716083765, 0.0160948745906353, -0.001288710511289537, -0.015716666355729103, 0.010092564858496189, -0.018210040405392647, 0.0012353061465546489, -0.0008514069486409426, 0.023112744092941284, -0.04367608204483986, -0.0020889018196612597, 0.026432573795318604, 0.022216249257326126, -0.018672294914722443, -0.029976528137922287, 0.0003497553407214582, -0.025564095005393028, 0.002160691423341632, 0.01367153786122799, 0.003323332406580448, 0.015030287206172943, 8.530484774382785e-05, 0.03437495231628418, 0.01005054172128439, 0.011591391637921333, -0.0001076843764167279, 0.003323332406580448, 0.019428713247179985, -0.0003536950098350644, -0.026236465200781822, -0.036784280091524124, 0.00293111614882946, 0.02786136232316494, 0.03409479930996895, -0.02518588677048683, 0.02434542402625084, -0.003242787905037403, -0.008439653553068638, 0.01920458860695362, 0.025129856541752815, 0.010428749956190586, -0.010092564858496189, -0.0036770275328308344, 0.008012417703866959, -0.005273907911032438, 0.04824259877204895, 0.015912773087620735, -0.025774210691452026, -0.0009113774867728353, 0.021165670827031136, 0.011619406752288342, -0.03731657564640045, 0.00845366157591343, 0.023224806413054466, 0.019582796841859818, -0.010358711704611778, 0.01194858830422163, -0.03482320159673691, -0.00827156100422144, -0.0197368822991848, -0.006016317289322615, -0.003134228056296706, 0.012025631032884121, 0.01581471972167492, -0.010806959122419357, 0.04230332374572754, 0.019358674064278603, -0.005715151317417622, 0.02235632762312889, 0.004895699210464954, -0.008852881379425526, -0.00038039725041016936, -0.00570114329457283, 0.02021314576268196, 0.031405314803123474, 0.018574241548776627, 0.006776236463338137, -0.0003718612715601921, -0.0036630197428166866, 0.002566915238276124, -0.020073067396879196, -0.014497993513941765, -0.008845877833664417, -0.0233788900077343, -0.03894147276878357, -0.005498031619936228, -0.020493298768997192, -0.015800712630152702, -0.003831112291663885, -0.012880101799964905, 0.011122132651507854, 0.01401472743600607, -0.018546225503087044, 0.03445899859070778, 0.01573067344725132, -0.012894109822809696, -0.001567114028148353, -0.009658325463533401, 0.01545051857829094, -0.021095631644129753, -0.0006272833561524749, -0.013510449789464474, 0.04207920283079147, 0.020927539095282555, 0.035159386694431305, -0.004647062160074711, 0.016515105962753296, -0.02409328520298004, 0.007049386855214834, -0.0071089197881519794, -0.02805747091770172, -0.001331609208136797, 0.008082456886768341, 0.006608143448829651, 0.00102343934122473, 0.018994472920894623, -0.029892481863498688, 0.0059462785720825195, 0.003642008174210787, -0.004317880608141422, -0.026670705527067184, -0.02305671200156212, 0.016991369426250458, 0.008600742556154728, -0.0017448370344936848, 0.0013140995288267732, -0.0320216566324234, 0.021207693964242935, 0.0267267357558012, 0.012761035934090614, 0.008159498684108257, -0.02486370876431465, -0.011346256360411644, -0.018630271777510643, -0.010540812276303768, 0.02288861945271492, 0.009315135888755322, 0.03529946506023407, 0.013412395492196083, 0.043087758123874664, -0.038801394402980804, -0.006457560695707798, 0.020535321906208992, 0.011633414775133133, 0.011430302634835243, 0.02587226592004299, -0.0017492144834250212, 0.034150831401348114, 0.029752405360341072, -0.005102313123643398, -0.0014147800393402576, -0.009189066477119923, 0.005319432821124792, 0.035887788981199265, -0.030032558366656303, 0.032413873821496964, -0.009189066477119923, -0.0073190354742109776, 0.03308624401688576, 0.006751722656190395, 0.004647062160074711, -0.024723632261157036, 0.02349095232784748, -0.019498750567436218, -0.003230531234294176, 0.02038123831152916, -0.02192208729684353, -0.019078519195318222, 0.01759370043873787, 0.0009481477900408208, 0.02944423444569111, -0.02519989386200905, 0.009224086068570614, 0.027847355231642723, -0.015128341503441334, -0.01669720560312271, -0.6226152777671814, -0.00998750701546669, 0.022412357851862907, -0.022328311577439308, -0.008152495138347149, -0.0009691593586467206, -0.01742560788989067, -0.010463769547641277, -0.007298023905605078, 0.022104186937212944, 0.013258310034871101, -0.0031727494206279516, -0.006478572264313698, -0.02377110719680786, -0.00245660450309515, -0.01701938360929489, -0.012277769856154919, -0.03286211937665939, 0.004030722659081221, 0.014750133268535137, -0.026922844350337982, -0.007347051054239273, -0.002150185639038682, -0.014960248954594135, -0.021053608506917953, -0.0052528963424265385, 0.024723632261157036, 0.000882486579939723, 0.001238808035850525, 0.018938442692160606, -0.010078556835651398, -0.002479366958141327, -0.0018315098714083433, -0.0009586535743437707, 0.04420837387442589, -0.0008964943117462099, -0.039249639958143234, 0.014764140360057354, 0.02078746259212494, 0.031125161796808243, -0.026152418926358223, -0.019232604652643204, 0.011346256360411644, 0.003736560232937336, -0.013965700753033161, 0.020451275631785393, 0.02288861945271492, 0.015576588921248913, -0.023757098242640495, -0.01554857287555933, 0.00770424772053957, 0.003796093165874481, -0.010309684090316296, 0.0045490083284676075, 0.03347845748066902, 0.025213902816176414, 0.030873022973537445, -0.016234951093792915, -0.007620201446115971, 0.0016651680925861, -0.0160948745906353, -0.0037925911601632833, -0.024891724810004234, -0.008285568095743656, -0.0461694560945034, 0.021936094388365746, -0.01682327501475811, -0.003346094861626625, -0.004591031465679407, -0.01795790158212185, 0.0018350117607042193, 0.0287158340215683, 0.0035667165648192167, -0.035243432968854904, 0.0013184769777581096, -0.00041475993930362165, 0.025367986410856247, -0.010982055217027664, 0.004230332560837269, 0.011934580281376839, 0.03345044329762459, -0.029612326994538307, -0.018742334097623825, -0.023434922099113464, 0.02033921517431736, -0.009175058454275131, 0.00572215486317873, -0.003158741630613804, -0.0015609856927767396, 0.022258272394537926, 0.012473877519369125, 0.006975846365094185, -0.019989021122455597, -0.04395623505115509, -0.0012904615141451359, 0.020843492820858955, -0.01176648773252964, 0.008551714941859245, 0.019470736384391785, -0.033702582120895386, -0.005603089462965727, -0.0022027145605534315, 0.028449686244130135, 0.010057545267045498, 0.00768323615193367, 0.02494775503873825, -0.012978156097233295, -0.0024373438209295273, 0.004829162731766701, -0.006618649233132601, -0.013377375900745392, -0.0002755581808742136, 0.016753237694501877, -0.003635004162788391, 0.014399940147995949, -0.0324418880045414, 0.01528242602944374, 0.0005664373165927827, -0.004170799627900124, -0.010316688567399979, -0.0051373327150940895, -0.015800712630152702, 0.03056485205888748, -0.010001515038311481, 0.012606951408088207, 0.016767244786024094, 0.02078746259212494, -0.008159498684108257, -0.00687429029494524, 0.015996819362044334, -0.0321897491812706, -0.012585939839482307, 0.020479291677474976, -0.021361777558922768, 0.007970394566655159, 0.005834216717630625, 0.04095858335494995, -0.010022526606917381, 0.003894147230312228, -0.013006171211600304, -0.02293064258992672, -0.000982291647233069, 0.009819414466619492, -0.023070720955729485, -0.03656015917658806, -0.03910956531763077, -0.03020065277814865, 0.014722117222845554, 0.009574279189109802, -0.00954626314342022, -0.023589005693793297, -0.010386726818978786, -0.02252442017197609, 0.012943136505782604, -0.007354055065661669, -0.007284016348421574, 0.00786533672362566, -0.03412281349301338, -0.006695691961795092, -0.040986597537994385, -0.006573124323040247, -0.0020066064316779375, -0.0159267820417881, 0.0134684257209301, 0.030704930424690247, -0.024961763992905617, -0.0077112517319619656, 0.014077762141823769, -0.034599076956510544, -0.04266752675175667, -0.0008544711163267493, -0.028365639969706535, -0.005442000459879637, 0.014932232908904552, -0.020003030076622963, -0.004790641367435455, -0.010834974236786366, 0.013454418629407883, 0.010442757979035378, -0.00792837142944336, 0.014890209771692753, 0.03555160388350487, 0.006331490818411112, -0.011682441458106041, 0.005168850068002939, 0.016893314197659492, 0.013713560998439789, 0.0062334369868040085, -0.018770350143313408, 0.021529870107769966, 0.028645794838666916, 0.046673733741045, 0.014764140360057354, -0.0026999886613339186, -0.020535321906208992, 0.04048231989145279, 0.004559514112770557, -0.0015347212320193648, 0.00788634829223156, 0.026516620069742203, 0.0032708034850656986, 0.0046540661714971066, -0.010940032079815865, -0.010323692113161087, -0.011913568712770939, -0.021852048113942146, 0.008740819059312344, -0.03417884558439255, -0.0028102996293455362, 0.004594533238559961, 0.0010488282423466444, -0.04076247662305832, -0.0195687897503376, -0.017929885536432266, -0.002918859478086233, 0.03317029029130936, -0.0046890852972865105, 0.02515787072479725, -0.006979348137974739, -0.01851821132004261, 0.021697964519262314, -0.013251306489109993, 0.00804743729531765, -0.005133830476552248, -0.013510449789464474, 0.012326796539127827, -0.012901113368570805, 0.014974256046116352, -0.00962330587208271, -0.009371167048811913, -0.003151737852022052, 0.007084405981004238, 0.012557923793792725, 0.02256644330918789, 0.012347808107733727, 0.006709699518978596, 0.014343908987939358, -0.0058657340705394745, 0.03000454418361187, -0.007361058611422777, -0.012733020819723606, 0.007634209468960762, -0.007192966062575579, -0.009637313894927502, 0.03020065277814865, -0.005967290140688419, 0.04485272988677025, 0.019918981939554214, -0.007263004779815674, 0.021081624552607536, -0.028603771701455116, 0.00814549159258604, -0.017047399654984474, 0.0019961006473749876, 0.014399940147995949, 0.0015592346899211407, 0.019540773704648018, 0.014946240931749344, 0.03804497793316841, 0.028337623924016953, -0.0004701342259068042, -0.008551714941859245, 0.007256000768393278, -0.003957181703299284, 0.0045490083284676075, -0.015170364640653133, 0.004797645378857851, -0.015352465212345123, 0.003305822843685746, -0.0032988188322633505, 0.010926024056971073, -0.01879836432635784, -0.00972836371511221, -0.04121072217822075, 0.01710342988371849, 0.01010657288134098, -0.005827213171869516, 0.031601425260305405, -0.001857774332165718, 0.007634209468960762, -0.02029719203710556, -0.02826758660376072, 0.020969562232494354, 0.0034809194039553404, -0.005343946628272533, -0.025017794221639633, -0.0426114946603775, 0.01624896004796028, 0.0198209285736084, -0.017005376517772675, -0.001322854426689446, 0.002053882461041212, -0.01354546844959259, 0.0066256532445549965, -0.021403800696134567, 0.011549367569386959, 0.02374309115111828, 0.005715151317417622, 0.003538701217621565, -0.007858333177864552, 0.0025038805324584246, 0.027791323140263557, -0.03238585591316223, -0.026866814121603966, 0.06555614620447159, -0.0028085485100746155, -0.009756379760801792, -0.013111229054629803, 0.015800712630152702, -0.019540773704648018, 0.006163398269563913, 0.007154444698244333, 0.008516696281731129, -0.002463608281686902, 0.026908837258815765, -0.00410426314920187, -0.009308132342994213, -0.005960286129266024, 0.0022009634412825108, 0.037344589829444885, 0.008257552981376648, -0.02762323059141636, 0.020563337951898575, 0.01879836432635784, 0.052500948309898376, 0.03639206662774086, 0.006881294306367636, 0.0030186644289642572, -0.017215492203831673, -0.0017369576962664723, -0.019498750567436218, -0.03829711675643921, 0.02115166187286377, -0.00770424772053957, 0.00768323615193367, -0.015870749950408936, 0.012817067094147205, -0.0008938678656704724, 0.027511168271303177, 0.004499981179833412, 0.00770424772053957, -0.0063490006141364574, 0.013923677615821362, 0.0020889018196612597, -0.003939672373235226, 0.0009052491514012218, -0.007837321609258652, 0.032694026827812195, -0.005343946628272533, 0.007038881070911884, 0.029752405360341072, 0.014876202680170536, -0.011171159334480762, -0.04023018106818199, 0.012494889087975025, 0.0018420156557112932, -0.0024110793601721525, 0.026992883533239365, -0.006187912076711655, 0.024331415072083473, -0.00010593340994091704, 0.0020959055982530117, 0.009833421558141708, 0.003845120081678033, 0.010827970691025257, 0.027118952944874763, 0.01005054172128439, -0.014056750573217869, 0.02381313033401966, -0.028687817975878716, -0.00010708248009905219, 0.0266426894813776, 0.0013517453335225582, -0.007007363718003035, 0.002272753044962883, -0.015254410915076733, -0.019484743475914, -0.0028978479094803333, 0.000518723507411778, -0.008768835105001926, -0.023112744092941284, 0.0017500899266451597, -0.0004963987157680094, -0.007396078202873468, -0.010435754433274269, -0.01718747615814209, 0.02758120745420456, -0.016571136191487312, 0.008880896493792534, -0.002031120005995035, -0.025255925953388214, -0.001513709663413465, -0.01186454202979803, 0.010610850527882576, 0.0014165310421958566, -0.010519800707697868, -0.06342697143554688, 0.003764575580134988, -0.007529151160269976, 0.019274627789855003, 0.023911183699965477, -0.013783600181341171, -0.0001374507846776396, 0.03367456793785095, -0.011479329317808151, -0.015058302320539951, -0.0021151662804186344, -0.020731430500745773, -0.005315931048244238, -0.003796093165874481, -0.001224800362251699, -0.012880101799964905, -0.022734535858035088, 0.0024180833715945482, -0.013923677615821362, -0.03118119202554226, 0.009749375283718109, -0.020493298768997192, -0.006678182166069746, 0.02029719203710556, 0.023434922099113464, 0.038969486951828, 0.005704645533114672, -0.02910804934799671, -0.0012843331787735224, -0.029136065393686295, -0.011731468141078949, -0.01804194785654545, -0.002059135353192687, -0.004734610673040152, 0.022426364943385124, 0.006366510409861803, 0.008138487115502357, -0.014680094085633755, 0.02773529291152954, -0.013517453335225582, 0.012025631032884121, 0.009721360169351101, 0.02042326144874096, 0.01025365386158228, -0.006278961896896362, 0.014119785279035568, 0.016038842499256134, -0.02818354032933712, -0.01860225759446621, -0.020549330860376358, 0.03179753199219704, 0.003946675918996334, -0.04028621315956116, 0.023196790367364883, 0.008957939222455025, -0.011297228746116161, -0.02571818046271801, 0.004790641367435455, -0.01025365386158228, 0.022174226120114326, 0.010078556835651398, -0.00669218972325325, -0.009819414466619492, -0.005991803947836161, 0.0028890930116176605, 0.007136934902518988, -0.006447054911404848, -0.0064050317741930485, 0.006415537558495998, 0.0269368514418602, -0.013496441766619682, 0.004951730370521545, 0.016683198511600494, -0.02620845101773739, -0.018742334097623825, 0.012249753810465336, 0.012866093777120113, 0.014512001536786556, -0.0197789054363966, 0.013944689184427261, -0.050203680992126465, -0.009819414466619492, -0.009280117228627205, -0.027399107813835144, -0.007851328700780869, -0.006289467681199312, 0.025830242782831192, 0.0029994037467986345, 0.044012267142534256, 0.012683993205428123, -0.004643560387194157, -0.0021484345197677612, 0.0038556258659809828, -0.01815401017665863, -0.0006369136972352862, -0.004682081751525402, -0.022706519812345505, -0.000932389113586396, 0.012634966522455215, 0.00570114329457283, 0.02235632762312889, 0.008397630415856838, 0.020479291677474976, 0.0036595177371054888, -0.028421670198440552, -0.011430302634835243, -0.005463012028485537, -0.026950860396027565, 0.0028225563000887632, 0.009476224891841412, 0.006944329012185335, -0.0097633833065629, -0.03101309947669506, 0.010891005396842957, 0.019792912527918816, 0.01008556131273508, 0.025564095005393028, 0.01532444916665554, 0.01920458860695362, -0.0017395841423422098, 0.030396759510040283, 0.011437306180596352, 0.002258745487779379, -0.01933065801858902, -0.023112744092941284, -0.037988945841789246, -0.0016266468446701765, -0.012606951408088207, -0.010092564858496189, 0.0025406507775187492, 0.028603771701455116, -0.011549367569386959, -0.005641610827296972, 0.008782842196524143, -0.02409328520298004, 0.01896645687520504, -0.007613197900354862, -0.013622511178255081, 0.0037575718015432358, -0.024317407980561256, 0.013174263760447502, -0.004811652936041355, -0.01673922874033451, 0.024457484483718872, 0.004209320992231369, 0.01860225759446621, -0.026656698435544968, -0.022230256348848343, 0.027721283957362175, 0.019694859161973, 0.0230427049100399, 0.0019925986416637897, 0.001076843705959618, -0.007298023905605078, 0.013741577044129372, 0.004839668516069651, 0.0049657379277050495, 0.0040762475691735744, -0.005480521824210882, -0.009301128797233105, 0.0392216257750988, -0.00015703971439506859, -0.012768040411174297, 0.017033392563462257, -0.008425645530223846, -0.017719769850373268, -0.03824108466506004, 0.016024835407733917, 0.014708110131323338, 0.03714848309755325, -0.016963353380560875, -0.013944689184427261, -0.015128341503441334, -0.0003315890789963305, -0.024079276248812675, 0.031125161796808243, 0.0027367589063942432, -0.012578935362398624, -0.007031877059489489, 0.02769326977431774, 0.010589838959276676, -0.01204664260149002, -0.026908837258815765, -0.02385515347123146, 0.02025516889989376, -0.0230427049100399, 0.0033793633338063955, 0.02297266572713852, 0.009651321917772293, 0.020913532003760338, -0.025410009548068047, 0.035047322511672974, 0.009735368192195892, 0.008404633961617947, -0.0008763581863604486, -0.0005423615220934153, 0.0028225563000887632, 0.030985085293650627, -0.01417581643909216, 0.015422503463923931, 0.009518248029053211, -0.0015714914770796895, 0.01540849544107914, -0.023000681772828102, 0.011108124628663063, -0.0003758009697776288, -0.0025809230282902718, 0.014385932125151157, 0.03941773250699043, -0.0003729556337930262, -0.01550654973834753, 0.018266070634126663, 0.002447849605232477, -0.022454380989074707, -0.010631862096488476, -0.00792837142944336, 0.017159461975097656, -0.02627849020063877, 0.004282861482352018, 0.0011827771086245775, 0.00063297402812168, 0.015870749950408936, -0.012018626555800438, -0.0007621077238582075, -0.013398387469351292, 0.028659801930189133, -0.022188233211636543, 0.013370372354984283, 0.005606591235846281, 0.0162209440022707, -0.008866889402270317, 0.00798440258949995, -0.0033303361851722, -0.001577619812451303, 0.02377110719680786, -0.02802945487201214, -0.020801469683647156, 0.01860225759446621, 0.00806844886392355, -0.0009814160875976086, -0.0005782563239336014, -0.01164742186665535, 0.011339251883327961, -0.009329143911600113, 0.009091012179851532, -0.005837718956172466, -0.001162641099654138, 0.003715548664331436, -0.03308624401688576, 0.012004619464278221, 0.020689407363533974, -0.0034721645060926676, 0.008572726510465145, -0.008173506706953049, -0.007256000768393278, -0.009238094091415405, -0.01710342988371849, -0.00960229430347681, -0.00039812576142139733, -0.006664174608886242, -0.010099568404257298, 0.009882449172437191, -0.009735368192195892, 0.0007568548317067325, -0.00293111614882946, 0.0036525139585137367, 0.007816310040652752, -0.00239181867800653, 0.01386764645576477, 0.0035544598940759897, 0.011934580281376839, 0.026656698435544968, -0.03622397407889366, -0.025367986410856247, -0.000789685407653451, -0.014231846667826176, -0.02539600245654583, -0.022958658635616302, -0.019764898344874382, 0.03656015917658806, -0.0011460068635642529, -0.002141430741176009, -0.0268107820302248, -0.014385932125151157, -0.032105702906847, -0.023280836641788483, -0.02110963873565197, 0.007147441152483225, 0.01564662717282772, 0.009798402898013592, -0.00239181867800653, 0.03630802035331726, -0.02260846644639969, 0.003747066017240286, -0.015226395800709724, -0.010884000919759274, 0.008502688258886337, -0.007143938913941383, 0.012782047502696514, -0.021613918244838715, -0.009034981951117516, 0.00790735986083746, 0.01832210272550583, -0.025339972227811813, -0.005837718956172466, 0.01783183217048645, -0.01937268115580082, -0.019148558378219604, -0.001952326507307589, 0.010288672521710396, 0.023070720955729485, -0.004429942462593317, 0.014862194657325745, -0.02730105258524418, 0.004489475395530462, 0.018868403509259224, -0.011220186948776245, -0.0058657340705394745, -0.0060023097321391106, -0.008698795922100544, -0.006356004625558853, 0.00021591591939795762, 0.00798440258949995, 0.00234979554079473, 0.0197368822991848, -0.037344589829444885, 0.04322783648967743, -0.002722751349210739, 0.008761830627918243, 0.027441130951046944, 0.011619406752288342, 0.007206973619759083, -0.016024835407733917, 0.010834974236786366, 0.0009420193964615464, -0.011514348909258842, 0.023392898961901665, -0.003134228056296706, -0.02082948572933674, -0.0019961006473749876, -0.010113576427102089, -0.00397469149902463, -0.0029783921781927347, -0.017691755667328835, 0.01201162301003933, -0.03328235074877739, 0.027805332094430923, 0.012207730673253536, -0.008992958813905716, 0.0015040793223306537, -0.013825623318552971, -0.01012758444994688, -0.001119742402806878, -0.020409252494573593, -0.002577421022579074, 0.007543159183114767, 0.00669218972325325, 0.0012615706073120236, -0.015142349526286125, -0.002433842048048973, -0.007136934902518988, 0.015534565784037113, 0.004594533238559961, -0.005907757207751274, 0.21403801441192627, -0.007403081748634577, -0.0037715795915573835, 0.039725903421640396, 0.00238131289370358, 0.005564568098634481, 0.05496630817651749, -0.00511632114648819, -0.02265048958361149, 0.003234033240005374, 0.009896456263959408, -0.009532256051898003, -0.026264481246471405, 0.0013902665814384818, 0.026628682389855385, -0.015184372663497925, -0.02094154618680477, -0.024597562849521637, -0.02466760016977787, 0.01199061144143343, 0.02110963873565197, 0.008789846673607826, -0.003137730062007904, -0.023280836641788483, 0.03118119202554226, 0.008264556527137756, 0.003470413386821747, -0.007389074191451073, 0.01374858058989048, 0.015142349526286125, -0.0002497314417269081, 0.005480521824210882, 0.003556210780516267, 0.01701938360929489, 0.009973498992621899, 0.00478363735601306, 0.00477313157171011, 0.00391165679320693, 0.014680094085633755, 0.00506379222497344, 0.011514348909258842, -0.01738358475267887, -0.008894904516637325, -0.03129325434565544, -0.0020153613295406103, 0.011437306180596352, -0.009735368192195892, -0.008719807490706444, -0.010442757979035378, 0.017089422792196274, -0.026768758893013, 0.04084652289748192, 0.024233361706137657, 0.03765276074409485, 0.0048256609588861465, -0.016347013413906097, -0.027973424643278122, 0.011752479709684849, 0.0018892916850745678, 0.018392140045762062, -0.029024003073573112, 0.0028785872273147106, -0.0005957660032436252, 0.014056750573217869, -0.009973498992621899, -0.008985954336822033, -0.00808946043252945, 0.024373438209295273, 0.014119785279035568, -0.010799954645335674, -0.00820852629840374, -0.010435754433274269, -0.02385515347123146, -0.007634209468960762, -0.03182554617524147, -0.03840917721390724, 0.01783183217048645, 0.01731354556977749, 0.015954796224832535, 0.02417733147740364, -0.00812448002398014, -0.007284016348421574, -0.00827156100422144, -0.00786533672362566, -0.011248202063143253, -0.018868403509259224, -0.006580128334462643, -0.018756341189146042, -0.009735368192195892, -0.027245022356510162, -0.003620996605604887, -0.015758689492940903, -0.01641705259680748, 0.0133633678779006, 0.005014765076339245, -0.010820966213941574, 0.002356799552217126, 0.007368062622845173, -0.008978950791060925, -0.03317029029130936, -0.03611190989613533, 0.057599760591983795, 0.010526804253458977, -0.002092403592541814, 0.0014541768468916416, 0.009357159025967121, -0.003610490821301937, 0.00394317414611578, 0.0047696297988295555, 0.006870788522064686, 0.014308889396488667, -0.06415536999702454, 0.009658325463533401, -0.000271837372565642, 0.006156394258141518, 0.0072139776311814785, 0.009336147457361221, -0.00150845677126199, -0.011913568712770939, 0.008012417703866959, 0.000380616111215204, -0.0018017434049397707, 0.013881653547286987, 0.00954626314342022, -0.003845120081678033, -0.032778073102235794, -0.024849701672792435, -0.019596805796027184, -0.02891194075345993, 0.017243508249521255, 0.010750927962362766, -0.015352465212345123, 0.02151586301624775, 0.0003604800149332732, -0.0030939560383558273, 0.008495684713125229, 0.0019803419709205627, -0.002134426962584257, -0.012662981636822224, -0.010961043648421764, 0.0077112517319619656, 0.00408325158059597, -0.0050813015550374985, -0.0001826475781854242, 0.036420080810785294, 0.011983607895672321, -0.009532256051898003, 0.035439539700746536, -0.014063754118978977, -0.011654426343739033, -0.0039606839418411255, 0.00086453917901963, 0.005466514267027378, -0.008950935676693916, 0.013020179234445095, -0.0036945370957255363, -0.000490270322188735, -0.016262967139482498, 0.020731430500745773, -0.010975051671266556, -0.05171651393175125, 0.004668073728680611, 0.009385175071656704, 0.014252858236432076, -0.02773529291152954, -0.010694896802306175, -0.17963504791259766, -0.010260657407343388, 0.02046528458595276, -0.031881578266620636, 0.03036874532699585, 0.016809267923235893, 0.023560991510748863, 0.007284016348421574, -0.033982738852500916, -0.0054490044713020325, 0.015268418937921524, -0.002980143064633012, -0.03101309947669506, -0.03129325434565544, -0.014231846667826176, -0.005540054757148027, 0.014554024673998356, -0.0011643919860944152, 0.006051336415112019, 0.004097259137779474, 0.042191263288259506, -0.029752405360341072, -0.0013596246717497706, -0.006688687950372696, 0.03787688538432121, -0.004671575967222452, -0.00408325158059597, 0.017327554523944855, -0.003631502389907837, -0.04275157302618027, -0.03585977107286453, 0.002871583215892315, 0.00474161421880126, -0.022384341806173325, -0.0020346217788755894, 0.00786533672362566, 0.009154046885669231, -0.001999602420255542, -0.03868933394551277, 0.019694859161973, 0.014301885850727558, 0.009034981951117516, -0.0025739192496985197, 0.002577421022579074, -0.013881653547286987, 0.019554782658815384, 0.01872832700610161, -0.02608238160610199, 0.006527598947286606, -0.006005811505019665, 0.008971947245299816, -0.030788976699113846, 0.006412035319954157, 0.007970394566655159, 0.009588286280632019, -0.0033023208379745483, 0.019904974848031998, 0.01397270429879427, -0.02919209562242031, -0.007977398112416267, -0.012740024365484715, -0.022692512720823288, 0.022748542949557304, 0.01146532129496336, -0.009119028225541115, -0.01221473515033722, -0.006555614527314901, 0.016935337334871292, -0.031041115522384644, 0.005389471538364887, -0.010919020511209965, -0.0022342319134622812, -0.00507429800927639, -0.007788294460624456, 0.0012396834790706635, 0.023603014647960663, 0.01629098318517208, 0.01041474286466837, 0.003263799473643303, -0.009084008634090424, 0.004398425109684467, 0.012445862405002117, 0.002645708853378892, -0.00017367387772537768, -0.034150831401348114, -0.017439614981412888, -0.007585182320326567, 0.025690164417028427, -0.005249394569545984, -0.005434996914118528, 0.040986597537994385, -0.02151586301624775, 0.0046540661714971066, -0.03056485205888748, 0.012747028842568398, 0.01381161529570818, 0.01025365386158228, -0.01941470429301262, -0.005389471538364887, -0.0031850060913711786, 0.021417809650301933, 0.007858333177864552, -0.01706140674650669, -0.008201521821320057, 0.018490195274353027, 0.004566517658531666, -0.008957939222455025, 0.0028733343351632357, 0.058328159153461456, -0.021683955565094948, 0.0018945445772260427, 0.005434996914118528, -0.0018367627635598183, 0.013090217486023903, -0.008600742556154728, 0.021655941382050514, 0.01352445688098669, -0.018252063542604446, 0.022860605269670486, 0.017299538478255272, 0.054770197719335556, -0.008894904516637325, -0.01540849544107914, -0.0038591278716921806, 0.00964431744068861, -0.024079276248812675, -0.12270765751600266, -0.022692512720823288, -0.00295212771743536, 0.01941470429301262, 0.0018455175450071692, 0.02010108344256878, -0.013853638432919979, 0.03793291375041008, -0.015128341503441334, 0.04594533145427704, -0.03423487767577171, 0.00020639505237340927, 0.012585939839482307, 0.0014375426108017564, 0.025367986410856247, -0.018952449783682823, -0.011325244791805744, -0.022790566086769104, -0.0033933711238205433, 0.038353145122528076, 0.01190656516700983, -0.016473082825541496, 0.0285897646099329, -0.027651246637105942, -0.010862989351153374, 0.003831112291663885, -0.021501855924725533, -1.0587868928269017e-05, 0.005827213171869516, 0.019232604652643204, 0.034991294145584106, -0.008915916085243225, 0.02017112262547016, -0.021011585369706154, 0.018013931810855865, -0.023911183699965477, -0.0013272317592054605, -0.00966532900929451, 0.027707276865839958, -0.0068462747149169445, -0.0061423867009580135, 0.00472060265019536, -0.018097978085279465, -0.005592583678662777, 0.0008794224122539163, -0.01819603331387043, -0.019862951710820198, 0.0231687743216753, 0.010778943076729774, -0.012284773401916027, -0.03339441120624542, -0.007199970073997974, -0.047374121844768524, -0.011878549121320248, 0.03535549342632294, 0.001135501079261303, -0.0036139925941824913, 0.012915121391415596, -0.03275005891919136, -0.00816650316119194, -0.011178163811564445, -0.019722875207662582, -0.01532444916665554, -0.0003134228172712028, 0.03190959244966507, 0.0287158340215683, -0.009896456263959408, -0.010961043648421764, 0.0020503804553300142, 0.00023178405535873026, -0.011500340886414051, 0.03353448957204819, -0.011129136197268963, 0.017397591844201088, -0.009034981951117516, -0.00395367993041873, 0.0009350155596621335, -0.021908080205321312, 0.00766222458332777, 0.002918859478086233, -0.008516696281731129, -0.021333763375878334, -0.002043376676738262, -0.028379647061228752, 0.005729158874601126, 0.010547815822064877, -0.004993753507733345, -0.01008556131273508, 0.004787139594554901, -0.04703793674707413, -0.0022745041642338037, 0.032329827547073364, 0.015618612058460712, -0.013034186325967312, -0.0005344821838662028, 0.009294124320149422, -0.042723555117845535, 0.007007363718003035, 0.03787688538432121, 0.01913454942405224, -0.03339441120624542, -0.0011031082831323147, -0.04843870922923088, 0.008831869810819626, 0.009917467832565308, -0.016571136191487312, -0.01763572357594967, -0.017131445929408073, 0.011815514415502548, -0.025858256965875626, -0.004685583524405956, 0.026838798075914383, -0.030873022973537445, 0.017117438837885857, -0.028323616832494736, -0.02910804934799671, -0.028085485100746155, -0.015268418937921524, 0.006401529535651207, -0.028519725427031517, 0.008698795922100544, -0.0019925986416637897, 0.0017063157865777612, -0.0133843794465065, -0.00770424772053957, 0.0097633833065629, 0.02732906863093376, -0.008404633961617947, -0.026754751801490784, 0.02021314576268196, -0.005158344283699989, -0.0007192090270109475, 0.02070341445505619, -0.011339251883327961, -0.014308889396488667, 0.016431059688329697, -0.019106535241007805, -0.016641175374388695, 0.017453623935580254, 0.021697964519262314, 0.013482433743774891, 0.039529796689748764, -0.0027052415534853935, -0.022188233211636543, 0.0098684411495924, -0.025942303240299225, 0.00768323615193367, -0.014946240931749344, -0.010926024056971073, 0.0038976490031927824, 0.01021163072437048, -0.011192170903086662, 0.012095669284462929, 0.00170806678943336, -0.029052019119262695, -0.027875369414687157, -0.022370334714651108, 0.003535199211910367, 0.001873533008620143, 0.004398425109684467, 0.008488680236041546, -0.0034056277945637703, 0.02588627301156521, -0.007795298006385565, 0.014764140360057354, -0.012081661261618137, 0.004542004317045212, -0.015394488349556923, -0.0040762475691735744, -0.0042478423565626144, 0.009392178617417812, 0.0064050317741930485, 0.003321581520140171, 0.020325206220149994, 0.00827156100422144, 0.027637237682938576, 7.518207712564617e-05, -0.01435791701078415, 0.00304843089543283, 0.005837718956172466, -0.00992447230964899, -0.003631502389907837, 0.01148633286356926, -0.024961763992905617, 0.0057256571017205715, 0.0018052454106509686, 0.0318535640835762, 0.016893314197659492, -0.028155524283647537, 0.02110963873565197, -0.00829257257282734, -0.003733058227226138, 0.020409252494573593, -0.010162603110074997, -0.013573484495282173, 0.009343151934444904, -0.003542202990502119, -0.010064549744129181, -0.011164155788719654, 0.0067412168718874454, 0.034150831401348114, -0.017845839262008667, 0.0007253374205902219, -0.01686530001461506, -0.003845120081678033, -0.02078746259212494, -0.007234989199787378, -0.0025056316517293453, -0.03384266048669815, -0.014329900965094566, 0.03714848309755325, 0.019022488966584206, 0.0076972441747784615, -0.015156356617808342, -0.008775838650763035, -0.001947073615156114, -0.007375066634267569, 0.020353222265839577, -0.02123570814728737, -0.023028697818517685, -0.0268948283046484, 0.02127773128449917, 0.010302680544555187, 0.017411600798368454, 0.058608315885066986, 0.01828007958829403, 0.029752405360341072, 0.011024078354239464, 0.019232604652643204, -0.019022488966584206, 0.019274627789855003, -0.00992447230964899, 0.005231884773820639, 0.011899560689926147, -0.01568865031003952, -0.01905050314962864, -0.0049552321434021, 6.834237137809396e-05, -0.0044824713841080666, -0.001877034897916019, 0.005967290140688419, 0.06931021809577942, 0.01920458860695362, -0.028281593695282936, 0.01005054172128439, -0.01187154557555914, -0.003971189726144075, -0.005210873205214739, 0.0024828689638525248, -0.0046785795129835606, -0.032609980553388596, 0.015254410915076733, -0.010134587995707989, -0.008936927653849125, -0.01945672743022442, -0.01150734443217516, -0.012852086685597897, -0.008530703373253345, 0.023869160562753677, 0.0005519918631762266, -0.004464962054044008, 0.020073067396879196, -0.00409375736489892, -0.012852086685597897, 0.01148633286356926, -0.014778148382902145, 0.002661467529833317, 0.03028469905257225, 0.0034669116139411926, 0.0008588485652580857, -0.011801507323980331, 0.023364882916212082, 0.03462709113955498, -0.022748542949557304, -0.01828007958829403, -0.005666124168783426, -0.018336109817028046, -0.007263004779815674, -0.0268107820302248, -0.007031877059489489, 0.020899523049592972, -0.0014550522901117802, -0.001625771401450038, -0.004310877062380314, -0.04079049080610275, -0.005939274560660124, 0.0024916238617151976, 0.011696449480950832, -0.013041190803050995, -0.039978042244911194], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='d517ceeb-af56-4cae-9bb5-6056419ce9ae', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '3', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_type': 'application/pdf', 'file_size': 885090, 'creation_date': '2024-02-25', 'last_modified_date': '2024-02-07', 'last_accessed_date': None}, hash='7541c2b7882455f0c6213e73e7128302bc1000c4815f2cbf55b873bde541d959')}, text='4, it can potentially achieve better latency and cost.\\n2.2 Plan and Solve Strategy\\nSeveral studies [52, 38, 40, 63, 13] have explored prompting methods of breaking down complex queries into various\\nlevels of detail to solve them, thereby improving LLM’s performance in reasoning tasks. Specifically, Decomposed\\nPrompting [20] tackles complex tasks by decomposing them into simpler sub-tasks, each optimized through LLMs\\nwith dedicated prompts. Step-Back Prompting [61] enables LLMs to abstract high-level concepts from details to\\nenhance reasoning abilities across various tasks. Plan-and-Solve Prompting [49] segments multi-step reasoning tasks\\ninto subtasks to minimize errors and improve task accuracy without manual prompting. However, these methods\\nprimarily focus on improving the accuracy of reasoning benchmarks. In contrast, LLMCompiler uses a planner to\\nidentify parallelizable patterns within queries, aiming to reduce latency while maintaining accuracy.\\nA notable work is ReWOO [53] which employs a planner to separate the reasoning process from the execution and\\nobservation phases to decrease token usage and cost as compared to ReAct. Our approach is different from ReWOO\\nin multiple aspects. First, LLMCompiler allows parallel function calling which can reduce latency as well as cost.\\nSecond, LLMCompiler supports dynamic replanning which is important for problems whose execution flow cannot\\nbe determined statically in the beginning (Sec. 4.3).\\n2.3 Tool-Augmented LLMs\\nA notable work is Toolformer [43], which produces a custom LLM output to let the LLM decide what the inputs\\nfor calling the functions should be and where to insert the result. This approach has inspired various tool calling\\nframeworks [29, 44]. ReAct [58] proposed to have LLMs interact with external environments through reasoning and\\naction generation for improved performance. Gorilla [39] introduced a finetuned LLM designed for function calling,\\nand ToolLLM [41] and RestGPT [46] have extended LLMs to support real-world APIs. Moreover, OpenAI [35]\\nreleased their own function calling capabilities, allowing their LLMs to return formatted JSON for execution.\\n3', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='7af9e82f-a329-431b-8de2-4ff2872b8c0b', embedding=[0.0036632390692830086, 0.00027508626226335764, -0.003996260929852724, -0.03691391274333, 0.004476910922676325, 0.00954433437436819, -0.014378299005329609, 0.0003686413401737809, -0.028015024960041046, -0.03166796267032623, 0.01197504997253418, 0.022137362509965897, -0.003304468235000968, 0.026641739532351494, 0.005376412533223629, 0.016163570806384087, -0.0004523259121924639, -0.006402943748980761, 0.004789333324879408, -0.015188537538051605, -0.01778404787182808, 0.008363308385014534, 0.01551812607795, -0.020832741633057594, -0.01498254481703043, 0.008109251037240028, 0.016726616770029068, -0.03235460817813873, 0.022535614669322968, 0.0069007594138383865, 0.02427968755364418, -0.0190749354660511, -0.01842949166893959, 0.00388296484015882, -0.008610500022768974, -0.00030062076984904706, -0.00147885677870363, 0.009743460454046726, 0.027754100039601326, -0.015861447900533676, 0.027053724974393845, 0.027836497873067856, -0.013217872940003872, 0.004906062502413988, -0.04232465848326683, -0.005300881806761026, 0.0008179631549865007, -0.02451314590871334, -0.006251882296055555, 0.002269354183226824, -0.00233630184084177, 0.02991015836596489, -0.03647446259856224, 0.006231282837688923, -0.009839590638875961, 0.006087088026106358, 0.0020736611913889647, 0.021162329241633415, -0.00585362920537591, 0.014268436469137669, -0.013362067751586437, 0.011329605244100094, -0.02492513135075569, 0.01178278960287571, 0.0031997552141547203, -0.020832741633057594, -0.005156686995178461, 0.005465676076710224, -0.005321481265127659, -0.002677906770259142, 0.02500752918422222, 0.008857691660523415, 0.016699152067303658, 0.019528118893504143, 0.016644220799207687, -0.004641705192625523, -0.044466983526945114, 0.0012333820341154933, 0.027795298025012016, 0.01159739587455988, 0.032794058322906494, 0.022892668843269348, -0.006389210931956768, 0.0030057786498218775, 0.007099885959178209, -0.004933528136461973, 0.014845216646790504, 0.01250376459211111, -0.022590545937418938, -0.004463177639991045, 0.03768295422196388, 6.185148959048092e-05, 0.01922599785029888, 0.011109879240393639, 0.009564933367073536, 0.009839590638875961, -0.0145568260923028, 0.010203511454164982, -0.0017835545586422086, -0.04106123745441437, -0.010059316642582417, -0.004222853109240532, -0.0489438958466053, -0.0005085447919555008, -0.014584291726350784, -0.0026624572928994894, 0.003302751574665308, 0.005630470346659422, -0.004394513554871082, 0.013430732302367687, -0.01856682077050209, 0.00917354691773653, 0.016520624980330467, -0.00036499352427199483, -0.0010076481848955154, -0.009729728102684021, -0.008342709392309189, -0.021368322893977165, -0.0012282321695238352, -0.00016168291040230542, 0.050427041947841644, 0.022576814517378807, 0.052074987441301346, 0.004878596868366003, 0.00889202393591404, 0.012963814660906792, -0.010876420885324478, -0.014282168820500374, -0.02977282926440239, -0.014268436469137669, 0.04108870029449463, 0.019651714712381363, 0.008068052120506763, 0.01746819168329239, -0.034139879047870636, 0.03518357500433922, -0.02473287098109722, 0.019390791654586792, -0.010670428164303303, -0.026614272966980934, 0.0018745347624644637, 0.005053690634667873, 0.012750956229865551, 0.01510614063590765, -0.025790302082896233, 0.015010010451078415, 0.01227030623704195, 0.008150449022650719, 0.007007189095020294, -0.040209800004959106, -0.007498139049857855, -0.026174820959568024, 0.005850196350365877, 0.025625508278608322, 0.028427010402083397, 0.0145568260923028, 0.008225980214774609, 0.006358311977237463, -0.0010917619802057743, -0.014598025009036064, -0.004222853109240532, 0.01900627091526985, -0.0009879072895273566, 0.016108639538288116, 0.0025525945238769054, 0.015902645885944366, 0.01840202510356903, -0.005671669263392687, -0.0024135492276400328, -0.010327107273042202, -0.003810867201536894, -0.010622363537549973, -0.02966296672821045, 0.0233046542853117, 0.006749698426574469, 0.010127980262041092, 0.021560581400990486, 0.007793395314365625, 0.006399510428309441, -0.013677923940122128, 0.007937590591609478, -0.002877033082768321, 0.006475041154772043, 0.03518357500433922, -0.01827842928469181, -0.02320852503180504, 0.016039974987506866, -0.0075324708595871925, 0.03109118342399597, -0.016287166625261307, 0.0179763063788414, 0.016987541690468788, -0.03166796267032623, -0.03504624590277672, -0.6279760003089905, -0.0019620817620307207, -0.01716606877744198, -0.007731597404927015, -0.021794041618704796, 0.005970358848571777, -0.0007308453787118196, 0.0046829036436975, -0.001454824348911643, 0.03729843348264694, 0.009098016656935215, -0.002360334387049079, -0.014309634454548359, -0.0057780989445745945, -0.0066261026076972485, -0.015421995893120766, 0.00034031731775030494, -0.04306623339653015, -0.022370820865035057, 0.012455699034035206, -0.02287893556058407, 0.00450094323605299, -0.008624233305454254, 0.006584904156625271, -0.03468919172883034, 0.0028358346316963434, 0.015490660443902016, -0.009956319816410542, -0.010691027157008648, 0.031887687742710114, -0.0008484329446218908, 0.01837456040084362, -0.000256203580647707, 0.004284650553017855, 0.05397012084722519, -0.009832723997533321, -0.04059432074427605, -0.006869860924780369, -0.0047927661798894405, 0.021299658343195915, -0.04699382930994034, -0.022590545937418938, 0.0020942604169249535, -0.005122354719787836, -0.013904515653848648, -0.0002671469410415739, 0.034387070685625076, -0.004356748424470425, -0.009619864635169506, -0.016740350052714348, -0.0019466321682557464, 0.027438243851065636, -0.007024355232715607, 0.010553698986768723, 0.021835239604115486, 0.014014378190040588, 0.010711627081036568, -0.032546866685152054, -0.000355766766006127, -0.012991281226277351, -0.016342097893357277, -0.005681968759745359, -0.032656729221343994, -0.010862688533961773, -0.027987558394670486, 0.007443207316100597, 0.0028032190166413784, 0.013588660396635532, -0.0007746188784949481, 0.005441643763333559, -0.0007038087933324277, 0.01720726676285267, 0.011329605244100094, 0.005414178129285574, -0.0004930953145958483, -0.006485340651124716, 0.026353348046541214, -0.028289681300520897, -0.025598041713237762, 0.022906402125954628, 0.0027482875157147646, -0.032134879380464554, -0.022975066676735878, -0.02438955008983612, 0.03606247901916504, -0.0051772864535450935, -0.00887829065322876, -0.03062426671385765, 0.007477539591491222, 0.020640481263399124, 0.02466420829296112, 0.03207994997501373, -0.013018746860325336, -0.038122404366731644, 0.006547138560563326, 0.01764671877026558, -0.025378316640853882, -0.0019431989639997482, 0.025804035365581512, -0.021436987444758415, 0.008967554196715355, -0.010169179178774357, 0.009812125004827976, 0.00610768748447299, 0.056579362601041794, 0.03474412485957146, -0.002485646866261959, 0.012970681302249432, 0.05339334160089493, -0.025776568800210953, -0.012799020856618881, -0.010011251084506512, 0.0009046518243849277, 0.0033473833464086056, 0.013973180204629898, -0.02980029582977295, 0.012936349026858807, -0.015943843871355057, -0.003618607297539711, 0.0019328993512317538, 0.009715994819998741, 0.00014612615632358938, 0.009901388548314571, -0.020695412531495094, 0.010045583359897137, 0.003529343754053116, -0.009523735381662846, -0.0075393375009298325, 0.007134218234568834, 0.01480401773005724, -0.020310891792178154, -0.014845216646790504, 0.022686677053570747, -0.009818991646170616, 0.03496384993195534, 0.014955079182982445, 0.011480666697025299, -0.03716110438108444, 0.014831483364105225, -0.01808617077767849, -0.00461767241358757, -0.004751567728817463, 0.003673538798466325, -0.027905160561203957, -0.02337331883609295, -0.027603037655353546, -0.008658564649522305, 0.0008166757179424167, 0.011466934345662594, 0.00918728020042181, -0.02418355830013752, 0.0059600588865578175, -0.0027791864704340696, -0.0012325237039476633, -0.0003643498057499528, -0.01185145415365696, -0.011185410432517529, -0.008116117678582668, -0.020736610516905785, -0.022508149966597557, -0.009901388548314571, 0.01690514385700226, -0.01733086258172989, -0.014268436469137669, -0.005970358848571777, -0.01462549064308405, -0.008727229200303555, 0.01871788129210472, -0.016548089683055878, -0.022247225046157837, -0.0011243774788454175, -0.010457568801939487, 0.0037353364750742912, -0.004995326045900583, -0.002087394008412957, 0.027644237503409386, 0.005091455765068531, 0.004717235919088125, 0.008370175026357174, -0.020832741633057594, 0.03045947290956974, 0.02388143539428711, 0.014378299005329609, 0.004634838551282883, 0.033370837569236755, 0.02974536456167698, 0.026023760437965393, 0.007326478138566017, -0.009585532359778881, 0.013334602117538452, 0.002109709894284606, 0.039742883294820786, 0.00014655530685558915, -0.013362067751586437, 0.0020702278707176447, 0.011295272968709469, -0.016053708270192146, -0.022494416683912277, -0.003240953665226698, 0.015641720965504646, 0.01837456040084362, 0.006838961970061064, 0.002966296626254916, -0.014186039566993713, -0.0024152658879756927, -0.0030366776045411825, -0.0066535682417452335, -0.0009999234462156892, -0.014762818813323975, 0.009503135457634926, -0.0027156721334904432, -0.038836512714624405, -0.01716606877744198, -0.010629230178892612, 0.0029817461036145687, 0.026367081329226494, 0.012455699034035206, 0.004669170826673508, 0.007141084410250187, 0.01514733862131834, 0.022453218698501587, -0.0009278260404244065, 0.038589321076869965, -0.020132364705204964, 0.03655685856938362, -0.009736593812704086, 0.02441701665520668, 0.0343046709895134, -0.0019603651016950607, -0.01696007512509823, -0.0009896238334476948, -0.016245966777205467, 0.028152352198958397, -0.016122370958328247, 0.0485319085419178, -0.003786834655329585, 0.020297160372138023, 0.004902629181742668, 0.04394513741135597, -0.006715366151183844, 0.0027242552023380995, 0.002449597930535674, -0.002394666662439704, -0.025858966633677483, 0.014460695907473564, -0.02337331883609295, 0.039605554193258286, 0.03048693761229515, -0.007299012504518032, -0.00871349684894085, -0.017193535342812538, -0.0019603651016950607, -0.0020032802131026983, 0.008328976109623909, -0.004985026549547911, -0.01796257495880127, 0.008006254211068153, 0.012112378142774105, 0.02466420829296112, 0.01871788129210472, 0.014076176099479198, -0.01823723129928112, 0.01779777929186821, 0.021025000140070915, -0.014103641733527184, 0.0039207302033901215, -0.0054313442669808865, -0.033288441598415375, -0.004411679692566395, -0.022851470857858658, -0.004329282324761152, -0.001963798189535737, 0.005053690634667873, -0.0019260329427197576, 0.0002564181631896645, 0.0003197180340066552, -0.011137345805764198, -0.008912622928619385, 0.0024598976597189903, 0.005063990131020546, -0.01836082711815834, -0.025598041713237762, 0.007127351593226194, 0.0044494448229670525, 0.005616737529635429, 0.016520624980330467, 0.0007883516955189407, -0.005616737529635429, 0.005575539078563452, 0.028234750032424927, -0.03205248340964317, 0.004150755237787962, -0.020736610516905785, 0.008370175026357174, 0.010114247910678387, -0.009970053099095821, 0.019995037466287613, 0.0010642962297424674, -0.00894695520401001, -0.021876437589526176, 0.021354589611291885, 0.007608001586049795, -0.007669799495488405, -0.012668558396399021, 0.039687950164079666, 0.011885786429047585, -0.01202998124063015, -0.026106156408786774, 0.0060561890713870525, -0.0012848802143707871, -0.021794041618704796, -0.006880160421133041, -0.019404524937272072, 0.009695395827293396, 0.008418239653110504, 0.010842088609933853, -0.00029289606027305126, 0.01858055219054222, 0.020159831270575523, 0.04844951257109642, 0.0026281250175088644, -0.022988799959421158, -0.010601763613522053, 0.038259733468294144, 0.039083704352378845, 0.04979533329606056, 0.0027105221524834633, 0.015064941719174385, -0.033618029206991196, 0.014041843824088573, -0.020860206335783005, -0.033563096076250076, 0.034030016511678696, -0.008335842750966549, -0.009386406280100346, -0.03059680014848709, -0.006365178152918816, -0.015600522980093956, 0.03743576258420944, -0.008013120852410793, 0.010382038541138172, 0.012036846950650215, -0.020201029255986214, 0.0057746656239032745, 0.008212246932089329, -0.005366113036870956, 0.03694137930870056, 0.02499379590153694, -0.016891412436962128, 0.032821524888277054, 0.014955079182982445, 0.032739125192165375, -0.015298400074243546, -0.01815483346581459, -0.010162312537431717, 0.01213297713547945, -0.011171677149832249, 0.02460927702486515, -0.015119872987270355, 0.026531875133514404, 0.016726616770029068, 0.020970068871974945, 0.008274044841527939, 0.03070666454732418, -0.011624861508607864, 0.020310891792178154, -0.009386406280100346, -0.00887142401188612, 0.0013003296917304397, -0.01818230003118515, -0.04045699164271355, 0.015888912603259087, -0.00029697298305109143, -0.002271070843562484, -0.005338647402822971, -0.016479425132274628, -0.032299675047397614, 0.011006883345544338, -0.01761925220489502, 0.021656712517142296, -0.02399129793047905, -0.021313391625881195, -0.014378299005329609, -0.044714175164699554, -0.008342709392309189, -0.01535333227366209, 0.04070418328046799, 0.0072234817780554295, 0.010663561522960663, -0.001535504823550582, -0.013032479211688042, -0.016026241704821587, -0.02326345629990101, 0.0021011268254369497, 0.008686031214892864, -0.029031256213784218, -0.02916858345270157, 0.022549347952008247, 0.01733086258172989, 0.006766864098608494, 0.011679792776703835, -0.0012968964874744415, -0.012860818766057491, 0.008610500022768974, -0.01167292706668377, -0.020667945966124535, 0.004926661495119333, -0.027726633474230766, -0.02434835210442543, -0.005664802622050047, 0.004415113013237715, 0.004930094815790653, 0.0031568401027470827, 0.016273433342576027, -0.00010240633127978072, 0.00060081243282184, 0.0019020003965124488, -0.026188554242253304, 0.0182509645819664, -0.0004295808612369001, -0.00621411669999361, 0.039358362555503845, 0.01197504997253418, -0.012826486490666866, 0.0069728572852909565, 0.0012479731813073158, -0.005400445312261581, -0.025913897901773453, -0.006004690658301115, -0.009997518733143806, 0.02487020008265972, 0.017001274973154068, -0.01851188763976097, -0.0072234817780554295, 0.005342080723494291, -0.006447575520724058, 0.010203511454164982, 0.001510614063590765, 0.04358808323740959, -0.007628601044416428, 0.017124870792031288, 0.0011921834666281939, 0.0037662354297935963, -0.009516868740320206, 0.0036632390692830086, -0.01730339787900448, 0.03004748746752739, 0.016479425132274628, -0.020750343799591064, 0.015737852081656456, -0.020654214546084404, -0.026422012597322464, -0.001085753901861608, 0.016493158414959908, -0.013883916661143303, -0.00038881145883351564, -0.007731597404927015, 0.0012479731813073158, -0.005771232303231955, -0.038973841816186905, -0.010897020809352398, 0.009221612475812435, -0.010217243805527687, 0.011432602070271969, 0.0018728181021288037, 0.006193517707288265, 0.0027774698100984097, 0.0072166151367127895, 0.026353348046541214, -0.02919605001807213, 0.010745959356427193, 0.02493886463344097, 0.021340856328606606, 0.009022485464811325, 0.010059316642582417, 0.026806533336639404, -0.045785337686538696, -0.002089110668748617, -0.0030916088726371527, -0.013842717744410038, 0.010430103167891502, 0.00023946665169205517, 0.015490660443902016, 0.00881649274379015, 0.06306126713752747, 0.0025783434975892305, 0.015669187530875206, -0.013519995845854282, 0.010498767718672752, -0.01176905632019043, 0.020805275067687035, -0.010093647986650467, -0.004312116652727127, -0.009317741729319096, 0.022892668843269348, 0.004130156245082617, 0.032656729221343994, -0.0045146760530769825, 0.009379539638757706, 0.015641720965504646, -0.01509240735322237, 0.0017045906279236078, -0.028289681300520897, -0.01884147711098194, -0.0007900682976469398, -0.0006394360680133104, -0.02353811264038086, 0.0051498208194971085, -0.03661179170012474, -0.032491933554410934, 0.012826486490666866, 0.0012745806016027927, 0.026998793706297874, -0.0012848802143707871, 0.03065173141658306, -0.02351064793765545, 0.013471930287778378, 0.006955691147595644, 0.022714141756296158, -0.020420756191015244, 0.013348335400223732, -0.03095385432243347, -0.001624768367037177, -0.002475347137078643, -0.008679164573550224, 0.008507504127919674, 0.02351064793765545, -0.005578972399234772, 0.01208491250872612, 0.033645495772361755, -0.019679181277751923, -0.015202270820736885, 0.00961299892514944, -0.03037707507610321, 0.016191035509109497, -0.029003789648413658, 0.0020358958281576633, 0.025776568800210953, -0.007113618776202202, 0.026985060423612595, -0.004991892725229263, 0.0024289987049996853, -0.02514485828578472, -0.010965684428811073, 0.020544350147247314, -0.003392015118151903, 0.05520607531070709, 0.00947566982358694, 0.028729133307933807, 0.004078657831996679, 0.01183085422962904, -0.00900875311344862, 0.00883022602647543, 0.007141084410250187, 0.005345513578504324, 0.01900627091526985, 0.044851504266262054, -0.015806516632437706, 0.004597073420882225, 0.008789027109742165, -0.013169808313250542, -0.0066604348830878735, -0.02478780411183834, 0.003252970054745674, -0.011645461432635784, 0.01209177915006876, -0.021327123045921326, -0.022672943770885468, -0.028317147865891457, 0.015710385516285896, -0.0117209916934371, -0.0004216415691189468, 0.010066182352602482, -0.028481941670179367, -0.019198531284928322, 0.004569607321172953, 0.011370804160833359, -0.008040586486458778, -0.0010299640707671642, 0.004768733866512775, -0.012531230226159096, -0.033233508467674255, 0.007093019783496857, 0.005472542718052864, 0.001511472393758595, 0.01757805421948433, -0.014172306284308434, 0.03652939572930336, 0.0038966976571828127, -0.01910240203142166, -0.02368917502462864, -0.007992521859705448, 0.011762190610170364, 0.028591804206371307, -0.01786644384264946, 0.003680405206978321, -0.020297160372138023, -0.015971310436725616, 0.012778421863913536, -0.01814110204577446, -0.019294660538434982, -0.015119872987270355, -0.0072784130461514, -0.000442026270320639, 0.03501877933740616, -0.014007512480020523, -0.028756598010659218, 0.013121742755174637, -0.0006608936237171292, 0.002762020565569401, -0.009516868740320206, 0.0024066828191280365, 0.01499627809971571, -0.03510117903351784, -0.011240341700613499, 0.026531875133514404, -0.005929159931838512, 0.021629245951771736, -0.003852065885439515, -0.021189795807003975, -0.0020341791678220034, 0.01761925220489502, -0.027877695858478546, 0.005850196350365877, 0.00953746773302555, -0.005139520857483149, -0.016932610422372818, 0.014762818813323975, -0.006763431243598461, -0.012544962577521801, 0.020956337451934814, -0.028646735474467278, -0.016699152067303658, -0.019459456205368042, 0.01750938966870308, -0.0009321175166405737, 0.003779968246817589, -0.0034297804813832045, -0.01152873132377863, -0.008095517754554749, 0.005015925504267216, -0.008857691660523415, 0.015573057346045971, 0.016438227146863937, 0.0020736611913889647, 0.001028247526846826, 0.03109118342399597, 0.001569836982525885, 0.009592399001121521, -0.0466093085706234, -0.0022144229151308537, -0.010718493722379208, -0.03490891680121422, 0.010876420885324478, -0.005946326069533825, 0.013561194762587547, -0.01528466772288084, 0.020558083429932594, -0.04045699164271355, -0.0025474445428699255, -0.004085524473339319, 0.01539453025907278, -0.006914492696523666, -0.009516868740320206, 0.014570559374988079, 0.006990022957324982, 0.012785287573933601, -0.008383908309042454, -0.027369579300284386, -0.0291136521846056, -0.007415741682052612, -0.016067439690232277, -0.016850212588906288, -0.005139520857483149, -0.012744089588522911, 0.017015008255839348, 0.008857691660523415, -0.006766864098608494, -0.026504410430788994, -0.032684195786714554, -0.06201757490634918, -0.032244741916656494, -0.011178543791174889, 0.020297160372138023, 0.012050580233335495, 0.01856682077050209, -0.007044954691082239, 0.03004748746752739, -0.014941345900297165, -0.003958495333790779, -0.028729133307933807, 0.011446334421634674, 0.001936332555487752, -0.019308393821120262, 0.006838961970061064, -0.03078906051814556, 0.008074918761849403, -0.013993779197335243, -0.00592229375615716, 0.014652956277132034, 0.032766591757535934, 0.04037459194660187, 0.006008123978972435, -0.033068716526031494, -0.011762190610170364, 0.022975066676735878, 0.006578037515282631, -0.003560242708772421, 0.005321481265127659, -0.02958056889474392, 0.01189951878041029, 0.020503152161836624, 0.0006012415396980941, -0.010478168725967407, -0.0037559359334409237, -0.005939459893852472, -0.0027019393164664507, -0.009784659370779991, 0.0023963830899447203, -0.012538096867501736, 0.01521600317209959, -0.014419497922062874, 0.03197008743882179, -0.02374410629272461, 0.012998146936297417, 0.046197324991226196, 0.019363325089216232, -0.026930129155516624, 0.008164182305335999, 0.011096146889030933, -0.025913897901773453, -0.02349691465497017, 0.01485894899815321, -0.008081785403192043, -0.02313986048102379, -0.014213505201041698, 0.017001274973154068, -0.010251576080918312, -0.01201624795794487, -0.0002680052421055734, 0.016094906255602837, -0.044329654425382614, 0.020654214546084404, -0.0031980385538190603, -0.025158589705824852, -0.002195540117099881, -0.011940717697143555, 0.004205686971545219, -0.006248448975384235, -0.016534358263015747, -0.00895382184535265, -0.01892387494444847, -0.02300253137946129, -0.0002707947278395295, -0.007182283326983452, -0.027630504220724106, 0.01201624795794487, 0.0012350986944511533, 0.007724730763584375, 0.01808617077767849, 0.20357584953308105, 0.013890782371163368, 0.001968948170542717, 0.04441205412149429, 0.004768733866512775, 0.0077865286730229855, 0.02386770211160183, 0.010883287526667118, -0.005263116676360369, -0.003215204691514373, -0.01153559796512127, 0.0066570015624165535, -0.039523158222436905, -0.0035430765710771084, 0.004092390649020672, -0.01683647930622101, -0.01885521039366722, -0.03658432513475418, -0.02331838756799698, 0.00094070058548823, 0.03221727907657623, 0.013787786476314068, -0.008274044841527939, -0.02422475628554821, 0.025515643879771233, -0.011583663523197174, -0.01704247295856476, 0.01159739587455988, 0.016081172972917557, -0.001762955216690898, -0.004150755237787962, 0.02331838756799698, -0.01847068965435028, 0.01533959899097681, -0.02408742718398571, -0.013616126030683517, 0.03056933544576168, -0.0022590546868741512, 0.02947070635855198, 0.01772911660373211, 0.014227237552404404, -0.007910124026238918, -0.038699183613061905, -0.00586736248806119, 0.03032214380800724, 0.016493158414959908, -0.0240599624812603, -0.025034993886947632, 0.019335860386490822, 0.007759063038975, -0.033178579062223434, 0.008919489569962025, 0.0299376230686903, 0.03570542111992836, 0.008864558301866055, -0.0013724272139370441, 0.020255960524082184, 0.005558372940868139, 0.00892635527998209, 0.02496633119881153, -0.025872698053717613, 0.013712255284190178, 0.008363308385014534, 0.014254703186452389, -0.00474470155313611, -0.01774284802377224, -0.011350204236805439, -0.0014994561206549406, -0.013471930287778378, -0.01546319480985403, -0.011185410432517529, -0.004215986467897892, 0.0031757226679474115, 0.001311487634666264, -0.00917354691773653, -0.02466420829296112, 0.006385777611285448, 0.02437581680715084, 0.014584291726350784, 0.04188520833849907, -0.026985060423612595, 0.00907055102288723, -0.01827842928469181, -0.021148595958948135, -0.010869555175304413, -0.014213505201041698, -0.007038088049739599, -0.016616754233837128, -0.005249383859336376, -0.026641739532351494, -0.0005574680981226265, -0.0051807197742164135, -0.019651714712381363, -0.0002789486024994403, 0.007027788553386927, 0.028234750032424927, 0.01781151257455349, 0.01697380840778351, -0.01871788129210472, -0.008212246932089329, -0.0291136521846056, 0.0590512752532959, 0.04781780019402504, 0.011556197889149189, 0.00307959271594882, -0.015614256262779236, -0.00148143176920712, 0.025817766785621643, 0.02415609173476696, -0.009661063551902771, 0.022054964676499367, -0.02500752918422222, 0.009516868740320206, -0.0012162160128355026, -0.015930112451314926, 0.003704437520354986, -0.01152873132377863, -0.0026281250175088644, -0.005173853132873774, 0.01819603331387043, 0.005166986491531134, 0.012709757313132286, -0.022508149966597557, 0.013574927113950253, -0.006986590102314949, -0.02375783957540989, -0.033096179366111755, -0.020338358357548714, -0.006897326558828354, -0.03740829601883888, 0.013485663570463657, -0.028262214735150337, -0.004816798958927393, -0.0042331526055932045, 0.01764671877026558, -0.00863109901547432, 0.0029851794242858887, -0.020173564553260803, -0.013403266668319702, -0.012860818766057491, -0.00046520045725628734, 0.020571816712617874, 0.0012067746138200164, 0.014666689559817314, 0.01842949166893959, -0.0023517513182014227, -0.015257202088832855, 0.02466420829296112, -0.020736610516905785, -0.00776592968031764, -0.0360899418592453, -0.014515628106892109, 0.018456956371665, -0.025474445894360542, 0.008445706218481064, -0.0026641739532351494, -0.009331475012004375, -0.01462549064308405, 0.03100878745317459, -0.015737852081656456, -0.04166548326611519, 0.007546203676611185, -0.003474412253126502, -0.020434487611055374, -0.027218518778681755, -0.013801518827676773, -0.17589040100574493, 0.002392950002104044, 0.011391403153538704, -0.013877050019800663, 0.026545608416199684, 0.02393636666238308, 0.020695412531495094, -0.006578037515282631, -0.025584308430552483, 0.0054931421764194965, 0.009152947925031185, 0.0010780291631817818, -0.025913897901773453, -0.020379556342959404, 0.00029954788624309003, 0.008857691660523415, 0.0146941551938653, 0.0027534374967217445, 0.033782824873924255, 0.01166606042534113, 0.04073164612054825, -0.021931368857622147, 0.008383908309042454, 0.016245966777205467, 0.01800377294421196, 0.0038863979279994965, -0.020324625074863434, 0.009091150015592575, 0.0072852796874940395, -0.021546849980950356, -0.015064941719174385, 0.009317741729319096, 0.009283410385251045, 0.02434835210442543, -0.0016625337302684784, -0.012847085483372211, 0.007147951051592827, -0.0008995020180009305, -0.014041843824088573, 0.006698200013488531, 0.010684161446988583, 0.016204768791794777, 0.008116117678582668, 0.012895151041448116, -0.015545591711997986, 0.03098132088780403, 0.00020835315808653831, -0.032491933554410934, -0.000626990688033402, -0.0038623653817921877, 0.051388341933488846, -0.02331838756799698, -0.006770297419279814, -0.00892635527998209, 0.004785900004208088, 0.002966296626254916, 0.022769073024392128, 0.014446963556110859, -0.016204768791794777, -0.006004690658301115, 0.007038088049739599, -0.027287183329463005, 0.01172785833477974, -0.021382054314017296, -0.001996413804590702, -0.026916395872831345, -0.004573040641844273, 0.019528118893504143, -0.03724350407719612, 0.00598752498626709, 0.011199142783880234, -0.011803388595581055, 0.01827842928469181, -0.008315243758261204, 0.01800377294421196, 0.009949453175067902, 0.00030233737197704613, 0.00628621457144618, 0.0072784130461514, 0.02974536456167698, -0.0022144229151308537, 0.033288441598415375, 0.015078675001859665, -0.001679699867963791, -0.013211006298661232, 0.0013200707035139203, 0.01147380005568266, -0.003479562234133482, 0.002310552867129445, -0.03070666454732418, 0.0026676070410758257, -0.002564610680565238, 0.006299947388470173, -0.021093664690852165, 0.012242840602993965, 0.019789043813943863, 0.02916858345270157, -0.019390791654586792, 0.004397946875542402, -0.007896391674876213, 0.007669799495488405, 0.004126722924411297, -0.03573288768529892, -0.016108639538288116, 0.026861464604735374, 0.00592572707682848, -0.020118633285164833, -0.006293080747127533, 0.00450094323605299, -0.01722100004553795, -0.028481941670179367, 0.005294015631079674, 0.009695395827293396, 0.01841575838625431, -0.004978159908205271, 0.020846473053097725, 0.01178965624421835, -0.013382666744291782, -0.013890782371163368, 0.017001274973154068, 0.05391518771648407, -0.003704437520354986, -0.019926372915506363, -0.007058687508106232, -0.015806516632437706, -0.010739092715084553, -0.09179040044546127, -0.027053724974393845, -0.006124853156507015, 0.01263422705233097, -0.0014265002682805061, 0.013877050019800663, -0.01820976659655571, 0.015188537538051605, 0.00895382184535265, 0.033068716526031494, 0.011432602070271969, -0.00923534482717514, -0.010890154168009758, 0.013602392747998238, 0.0151748051866889, -0.0029800294432789087, 0.0006956549477763474, -0.02892139181494713, -0.00871349684894085, 0.04004500433802605, 0.013437598943710327, -0.015188537538051605, -0.0029165151063352823, -0.026216020807623863, 0.01221537496894598, 0.0017294813878834248, -0.021739110350608826, -0.0015603956999257207, 0.015119872987270355, 0.02305746264755726, 0.019377058371901512, -0.014240970835089684, 0.00193976575974375, -0.019830241799354553, 0.006152319256216288, -0.008720362558960915, -0.01479028444737196, -0.005894828122109175, 0.019377058371901512, -0.026476943865418434, -0.005407311487942934, 0.015875181183218956, -0.00370100443251431, -0.021560581400990486, -0.005874228663742542, -0.004205686971545219, -0.01528466772288084, 0.002085677348077297, -0.0012170742265880108, -0.020887672901153564, -0.010450703091919422, -0.003306184895336628, -0.022521881386637688, -0.033398304134607315, 0.00757366931065917, 0.0024272820446640253, 0.002968013286590576, -0.0034057479351758957, -0.004885463044047356, -0.006426976062357426, 0.00889202393591404, -0.00586392916738987, -0.01708367094397545, -0.003972228150814772, 0.01922599785029888, 0.012860818766057491, -0.009942587465047836, -0.010773424990475178, -0.00940700527280569, -0.0012127828085795045, -0.03221727907657623, 0.033700425177812576, -0.020613014698028564, 0.013677923940122128, -0.032382071018218994, 0.007827727124094963, 4.245919990353286e-05, -0.02348318137228489, 0.00480649946257472, 0.016259700059890747, -0.0007175416685640812, -0.03205248340964317, 0.00473783491179347, -0.010828356258571148, 0.006856127642095089, 0.017193535342812538, -0.02936084382236004, 0.015064941719174385, 0.022027499973773956, -0.04265424609184265, 0.013320869766175747, -0.003872665110975504, 0.03559555858373642, -0.003934463020414114, -0.0057060010731220245, -0.0023878002539277077, -0.003244386985898018, -0.007333344779908657, 0.026792800053954124, 0.0150374760851264, -0.01166606042534113, -0.0086448322981596, -0.06328099220991135, 0.025282185524702072, -0.022137362509965897, 0.009661063551902771, 0.00880962610244751, -0.00955120101571083, -0.004521542694419622, -0.0177703145891428, -0.0022659210953861475, 0.005829596891999245, -0.038259733468294144, -0.0019483488285914063, -0.015421995893120766, -0.0005862212274223566, -0.028111154213547707, -0.010464435443282127, -0.00026628863997757435, 0.0015209136763587594, 0.002389516681432724, 0.015861447900533676, 0.0014865815173834562, -0.017001274973154068, -0.01834709383547306, 0.025900164619088173, 0.013774053193628788, 0.016589289531111717, -0.021011268720030785, 0.012902017682790756, -0.014048710465431213, -0.03177782520651817, -0.001167292706668377, -0.013526862487196922, -0.02427968755364418, 0.027465710416436195, -0.007889525033533573, -0.0006076788413338363, 0.01735832914710045, 0.010409504175186157, 0.01551812607795, 0.01882774382829666, -0.013114876113831997, -0.028838995844125748, 0.0008638824219815433, -0.03603501245379448, 0.0047961995005607605, -0.04383527487516403, 0.009564933367073536, -0.0014925897121429443, 0.0007136792992241681, 0.015710385516285896, 0.015902645885944366, 0.00467603700235486, -0.012229107320308685, -0.025790302082896233, -0.0037422028835862875, -0.032629262655973434, 0.010313373990356922, -0.015367064625024796, 0.01535333227366209, -0.01189951878041029, 0.014199771918356419, 0.00758740259334445, 0.009530601091682911, -0.025790302082896233, 0.01831962913274765, 0.0012453983072191477, -0.019486920908093452, 0.01853935420513153, 0.007752196863293648, 0.0014865815173834562, -0.006862994283437729, 0.002674473449587822, 0.006433842703700066, 0.0015174804721027613, -0.005005625542253256, 0.0025989427231252193, 0.013808385469019413, 0.004974726587533951, -0.019253462553024292, 0.007027788553386927, 0.011322738602757454, -0.027960091829299927, -0.013375801034271717, 0.01226343959569931, 0.0041953870095312595, -0.005784965120255947, -0.02445821464061737, -0.0024324320256710052, -0.010079915635287762, 0.002250471618026495, 0.0027105221524834633, -0.0015157638117671013, -0.00948253646492958, -0.01831962913274765, 0.034249741584062576, -0.002674473449587822, -0.021230993792414665, -0.007058687508106232, 0.00628621457144618, 0.02382650412619114, 0.002085677348077297, -0.0043224161490798, -0.01492761354893446, -0.05028971657156944, 0.00013872329145669937, 0.008040586486458778, -0.010986284352838993, -0.006296514067798853, 0.016465693712234497, 0.005613304674625397, 0.01225657295435667, -0.00579869793727994, 0.0185942854732275, 0.003924163524061441, 0.0022865203209221363, 0.010567432269454002, -0.014707887545228004, -0.01764671877026558, -0.014309634454548359, 0.04161055013537407, 0.013842717744410038, 0.0023260023444890976, 0.04372540861368179, 0.010993150062859058, 0.025405781343579292, 0.0299376230686903, -0.007079286966472864, -0.01461175736039877, 0.039852745831012726, -0.016383295878767967, -0.013918248936533928, 0.020626747980713844, 0.0007866350933909416, -0.03073412925004959, -0.007820860482752323, -0.0006823512376286089, -0.00935207400470972, 0.012613627128303051, 0.0190749354660511, 0.08882410824298859, 0.019569318741559982, -0.010485034435987473, 0.0006471608066931367, -0.000881477608345449, 0.01844322495162487, 0.015751585364341736, 0.010416370816528797, -0.02436208538711071, -0.039742883294820786, 0.00473783491179347, 0.008686031214892864, 0.01197504997253418, -0.019541852176189423, -0.00370100443251431, -0.015765316784381866, -0.013863316737115383, 0.03518357500433922, -0.016108639538288116, -0.005263116676360369, 0.013341468758881092, 0.026806533336639404, 0.006186651065945625, 0.00887829065322876, -0.010155445896089077, -0.016424493864178658, 0.03367295861244202, 0.013204139657318592, 0.005170419812202454, -0.010148580186069012, -0.003965361975133419, 0.013362067751586437, -0.01880027912557125, 0.002475347137078643, 0.01683647930622101, -0.010574297979474068, -0.011116745881736279, -0.007086153142154217, 0.02971789799630642, -0.006210683844983578, -0.0075187380425632, -0.010890154168009758, 0.004940394777804613, -0.026092424988746643, -0.03576035425066948, 0.001084037241525948, -0.020503152161836624, -0.01900627091526985, -0.019843975082039833], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='208394a1-acba-49e9-84bb-089ec30c2703', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '4', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_type': 'application/pdf', 'file_size': 885090, 'creation_date': '2024-02-25', 'last_modified_date': '2024-02-07', 'last_accessed_date': None}, hash='5a001a86c1b68cbeb945b1ae87f1936f7fe8e8dc8c2d5cc787ecb7af310e2fdb')}, text=\"User Input\\n“How much does \\nMicrosoft's market cap \\nneed to increase to exceed \\nApple's market cap?”$1 = search(Microsoft Market Cap)\\n$2 = search(Apple Market Cap)\\n$3 = math($1 / $2)\\n$4 = llm($3)LLM Planner\\nDAG of TasksExecutor\\nTask \\nFetching \\nUnit\\nResolves \\nDependencyFetches\\nTask\\nTools\\nsearch math\\n …llm\\nTool\\nMemoryTool\\nMemory\\nTool\\nMemoryTool\\nMemoryFigure 2: Overview of the LLMCompiler framework. The LLM Planner generates a DAG of tasks with their inter-\\ndependencies. \", start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='41795406-5bbe-41b0-8eb8-764ce7d71715', embedding=[-0.008048261515796185, 0.015475301072001457, -0.007613406516611576, -0.027057617902755737, -0.008282944560050964, 0.02208785153925419, -0.009525386616587639, -0.0010198375675827265, -0.027002399787306786, -0.032469142228364944, 0.01609652303159237, 0.026049859821796417, 0.004579778295010328, 0.019271651282906532, 0.006902453955262899, 0.007565089501440525, 0.01711808517575264, -0.006405476946383715, -0.004748888313770294, -0.027457961812615395, -0.0013796279672533274, -0.0027696096803992987, 0.006743697449564934, -0.025539079681038857, -0.022653853520751, 0.00182052212767303, 0.02073497138917446, -0.025898005813360214, 0.014771251007914543, 0.002569438423961401, -0.00245382240973413, -0.026919569820165634, -0.026836739853024483, -0.015571936033666134, -0.007116429973393679, -0.005107815843075514, 0.000949087378103286, -0.013183686882257462, 0.007634114008396864, -0.014867885038256645, 0.029100745916366577, 0.011658244766294956, -0.005773902405053377, -0.016303595155477524, -0.00679546594619751, -0.009380434639751911, 0.004410667810589075, -0.021066289395093918, -0.017490817233920097, 0.00679546594619751, 0.018995553255081177, 0.02723708190023899, -0.04290565103292465, 0.010043070651590824, -0.0013787650968879461, 0.007689333520829678, 0.002626383677124977, 0.02223970554769039, 0.002070736140012741, 0.002317498903721571, -0.007240673992782831, 0.016538279131054878, -0.010229436680674553, 0.0024555479176342487, -0.0016807474894449115, -0.019257845357060432, -0.004072447773069143, 0.006571135949343443, -0.012666002847254276, -0.02679532580077648, 0.016993841156363487, 0.00021947645291220397, 0.006188049912452698, 0.01958916336297989, 0.021894583478569984, -0.012638392858207226, -0.027513179928064346, 0.010954193770885468, 0.001654000487178564, 0.015061154030263424, 0.019865261390805244, 0.008131090551614761, -0.02066594734787941, 0.02056931145489216, -0.002165644895285368, -0.027085227891802788, 0.0302603580057621, 0.0008947305614128709, -0.022377755492925644, 0.007268283981829882, 0.0176426712423563, 0.01869184523820877, 0.014522762969136238, 0.014191444963216782, -0.006094866897910833, 0.01818106323480606, -0.03164084628224373, 0.018912723287940025, -0.01616554707288742, -0.03608602657914162, -0.007468455005437136, -0.014771251007914543, -0.058201491832733154, -0.001237264834344387, -0.022032631561160088, 0.009269995614886284, -0.004079350270330906, 0.005311438348144293, -0.01408790796995163, 0.00541152385994792, -0.006346806418150663, 0.007088819984346628, 0.006736794952303171, -0.01660730317234993, -0.0012329508317634463, -0.015571936033666134, 0.007447747513651848, -0.022501999512314796, -0.004731631837785244, -0.002731646178290248, 0.04224301874637604, 0.022363949567079544, 0.017214719206094742, -0.0004948196583427489, 0.010892071761190891, -0.017338963225483894, -0.011250999756157398, -0.005352852866053581, -0.028548547998070717, -0.00957370363175869, 0.004786851815879345, 0.011968854814767838, 0.010160411708056927, 0.02108009345829487, -0.02569093368947506, 0.015999887138605118, -0.017283745110034943, 0.0023727184161543846, -0.019257845357060432, -0.014577982015907764, -3.3730349969118834e-05, -0.002900756197050214, 0.015930863097310066, 0.008697091601788998, -0.023896295577287674, 0.0177116971462965, 0.02566332370042801, 0.01564096100628376, -0.0035116232465952635, -0.028438109904527664, -0.01312846690416336, -0.012672904878854752, 0.0049628643319010735, 0.013190588913857937, 0.01804301328957081, 0.008703994564712048, 0.012976612895727158, 0.006484855432063341, -0.006467598956078291, -0.035009246319532394, 0.015723789110779762, 0.012148318812251091, 0.00042450090404599905, 0.003470208728685975, 0.011665146797895432, 0.027885913848876953, 0.026960983872413635, -0.008089675568044186, 0.004317484796047211, -0.008607359603047371, 0.0076410165056586266, -0.009021506644785404, -0.024876443669199944, 0.02212926745414734, 0.012755734845995903, 0.002034498145803809, 0.018263893201947212, -0.004779949318617582, -0.008931775577366352, -0.013701370917260647, 0.02119053341448307, -0.007530577015131712, 0.011975756846368313, 0.009200970642268658, -0.01963057927787304, -0.004828266333788633, 0.014005078934133053, -0.016206961125135422, 0.02871420793235302, -0.013763492926955223, 0.013259613886475563, 0.02171511948108673, -0.01507495902478695, -0.009152653627097607, -0.6343631148338318, 0.0035685684997588396, 0.005173388868570328, -0.030067088082432747, -0.02223970554769039, 0.010629778727889061, -0.013563321903347969, 0.007737650536000729, 0.0004909370327368379, 0.0352025143802166, 0.002389974659308791, -0.005235511343926191, -0.002831731690093875, -0.010622876696288586, -0.013728980906307697, -0.026602057740092278, -0.008683286607265472, -0.021452825516462326, 0.003302824217826128, 0.015779009088873863, -0.04196691885590553, 0.006505562458187342, -0.007785968016833067, 0.007647919002920389, -0.02863137796521187, 0.010029265657067299, 0.03415334224700928, 0.002864518202841282, -0.01718710921704769, 0.0277616698294878, 0.001528030727058649, 0.006691928952932358, -0.0033528669737279415, 0.010533144697546959, 0.04193931072950363, 0.00022648676531389356, -0.030343186110258102, -0.008738506585359573, 0.004483143799006939, 0.033076558262109756, -0.04320935904979706, -0.0138256149366498, 0.0010017185704782605, -0.003948203753679991, -0.0005746292881667614, 0.016703937202692032, 0.03313177824020386, 0.0024624504148960114, -0.027485571801662445, 0.0016911011189222336, -0.009076726622879505, 0.02574615180492401, -0.011754878796637058, 0.01331483293324709, 0.008959384635090828, 0.02614649571478367, 0.010933486744761467, -0.010885169729590416, -0.007896407507359982, 0.005470194388180971, -0.00811038352549076, -0.00935972761362791, -0.02675390988588333, -0.0061224764212965965, -0.044617462903261185, 0.0008697091834619641, 0.004041386768221855, 0.0037721910048276186, 0.0014063749695196748, -0.012514148838818073, 0.013501199893653393, 0.027844497933983803, 0.01914740726351738, -0.004672961309552193, 0.015268228016793728, -0.031502798199653625, 0.021894583478569984, -0.0138463219627738, -0.005449487362056971, 0.034042902290821075, 0.00982909370213747, -0.025801371783018112, -0.02976338006556034, -0.010961096733808517, 0.02212926745414734, -0.0018757417565211654, -0.02012755535542965, -0.016510669142007828, 0.007040502969175577, -0.003806703258305788, 0.022902341559529305, 0.021369997411966324, -0.01233468484133482, -0.04922829940915108, -0.0019844553899019957, 0.02462795563042164, -0.001339938840828836, 0.01308014988899231, 0.023040391504764557, -0.038488082587718964, 0.005773902405053377, -0.023523561656475067, 0.00978767964988947, -0.00931141059845686, 0.05847758799791336, 0.02465556561946869, 0.0005396855995059013, 0.012728124856948853, 0.040034230798482895, -0.02420000359416008, -0.01958916336297989, -0.002350285416468978, -0.003889532759785652, 0.0012182830832898617, 0.024586539715528488, -0.029017915949225426, 0.0009473617537878454, -0.021784143522381783, 0.0013149174628779292, -0.0032476044725626707, 0.03371158242225647, -0.0019792786333709955, 0.019975701346993446, -0.012258757837116718, 0.013687565922737122, 0.006705733947455883, -0.004400314297527075, -0.014046492986381054, 0.008793726563453674, 0.01669013313949108, -0.007930919528007507, -0.014743641018867493, 0.017780721187591553, -0.006764404475688934, 0.021894583478569984, 0.013225101865828037, 0.0034218914806842804, -0.03476075828075409, 0.025580493733286858, -0.04240867495536804, -0.022764291614294052, -0.007213064003735781, 0.007288991007953882, -0.021066289395093918, -0.012728124856948853, -0.02426902763545513, -0.017849745228886604, 0.01161682978272438, -0.008503822609782219, 0.006260525435209274, -0.014177639968693256, 0.0032648607157170773, 0.00427952129393816, 0.007868797518312931, 0.007275186479091644, -0.012320879846811295, 0.00853833556175232, -0.010678095743060112, -0.008151797577738762, -0.030840164050459862, 0.01916121132671833, 0.010629778727889061, -0.013073247857391834, 0.0016272534849122167, -0.016414035111665726, -0.013280320912599564, -0.0004534049367066473, 0.026781519874930382, -0.016317401081323624, -0.028065377846360207, 0.011119852773845196, -0.030426016077399254, -0.002044851891696453, 0.011002511717379093, -0.007516772020608187, 0.018912723287940025, 0.0027851401828229427, 1.615066321392078e-05, 0.0018964491318911314, -0.021756533533334732, 0.014163834974169731, 0.026118885725736618, 0.019741017371416092, -0.0032372507266700268, 0.0022139621432870626, 0.02165989950299263, 0.01181009877473116, 0.007972334511578083, -0.010809242725372314, 0.01664871908724308, 0.015737595036625862, 0.03067450411617756, 3.742424087249674e-05, -0.008103480562567711, 0.001533207600004971, 0.019299261271953583, 0.0009188891854137182, -0.007772163022309542, 0.001659177360124886, 0.004669509828090668, 0.016897207126021385, 0.002008614130318165, 0.016372621059417725, -0.025925615802407265, -0.004127667285501957, -0.014812665991485119, -0.003487464739009738, -0.025870395824313164, -0.014867885038256645, 0.005176840350031853, 0.009187165647745132, -0.030867774039506912, -0.023302683606743813, -0.01564096100628376, -0.017822135239839554, 0.036003198474645615, -0.0031803054735064507, 0.016800573095679283, -0.0023554624058306217, 0.003865374019369483, 0.004210496786981821, -0.02016896940767765, 0.051630355417728424, -0.006667770445346832, 0.011216487735509872, -0.018995553255081177, 0.00959441065788269, 0.02628454379737377, -0.006819624453783035, -0.006936965975910425, 0.004220850300043821, 0.006522818934172392, 0.02056931145489216, -0.0008589241188019514, 0.045086827129125595, -0.00029270717641338706, 0.0002519395493436605, 0.013722077943384647, 0.04597034305334091, -0.005083657335489988, 0.008904165588319302, 0.0014201798476278782, -0.0034960927441716194, -0.022405365481972694, 0.009615117684006691, -0.02411717362701893, 0.051188595592975616, 0.020955849438905716, 0.005877439398318529, 0.0009068098734132946, -0.020403653383255005, 0.015047349035739899, 0.002415858907625079, 0.004169082269072533, 0.003083671210333705, -0.016897207126021385, 0.02323365956544876, -0.00885584857314825, 0.041497550904750824, 0.014605592004954815, 0.018346721306443214, 0.0060223909094929695, 0.01874706521630287, 0.014032688923180103, -0.002878323197364807, 0.007123332470655441, -0.01332173589617014, -0.0039861672557890415, -0.006160439923405647, -0.026477811858057976, -0.007585796527564526, -0.004334740806370974, 0.011672049760818481, -0.022571023553609848, 0.024296637624502182, 0.01363924890756607, -0.010622876696288586, 0.003917142283171415, 0.002790316939353943, 0.01187912281602621, -0.02469697967171669, -0.02062453143298626, 0.003554763738065958, -0.009470166638493538, -0.013390759937465191, -0.0032182689756155014, -0.006909356452524662, -0.0036306907422840595, 0.0025487311650067568, 0.01662110909819603, -0.015116374008357525, 0.02313702553510666, -0.0046591563150286674, 0.0047937543131411076, 0.00026164614246226847, 0.003178579965606332, 0.036003198474645615, 0.005932658910751343, -0.002685054438188672, -0.024600345641374588, 0.003654849249869585, -0.0021949803922325373, -0.0070508564822375774, -0.021577071398496628, 0.050111815333366394, 0.001007758197374642, -0.021784143522381783, -0.031171482056379318, 0.0003559077740646899, -0.009242385625839233, -0.0016479608602821827, -0.004683314822614193, -0.0007976648048497736, -0.004797205328941345, 0.013376954942941666, 0.003026725957170129, -0.0011941244592890143, 0.03343548625707626, 0.0402551107108593, 0.026008445769548416, 0.004814461339265108, -0.011872220784425735, 0.0022156876511871815, 0.027816887944936752, 0.045583803206682205, 0.03765978664159775, -0.015999887138605118, 0.02069355547428131, -0.03661061450839043, 0.0045556193217635155, -0.01910599134862423, -0.02316463552415371, 0.026105079799890518, -0.014771251007914543, -0.00981528963893652, -0.021494241431355476, 0.024338051676750183, 0.002222590148448944, 0.03315938636660576, 0.00616734242066741, 0.008503822609782219, -0.011899829842150211, -0.024890247732400894, 0.007578894030302763, 0.009670337662100792, -0.017987795174121857, 0.03177889809012413, 0.024448491632938385, -0.004583229310810566, 0.01965818740427494, 0.035036854445934296, 0.02108009345829487, -0.010933486744761467, -0.0353957824409008, -0.013715175911784172, 0.004365801811218262, 0.002586694434285164, 0.021521851420402527, -0.0010025814408436418, 0.02767883986234665, -0.003366671735420823, 0.0176564771682024, 0.02315082959830761, 0.01870564930140972, -0.018222477287054062, 0.009194068610668182, 0.015958473086357117, -0.005401169881224632, 0.010091387666761875, -0.008386481553316116, -0.0026453654281795025, 0.012741929851472378, -0.018360527232289314, -0.005697975400835276, 0.016441645100712776, -0.019961895421147346, -0.03719042241573334, -0.006740245968103409, -0.013066344894468784, 0.01432949397712946, -0.014674616977572441, 0.0008886909345164895, -0.019382089376449585, -0.03326982632279396, -0.015944669023156166, -0.013487394899129868, 0.03843286260962486, 0.004079350270330906, 0.018236283212900162, 0.010974901728332043, -0.02418619766831398, -0.004617741797119379, -0.009483971633017063, 0.001591878361068666, -0.0016712566139176488, -0.0251387357711792, -0.04279521480202675, 0.020376043394207954, 0.03335265815258026, 0.017932575196027756, 0.026367373764514923, -0.004300228785723448, -0.01808442920446396, 0.0025987739209085703, -0.024959273636341095, -0.024503711611032486, -0.007075014989823103, -0.02720947191119194, -0.014177639968693256, -0.01714569516479969, 0.00906982459127903, -0.002170821651816368, 0.005452938377857208, 0.008469310589134693, -0.0025470054242759943, -0.002978408709168434, -0.00430713128298521, -0.011382145807147026, 0.016427839174866676, 0.026118885725736618, 0.014550372958183289, 0.03812915459275246, 0.019285455346107483, -0.03569949045777321, -0.007993041537702084, -0.009766971692442894, 0.005311438348144293, -0.023979123681783676, -0.007496064994484186, -0.013183686882257462, 0.013915346935391426, 0.02675390988588333, -0.012748831883072853, -0.01865042932331562, 0.01616554707288742, -0.007620309013873339, 0.016469255089759827, 0.026353567838668823, 0.03017752803862095, 0.006930063478648663, 0.007578894030302763, 0.012452026829123497, 0.02168750949203968, -0.009766971692442894, 0.0011760055785998702, -0.022819511592388153, 0.026933373883366585, 0.023509757593274117, -0.02912835404276848, 0.00706811249256134, -0.01722852513194084, -0.03892983868718147, 0.005218254867941141, 0.006443440448492765, -0.01156851276755333, 0.022005023434758186, -0.019934287294745445, -0.008358871564269066, -0.027996351942420006, -0.014343298971652985, -0.022916145622730255, 0.014032688923180103, -0.0026091274339705706, 0.01536486204713583, 0.0017635769909247756, -0.0032700374722480774, 0.004445180296897888, -0.0020897178910672665, 0.02814820595085621, -0.02777547389268875, 0.0077583580277860165, 0.03777022659778595, 0.016855791211128235, 0.029514892026782036, -0.020320823416113853, -0.0011716915760189295, -0.03081255406141281, -0.002260553650557995, -0.019409699365496635, -0.021397607401013374, 0.01513017900288105, -0.005639304872602224, 0.03771500661969185, 0.018291503190994263, 0.06156988814473152, -0.009559898637235165, 0.00933211762458086, -0.02613268978893757, 0.002260553650557995, -0.003240701975300908, 0.019451115280389786, -0.004024130757898092, 0.012741929851472378, 0.004293326288461685, 0.016496865078806877, -0.004679863806813955, 0.015806619077920914, 0.0008226861828006804, 0.01612413115799427, 0.030591676011681557, -0.009746264666318893, 0.0011898104567080736, -0.00694041745737195, -0.013646150939166546, 0.008593554608523846, 0.01958916336297989, -0.01971340738236904, 0.006433086935430765, -0.021508045494556427, -0.008048261515796185, 0.03465031832456589, 0.02461414970457554, 0.0176426712423563, -0.0010992158204317093, 0.0404207706451416, -0.008862750604748726, 0.01911979727447033, 0.007433942519128323, 0.026864349842071533, -0.037052370607852936, -0.012403709813952446, -0.024075759574770927, 0.000672557856887579, 0.005898146890103817, -0.0037618372589349747, -0.002224315656349063, 0.03812915459275246, -0.004517655819654465, -0.006101768929511309, 0.022571023553609848, -0.022791901603341103, 0.0021984316408634186, -0.00541152385994792, -0.00978767964988947, 0.011720366775989532, -0.021908387541770935, 0.009228580631315708, 0.012244952842593193, -0.008269139565527439, 0.024862637743353844, -0.015047349035739899, 0.003470208728685975, -0.026422593742609024, -0.011244096793234348, 0.00930450763553381, -0.007088819984346628, 0.034539878368377686, -0.0006307117291726172, 0.019340675324201584, -0.000538822787348181, 0.02172892354428768, -0.006236366927623749, -0.016841987147927284, 0.00811038352549076, 0.00452110730111599, 0.007392528001219034, 0.04279521480202675, -0.02616029977798462, -0.003482287982478738, 0.01058146171271801, -0.0013865303480997682, -0.012955905869603157, -0.031447578221559525, 0.008351968601346016, -0.006360610947012901, 0.010802339762449265, -0.02628454379737377, -0.006968026980757713, -0.012465831823647022, 0.0024313894100487232, -0.026022249832749367, 0.012783344835042953, 0.006836880464106798, -0.018263893201947212, -0.0252629816532135, 0.0024055051617324352, 0.008372676558792591, 0.002559084678068757, -0.007896407507359982, 0.002862792694941163, 0.005525414366275072, -0.01084375474601984, -0.0029093842022120953, 0.01110604777932167, 0.007005990482866764, 0.025014491751790047, -0.0062846839427948, 0.024959273636341095, 0.002170821651816368, 0.00035073093022219837, -0.029404453933238983, -0.008462408557534218, 0.010698803700506687, 0.03081255406141281, -0.017973989248275757, 0.005232059862464666, 0.015143983997404575, 0.006143183913081884, 0.019892871379852295, -0.021480435505509377, -0.004728180821985006, -0.012728124856948853, 0.013418369926512241, 0.00781357754021883, 0.04378916695713997, -0.012244952842593193, -0.027582205832004547, -0.0004995650961063802, -0.002579792169854045, -0.024407075718045235, -0.01033987570554018, -0.022074047476053238, 0.01866423524916172, -0.034512270241975784, -0.013908443972468376, 0.015116374008357525, 0.0010224259458482265, 0.026615861803293228, -0.0011483957059681416, -0.006143183913081884, -0.017007645219564438, 0.00428987480700016, -0.023937709629535675, 0.009704849682748318, 0.0034391474910080433, 0.006132830400019884, -0.006584940943866968, 0.02715425379574299, -0.020486483350396156, -0.013894638977944851, 0.012445123866200447, -0.028548547998070717, -0.017242329195141792, -0.01871945522725582, 0.022943755611777306, -0.005083657335489988, -0.004931803327053785, -0.02368922159075737, 0.012148318812251091, -0.017753111198544502, 0.011285511776804924, 0.0029404452070593834, 0.004006874281913042, 0.025552883744239807, -0.007875699549913406, 0.0038964352570474148, 0.04221540689468384, -0.014826470986008644, 0.002024144632741809, -0.020307019352912903, -0.017366573214530945, -0.00438650930300355, -0.03962008282542229, -0.0009326940635219216, -0.022612439468503, 0.024296637624502182, -0.022929951548576355, 0.0028092986904084682, -0.01413622498512268, -0.008407188579440117, -0.0038032520096749067, 0.0037825447507202625, -0.00783428456634283, 0.002693682676181197, 0.015005934052169323, -0.003297647228464484, 0.017338963225483894, 0.0049628643319010735, -0.03984096273779869, -0.025939421728253365, 0.0078066750429570675, -0.011651341803371906, -0.020362239331007004, -0.021273363381624222, -0.015143983997404575, 0.02730610780417919, 0.0030698662158101797, -0.02567712776362896, -0.026533031836152077, -0.03917832672595978, -0.049200691282749176, -0.02114911749958992, 0.0018481320003047585, 0.0037031664978712797, 0.014426128007471561, 0.008372676558792591, -0.008862750604748726, 0.045307707041502, -0.01259697787463665, 0.0013287223409861326, -0.022074047476053238, 0.0022294926457107067, -0.003114732215180993, -0.002469352912157774, 0.02218448556959629, -0.02720947191119194, -0.0227504875510931, -0.0022847121581435204, 0.025083517655730247, 0.00591540290042758, 0.017338963225483894, 0.015157788060605526, -0.007868797518312931, -0.02621551975607872, -0.014508957974612713, 0.019533943384885788, -0.0014348475961014628, -0.00024352720356546342, 0.010008557699620724, -0.026105079799890518, 0.01669013313949108, 0.02165989950299263, -0.023302683606743813, 0.0054149748757481575, 0.0023088708985596895, -0.004462436307221651, -0.0004892114084213972, -0.013073247857391834, -0.007551284506917, -0.02968055196106434, 0.014785056002438068, -0.03028796799480915, 0.036113638430833817, -0.006819624453783035, 0.021991217508912086, 0.040586426854133606, 0.02462795563042164, -0.028907475993037224, -0.016289791092276573, 0.008952482603490353, -0.015226813033223152, -0.011257901787757874, 0.010954193770885468, -0.005521962884813547, -0.015489106066524982, -0.008151797577738762, -0.008703994564712048, -0.0038998862728476524, 0.002795493695884943, -0.003917142283171415, 0.01906457729637623, -0.03285567834973335, 0.02477980963885784, 0.013211296871304512, -0.026339763775467873, -0.0035927272401750088, -0.012465831823647022, 0.008427895605564117, -0.021024873480200768, -0.012962807901203632, 0.008282944560050964, -0.015433887019753456, -0.0012907588388770819, -0.006205305922776461, -0.011651341803371906, -0.01715949922800064, 0.00592575641348958, 0.018954137340188026, -0.012679807841777802, 0.0077583580277860165, 0.21922193467617035, -0.007889504544436932, -0.024061953648924828, 0.03738369047641754, -0.0008886909345164895, -0.00402758177369833, 0.005684170871973038, 0.006081061903387308, -0.02411717362701893, -0.002905932953581214, 0.004538363311439753, -0.00985670369118452, -0.02070736140012741, -0.0005008592852391303, 0.010967998765408993, -0.016441645100712776, -0.00829674955457449, -0.020458873361349106, -0.011271706782281399, 0.013942956924438477, 0.03371158242225647, 0.022874731570482254, -0.0054667433723807335, -0.02066594734787941, 0.03230348229408264, -0.01960296928882599, 0.011713463813066483, 0.008904165588319302, -0.004407216794788837, -0.0018101684981957078, -0.005156132858246565, 0.007226868998259306, -0.009891216643154621, 0.02575995773077011, -0.01669013313949108, -0.008248432539403439, 0.0069128074683249, 0.010353680700063705, 0.02777547389268875, 0.007592699024826288, 0.003540958743542433, 0.013770394958555698, -0.030398406088352203, -0.019547749310731888, 0.019920481368899345, 0.034926414489746094, -0.016538279131054878, -0.016206961125135422, -0.001486615976318717, 0.0006483992328867316, -0.05182362347841263, 0.013515004888176918, 0.018277697265148163, 0.030895382165908813, 0.0019257846288383007, 0.007081917487084866, 0.03133713826537132, 0.02414478361606598, 0.022405365481972694, 0.01539247203618288, -0.03815676271915436, 0.008441700600087643, -0.011202682740986347, 0.018760869279503822, 0.008745408616960049, -0.0014719482278451324, -0.009118141606450081, 0.007323503494262695, 0.00782048050314188, -0.006257074419409037, 0.0034236169885843992, -0.006188049912452698, 0.01565476506948471, 0.010139704681932926, 0.007751455530524254, -0.014274273999035358, 0.013459784910082817, 0.015309642069041729, 0.015875643119215965, 0.03017752803862095, -0.006719538941979408, -0.002343383152037859, -0.02211546152830124, -0.015047349035739899, -0.016469255089759827, -0.0176978912204504, 0.01616554707288742, -0.01965818740427494, -0.018954137340188026, -0.01762886717915535, -0.009194068610668182, -0.01666252315044403, -0.02674010582268238, 0.006215659435838461, 0.0053183408454060555, 0.015005934052169323, 0.019851457327604294, 0.008393383584916592, -0.0200999453663826, -0.030867774039506912, -0.029597721993923187, 0.06731273233890533, 0.033490706235170364, 0.0029973904602229595, 0.0036099832504987717, -0.0032027384731918573, -0.007116429973393679, 0.001597055234014988, 0.010526241734623909, -0.014426128007471561, 0.019271651282906532, -0.046135999262332916, 0.007868797518312931, -0.008179407566785812, 0.007157844491302967, 0.0026626214385032654, -0.009339019656181335, 0.009635825641453266, 0.0035064464900642633, 0.02627073973417282, 0.009884313680231571, 0.002333029406145215, -0.0044555338099598885, 0.012527953833341599, -0.0028852256946265697, -0.028576157987117767, -0.021273363381624222, -0.02823103591799736, -0.008407188579440117, -0.020859215408563614, 0.0008576298714615405, -0.027816887944936752, 0.005183742847293615, -0.004997376352548599, 0.0176426712423563, -0.015792815014719963, 0.002648816676810384, -0.0201551653444767, -0.03840525448322296, -0.0011699659517034888, 0.0031854824628680944, 0.007765260525047779, 0.008220822550356388, 0.028010157868266106, 0.014550372958183289, 0.004324387293308973, 0.004769595339894295, 0.03166845813393593, -0.030067088082432747, -0.027609815821051598, -0.02865898795425892, -0.011437365785241127, 0.005763548891991377, -0.017407989129424095, 0.014232859946787357, -0.006160439923405647, 0.0012441673316061497, -0.02973577007651329, 0.01622076705098152, -0.03288329020142555, -0.03067450411617756, -0.00110352982301265, 0.004448631312698126, -0.016427839174866676, -0.022584829479455948, -0.013991273939609528, -0.1770341396331787, 0.0088489456102252, 0.011768683791160583, -0.011395950801670551, 0.024531321600079536, 0.026381177827715874, 0.03495402634143829, 0.0007592699257656932, -0.038018714636564255, -0.004569424316287041, 0.017904965206980705, -0.008703994564712048, -0.031088652089238167, -0.026574447751045227, -0.018857503309845924, 0.0018343271221965551, 0.010650485754013062, 0.004848973825573921, 0.03484358638525009, 0.024434685707092285, 0.04221540689468384, -0.021811753511428833, 0.008020651526749134, 0.008683286607265472, 0.016772963106632233, 0.007330405991524458, -0.014481347985565662, 0.017435599118471146, -0.0056703658774495125, -0.030370796099305153, -0.009732459671795368, 0.01709047518670559, 0.007261381484568119, 0.006481403950601816, 0.0035685684997588396, 0.011030120775103569, -0.009842898696660995, -0.013956761918962002, -0.007219966500997543, -0.0024141331668943167, 0.010809242725372314, 0.024807419627904892, -0.004838620312511921, -0.0007217378006316721, -0.02363400161266327, 0.012024074792861938, -0.0012484813341870904, -0.013494296930730343, 0.020790191367268562, -0.01180319581180811, 0.022363949567079544, -0.032910898327827454, -0.003261409467086196, -0.004600485321134329, 0.01137524377554655, -0.0047592418268322945, 0.0034909159876406193, -0.007130234967917204, -0.02062453143298626, 0.009732459671795368, 0.00880062859505415, -0.012086196802556515, 0.00980838667601347, -0.012548660859465599, 0.005083657335489988, -0.026353567838668823, 0.0052113523706793785, 0.0277064498513937, -0.04688146710395813, 0.005404621362686157, -0.006974929478019476, 0.008469310589134693, -0.00706811249256134, -0.00985670369118452, 0.007585796527564526, 0.004893839824944735, 0.011181974783539772, 0.01909218728542328, -0.00032808224204927683, 0.012224245816469193, 0.0030284516979008913, 0.02319224551320076, 0.0046073878183960915, -0.00018485634063836187, -0.0020068883895874023, -0.0059223053976893425, 0.009987850673496723, 0.027540789917111397, -0.0003671242739073932, -0.031033432111144066, 0.006602196954190731, -0.02061072736978531, 0.005635853391140699, -0.013728980906307697, 0.010684998705983162, 0.027057617902755737, 0.020445067435503006, -0.01706286519765854, 0.018539991229772568, -0.0012666002148762345, 0.00020081826369278133, 0.0029611526988446712, -0.017863551154732704, 0.006229464430361986, 0.025539079681038857, 0.008683286607265472, -0.03263480216264725, 0.01060216873884201, 0.016427839174866676, -0.021797949448227882, -0.022943755611777306, -0.012797148898243904, 0.0038722765166312456, 0.014274273999035358, 0.005387365352362394, 0.027043813839554787, 0.014067200943827629, -0.016897207126021385, 0.003937849774956703, 0.011126755736768246, 0.0758717730641365, 0.004345094785094261, -0.01212070882320404, -0.006333001423627138, 0.004717827308923006, -0.02056931145489216, -0.12280845642089844, -0.017891159281134605, -0.010664290748536587, 0.008172505535185337, 0.025801371783018112, 0.011340731754899025, -0.01029155869036913, 0.01461939699947834, 0.023067999631166458, 0.040034230798482895, -0.012348489835858345, -0.010015460662543774, 0.0021190533880144358, 0.00014592218212783337, 0.01257627084851265, -0.0026988594327121973, 0.01606891304254532, -0.0225986335426569, 0.006163891404867172, 0.043623507022857666, -0.011913634836673737, -0.004079350270330906, 0.0015599546022713184, -0.035478610545396805, -0.012728124856948853, 0.0018239733763039112, -0.016924817115068436, 0.0004210496845189482, 0.010809242725372314, 0.012955905869603157, 0.008006846532225609, -0.01459178701043129, 0.019810041412711143, -0.03580993041396141, 0.019823847338557243, -0.011837707832455635, -0.031033432111144066, -0.004893839824944735, 0.023799659684300423, -0.015861839056015015, 0.006522818934172392, 0.005590987391769886, 0.00467641232535243, -0.0075029670260846615, -0.0035685684997588396, 0.008759213611483574, 0.004441728815436363, 0.010878266766667366, 0.010401997715234756, -0.006181147415190935, -0.019547749310731888, -0.002811024198308587, -0.03136475011706352, -0.0044382777996361256, 0.009297605603933334, 0.010519339703023434, -0.013183686882257462, -0.0011509842006489635, -0.022860927507281303, -0.003937849774956703, 0.014522762969136238, -0.024296637624502182, -0.01036058273166418, 0.0038826302625238895, 0.009953338652849197, 0.016510669142007828, -0.021052483469247818, -0.016358815133571625, -0.003951654769480228, -0.013011124916374683, -0.026118885725736618, 0.03324221819639206, -0.020900629460811615, 0.006546977441757917, -0.023482147604227066, 0.003071591956540942, -0.011168169789016247, -0.014039590954780579, 0.019520139321684837, 0.013169881887733936, -0.012472733855247498, -0.018774673342704773, -0.008441700600087643, -0.020555507391691208, 0.020086141303181648, 0.006253622937947512, -0.0022571024019271135, 0.002296791411936283, 0.013563321903347969, -0.032993730157613754, -0.008006846532225609, 0.02468317374587059, 0.01657969318330288, -0.009635825641453266, -0.0008386481204070151, 0.0014857532223686576, -0.012024074792861938, -0.004987022839486599, 0.008179407566785812, 0.033076558262109756, -0.027830693870782852, -0.014688421972095966, -0.05124381557106972, 0.01616554707288742, -0.02164609543979168, -0.0031872079707682133, -0.004100057762116194, -0.0035685684997588396, 0.0006449480424635112, -0.008545237593352795, 0.00957370363175869, 0.009214775636792183, -0.025304395705461502, 0.01812584325671196, -0.005076754838228226, -0.011175072751939297, -0.02726469188928604, -0.008062065578997135, 0.0026298349257558584, 0.00010806653881445527, 0.006609099451452494, 0.011961952783167362, -0.003665202995762229, -0.017794525250792503, 0.006616001948714256, 0.02627073973417282, 0.007613406516611576, -0.013929151929914951, -0.013701370917260647, 0.004583229310810566, -0.004821363836526871, -0.024848833680152893, 0.011741073802113533, -0.004538363311439753, -0.008517627604305744, 0.018360527232289314, 0.022515803575515747, 0.00023791895364411175, 0.002748902188614011, 0.030619284138083458, 0.022267315536737442, 0.03583753854036331, -0.017904965206980705, -0.03939920663833618, -0.006643611937761307, -0.041607990860939026, -0.007206161506474018, -0.02469697967171669, 0.004331289790570736, 0.0018791930051520467, -0.012976612895727158, 0.03396007418632507, 0.002831731690093875, 0.010636681690812111, -0.009007702581584454, -0.04224301874637604, -0.010802339762449265, -0.021839363500475883, 0.008165602572262287, -0.009884313680231571, 0.016800573095679283, -0.030619284138083458, 0.033463094383478165, 0.0033252572175115347, 0.027623619884252548, -0.01135453674942255, -0.0026505421847105026, -0.006550428457558155, -0.0044382777996361256, 0.006854136474430561, 0.012320879846811295, -0.005929207894951105, -0.02114911749958992, -0.004993925336748362, -0.0036065320018678904, 0.0014210427179932594, -0.010388192720711231, 0.0004581503744702786, -0.0007709178025834262, 0.005152681842446327, -0.007930919528007507, 0.006402025930583477, 0.009477068670094013, -0.01281785685569048, -0.015558131039142609, 0.01907838135957718, 0.027540789917111397, 0.0018843698780983686, -0.016275985166430473, 0.008255334571003914, -0.02370302565395832, 0.00805516354739666, -0.0009818740654736757, 0.0006859313580207527, -0.020969655364751816, -0.0067298924550414085, 0.00518029136583209, 0.008220822550356388, -0.027609815821051598, -0.020748775452375412, 0.01617935113608837, -0.005494353361427784, 0.01106463372707367, -0.016013693064451218, -0.0044555338099598885, -0.032469142228364944, 0.0065435259602963924, -0.0009732460021041334, -0.026049859821796417, -0.009456361643970013, -0.014150029979646206, 0.012969710864126682, -0.0051112668588757515, -0.016372621059417725, 0.01566856913268566, 0.0026298349257558584, 0.00530453585088253, 0.002586694434285164, -0.0176426712423563, -0.017822135239839554, -0.02371683157980442, 0.0353405624628067, 0.014439933001995087, -0.005283828359097242, 0.03735607862472534, 0.0057669999077916145, 0.014219054952263832, 0.035533830523490906, 0.02160467952489853, -0.005435682367533445, 0.02468317374587059, 0.01804301328957081, 0.008814433589577675, 0.013680662959814072, -0.006861038971692324, -0.020983459427952766, -0.008842043578624725, -0.0014684970956295729, -0.005894695408642292, 0.026602057740092278, 0.012928295880556107, 0.07819099724292755, 0.017366573214530945, -0.020251799374818802, 0.01820867322385311, -0.004645351320505142, 0.007868797518312931, 0.01363234594464302, 0.007351113483309746, -0.01913360133767128, -0.033048950135707855, -0.0005470194737426937, 0.02918357402086258, 0.00011593965609790757, -0.03362875431776047, -0.008648774586617947, -0.01910599134862423, -0.0032268972136080265, 0.016980037093162537, -0.036500174552202225, -0.010457217693328857, 0.019382089376449585, 0.006436537951231003, 0.016841987147927284, 0.003477110993117094, -0.0036583004985004663, -0.008793726563453674, 0.03293851017951965, 0.001119060325436294, -0.004886937327682972, -0.020348433405160904, -0.000691970984917134, 0.01972721330821514, -0.026339763775467873, -0.02065214142203331, 0.005442584864795208, -0.010684998705983162, 0.010954193770885468, -0.014536567963659763, 0.02627073973417282, 0.0058739883825182915, -0.009739362634718418, -0.01539247203618288, 0.0021742729004472494, -0.03183411806821823, -0.03779783844947815, 0.01855379529297352, -0.007723845541477203, -0.028520939871668816, -0.032966118305921555], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='208394a1-acba-49e9-84bb-089ec30c2703', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '4', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_type': 'application/pdf', 'file_size': 885090, 'creation_date': '2024-02-25', 'last_modified_date': '2024-02-07', 'last_accessed_date': None}, hash='5a001a86c1b68cbeb945b1ae87f1936f7fe8e8dc8c2d5cc787ecb7af310e2fdb')}, text='These tasks are then dispatched by the Task Fetching Unit to the Executor in parallel based on their\\ndependencies. In this example, Task $1and$2are fetched together for parallel execution of two independent search\\ntasks. After each task is performed, the results (i.e., observations) are forwarded back to the Task Fetching Unit to\\nunblock the dependent tasks after replacing their placeholder variables (e.g., the variable $1and$2in Task $3) with\\nactual values. Once all tasks have been executed, the final answer is delivered to the user.\\n3 Methodology\\nTo illustrate the components of LLMCompiler , we use a simple 2-way parallel example in Figure 2. To answer\\n“How much does Microsoft’s market cap need to increase to exceed Apple’s market cap?”, the LLM first needs\\nto conduct web searches for both companies’ market caps, followed by a division operation. While the existing\\nframeworks, including ReAct, perform these tasks sequentially, it is evident that they can be executed in parallel. ', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='b6c54651-7332-45c3-996e-6b13eb166676', embedding=[-0.018818115815520287, 0.01179425697773695, -0.00484667019918561, -0.02729112096130848, -0.010788867250084877, 0.029731789603829384, -0.02141132578253746, -0.008812757208943367, -0.03500141575932503, -0.039411261677742004, 0.02268712967634201, 0.015614736825227737, -0.001689227414317429, 0.024933654814958572, 0.00041732325917109847, -0.0029537645168602467, 0.015489929355680943, 0.009207979775965214, 0.012550032697618008, -0.011087018065154552, 0.00042815718916244805, -0.008805823512375355, 0.0030456362292170525, -0.0331154465675354, -0.009325852617621422, 0.0021061173174530268, 0.010248037986457348, -0.047565314918756485, 0.012452960014343262, 0.01578114554286003, 0.008507673628628254, -0.022326577454805374, -0.017417503520846367, -0.03231113404035568, 0.004746131133288145, -0.026320399716496468, 0.005904062185436487, -0.005800056271255016, -0.006853981874883175, 0.009603201411664486, 0.027956757694482803, 0.008923697285354137, 0.0021702542435377836, -0.00258627743460238, 0.006919851992279291, 0.01683507114648819, 0.009721075184643269, -0.017653249204158783, -0.03411389887332916, 0.012896718457341194, 0.02318635769188404, 0.021452927961945534, -0.01801380328834057, 0.004444514401257038, 0.0165577232837677, 0.017403636127710342, -0.004992278292775154, 0.014130920171737671, -0.006795044988393784, -0.018443694338202477, -0.0005525308079086244, 0.007939108647406101, -0.0015947555657476187, 0.007550820708274841, 0.029787259176373482, -0.023158622905611992, 0.004631724674254656, 0.02381039224565029, 0.005217623896896839, -0.03763623163104057, 0.017264962196350098, 0.005404834635555744, 0.0184575617313385, 0.014082384295761585, 0.034252576529979706, -0.01973336562514305, -0.02679189294576645, -0.020274195820093155, -0.03400295972824097, 0.012251882813870907, 0.012071605771780014, 0.013174067251384258, -0.01683507114648819, 0.034529924392700195, -0.009963755495846272, -0.01926187239587307, 0.035556115210056305, -0.012993790209293365, -0.007266538217663765, -0.004177566152065992, -0.003879416035488248, 0.016003025695681572, 0.04129723459482193, 0.01605849526822567, 0.01370796374976635, 0.005838192068040371, -0.026694821193814278, -0.005508840084075928, -0.008174855262041092, -0.03183963894844055, -0.010601657442748547, 7.725951036263723e-06, -0.05269626900553703, 0.002868826501071453, -0.03805225342512131, 0.004461848642677069, -0.0053632319904863834, 0.002962431637570262, -0.005151753779500723, -0.0021199847105890512, -0.02426801808178425, 0.03472406789660454, -0.015378990210592747, -0.027110842987895012, -0.0005282627535052598, -0.02704150602221489, 0.010830470360815525, -0.03893977031111717, -0.0022569256834685802, 0.0050893500447273254, 0.03416936844587326, 0.032782625406980515, 0.02399067021906376, -0.001022723619826138, 0.004853603895753622, -0.02221563830971718, -0.003997289575636387, 0.016141699627041817, -0.03084118478000164, -0.010546187870204449, -0.011828925460577011, 0.019747233018279076, 0.0006669371505267918, 0.014200258068740368, -0.03796904906630516, -0.0017516309162601829, -0.02281193807721138, -0.013451416045427322, -0.029232561588287354, -0.015725675970315933, 0.007113996427506208, -0.0020939833484590054, -0.013090862892568111, -0.003969554323703051, -0.013215669430792332, 0.012106274254620075, 0.01898452453315258, 0.0021234515588730574, 0.0009143842617049813, -0.019026126712560654, -0.02318635769188404, 0.002204922726377845, -0.000969854008872062, 0.012369755655527115, 0.0011856660712510347, 0.012674839235842228, 0.010920608416199684, 0.015268050134181976, -0.023782657459378242, -0.02333890087902546, 0.011683317832648754, 0.014616280794143677, 0.0072041344828903675, 0.012369755655527115, -0.005966465920209885, 0.03472406789660454, 0.013784234412014484, -0.010178700089454651, 0.003896750509738922, -0.006420624442398548, 0.028761068359017372, 0.010899807326495647, -0.03264395147562027, 0.023671718314290047, -0.005037347320467234, -0.0130839291960001, 0.02113397791981697, 0.00647262716665864, -0.019566956907510757, -0.021175580099225044, 0.03195057809352875, -0.013915975578129292, 0.006528097204864025, -0.0005031280452385545, -0.04540199413895607, -0.009201046079397202, 0.004011156968772411, -0.0011093951761722565, 0.02813703380525112, -0.018194079399108887, 0.019053861498832703, 0.004940275102853775, 0.002773487940430641, -0.02156386710703373, -0.6119423508644104, 0.007502284832298756, 0.00234533054754138, -0.03486274182796478, -0.03339279443025589, -0.0005031280452385545, -0.010802735574543476, -0.001329540740698576, 0.0012246682308614254, 0.013486084528267384, -0.013458349741995335, -0.007134797517210245, 0.008805823512375355, -0.03996596112847328, -0.018124742433428764, -0.020218726247549057, -0.013361277990043163, -0.026875097304582596, -0.013562355190515518, 0.030536100268363953, -0.021522264927625656, -0.007096662186086178, -0.008479938842356205, -0.004929874558001757, -0.02306155115365982, 0.015115508809685707, 0.04540199413895607, 0.014241860248148441, -0.0009594534640200436, 0.01087900623679161, 0.010310441255569458, 0.022326577454805374, -0.013000723905861378, -0.007335875183343887, 0.03369787707924843, 0.002421601675450802, -0.030147813260555267, -0.0011371299624443054, 0.010781933553516865, 0.037137001752853394, -0.047814931720495224, -0.0248365830630064, 0.014630148187279701, 0.01120489090681076, 0.023699453100562096, 0.005460304208099842, 0.02231271006166935, 0.013409813866019249, -0.03330959007143974, -0.03109079785645008, 0.015170978382229805, 0.00969334039837122, 0.016751866787672043, 0.0280122272670269, 0.011087018065154552, 0.019594691693782806, 0.017251094803214073, -0.004399444907903671, -0.011586245149374008, 0.012695640325546265, -0.0025741434656083584, 0.00032220128923654556, -0.03419710323214531, -0.012300418689846992, -0.032255664467811584, 0.0030144345946609974, 7.75980697653722e-06, 0.0036644707433879375, -0.0008606479386799037, -0.000268464966211468, 0.012716441415250301, 0.024309620261192322, 0.01603076048195362, -0.032533012330532074, 0.015503796748816967, -0.021300386637449265, 0.01515711098909378, 0.004125562962144613, 0.010546187870204449, 0.012633237056434155, 0.011003812775015831, -0.013132465071976185, -0.029509911313652992, -0.024697909131646156, 0.0273604579269886, -0.022298842668533325, 0.0017724321223795414, -0.02311702072620392, -0.00021061173174530268, 0.013839703984558582, 0.012924453243613243, 0.023727187886834145, -0.015503796748816967, -0.06584259867668152, -0.012730308808386326, 0.015989158302545547, -0.009762677364051342, 0.002220523776486516, 0.02426801808178425, -0.03258848190307617, -0.007814302109181881, -0.01833275519311428, 0.00660436786711216, 0.00846607144922018, 0.06312458217144012, 0.03575025871396065, -0.01838822476565838, 0.009832014329731464, 0.021605471149086952, -0.004174099303781986, -0.013167133554816246, 0.020371267572045326, -0.0029936335049569607, 0.00505814841017127, 0.013513819314539433, -0.030647041276097298, 0.0021685208193957806, -0.01076806616038084, 0.0039938222616910934, -0.010885939933359623, 0.02751299925148487, -0.0016441582702100277, 0.018097007647156715, -0.012605502270162106, 0.011482239700853825, 0.024281885474920273, 0.02666708640754223, -0.0059144627302885056, -0.00834126491099596, 0.015309653244912624, -0.00484667019918561, -0.008334331214427948, 0.024309620261192322, -0.021674808114767075, 0.018415959551930428, -0.00119433319196105, 0.013042327016592026, -0.024975258857011795, 0.022673262283205986, -0.02446216344833374, -0.03411389887332916, -0.013000723905861378, -0.0013815435813739896, -0.020717954263091087, -0.023657850921154022, -0.012328153476119041, -0.021522264927625656, 0.01129502896219492, 0.011156355030834675, 0.0060808719135820866, -0.03056383691728115, -0.002929496578872204, -0.018818115815520287, 0.021341988816857338, -0.0013685429003089666, -0.013479150831699371, 0.003983421716839075, -0.01605849526822567, -0.013610891997814178, -0.03638815879821777, 0.02704150602221489, -0.0020541143603622913, -0.014713352546095848, 0.016419047489762306, 0.007987644523382187, -0.008375933393836021, -0.005144820082932711, 0.024170946329832077, -0.014311197213828564, -0.0420738123357296, 0.01492136437445879, 0.0011501307599246502, -0.005068548955023289, 0.027110842987895012, -0.015226447954773903, 0.005692583974450827, 0.020565412938594818, 0.00899303425103426, -0.004007690120488405, -0.017417503520846367, -0.011073149740695953, 0.03164549544453621, 0.008209523744881153, -0.008181788958609104, -0.005370165687054396, 0.014103185385465622, 0.033226385712623596, -0.00558511121198535, -0.01173185370862484, 0.01643291488289833, 0.031451351940631866, 0.04285038635134697, 0.003577799303457141, -0.00499574514105916, -0.019123198464512825, 0.03411389887332916, -0.00872955285012722, -0.015323520638048649, 0.0013104729587212205, 0.004458381794393063, 0.02343597263097763, 1.6941568901529536e-05, -0.00836899969726801, -0.028123166412115097, 0.0019882440101355314, -0.024281885474920273, 0.015073906630277634, -0.009873616509139538, 0.007855904288589954, -0.009221847169101238, 0.0030127011705189943, -0.0370260626077652, -0.028206370770931244, -0.02408774197101593, -0.013291940093040466, 0.029981402680277824, -0.010747265070676804, 0.023297298699617386, -0.024129344150424004, -0.001170931849628687, 0.015323520638048649, 0.00036900388658978045, 0.03594440221786499, -0.006864382419735193, 0.019747233018279076, 0.007523085922002792, -0.0033524534665048122, 0.024517633020877838, -0.0077518983744084835, -0.0006431025103665888, -0.015697941184043884, -0.002560276072472334, 0.015753410756587982, 0.0014578145928680897, 0.05169781297445297, 0.01571180857717991, 0.013326609507203102, -0.0003009667561855167, 0.0383296012878418, -0.01453307643532753, 0.007765765767544508, 3.976054722443223e-05, -0.013874372467398643, -0.0020679819863289595, 0.021023036912083626, -0.02156386710703373, 0.045762550085783005, 0.01044218149036169, 0.014865894801914692, 0.010754198767244816, -0.031756434589624405, 0.027471397072076797, -0.013493018224835396, -0.010823536664247513, 0.01235588826239109, -0.010594723746180534, 0.008847426623106003, -0.010199501179158688, 0.051891956478357315, 0.012778845615684986, 0.008001512847840786, 0.009714141488075256, 0.014949099160730839, 0.011988401412963867, -0.0033957890700548887, 0.003420057240873575, 0.00777269946411252, -0.00258627743460238, -0.006205678917467594, -0.011093951761722565, 0.017348166555166245, 0.011724920012056828, -0.012480695731937885, -0.026833495125174522, 0.01768098585307598, 0.02271486632525921, -0.007058526389300823, 0.0382741317152977, -0.0007709429482929409, 0.020925965160131454, -0.041186295449733734, -0.03489047661423683, 0.009651737287640572, 0.0035431308206170797, -0.009138642810285091, -0.01377036701887846, -0.024448296055197716, 0.020093919709324837, 0.030674776062369347, -0.0026140122208744287, -0.009762677364051342, 0.0015791546320542693, -0.003615934867411852, 0.006441425532102585, -0.006573166232556105, 0.0014188123168423772, 0.027402060106396675, -0.012986856512725353, -0.013000723905861378, -0.0407702699303627, -0.018873585388064384, 0.009506129659712315, -0.015170978382229805, -0.019192535430192947, 0.060018278658390045, 0.0029780324548482895, -0.03386428579688072, -0.02308928593993187, 0.004798133857548237, -0.0043786438181996346, 0.005744586698710918, 0.008050048723816872, 0.005505373235791922, -0.024295752868056297, 0.011676384136080742, -0.0026140122208744287, -0.010248037986457348, 0.03799678385257721, 0.03342052921652794, 0.03494594618678093, 0.0003778877144213766, -0.008570077829062939, 0.01255696639418602, 0.015642471611499786, 0.0407702699303627, 0.030979858711361885, -0.007287339307367802, 0.017653249204158783, -0.013603958301246166, -0.012924453243613243, -0.029177092015743256, -0.026722555980086327, 0.03233886882662773, 0.0024025337770581245, 0.009367454797029495, -0.03314318135380745, 0.014852027408778667, -0.002215323504060507, 0.02561316080391407, 0.000938652316108346, 0.006732641719281673, -0.01476882304996252, -0.007453748490661383, -0.0045935893431305885, 0.008195656351745129, -0.005460304208099842, 0.008514607325196266, 0.004049292299896479, -0.017472973093390465, 0.01643291488289833, 0.02038513496518135, 0.029704054817557335, -0.0021390526089817286, -0.022492986172437668, 0.008750353939831257, 0.0032536478247493505, 0.00714866491034627, 0.010615524835884571, -0.011433703824877739, 0.02436508983373642, -0.001905039418488741, 0.012459893710911274, 0.022326577454805374, 0.023630116134881973, -0.004753064829856157, -0.0016294240485876799, 0.011503040790557861, -0.0009126508375629783, 0.019053861498832703, -0.020731821656227112, -0.009963755495846272, 0.027402060106396675, -0.003144441870972514, 0.0030421693809330463, 0.013451416045427322, 0.006139808800071478, -0.01811087504029274, -0.00041190627962350845, -0.011600112542510033, 0.0046802605502307415, -0.021480662748217583, 0.013139398768544197, 0.011364366859197617, -0.032227929681539536, -0.009083172306418419, -0.01938668079674244, 0.03333732485771179, 0.005786188878118992, 0.011516908183693886, 0.016696397215127945, -0.035084620118141174, 0.007890572771430016, -0.019248005002737045, 0.007987644523382187, -0.009561599232256413, -0.010227235965430737, -0.06783951073884964, 0.017140155658125877, 0.0007735430845059454, 0.004482649732381105, 0.02766554057598114, -0.0022291908971965313, -0.006046203430742025, -0.0017802325310185552, -0.0197611004114151, -0.0178612619638443, 0.017015347257256508, -0.02496139146387577, -0.018346622586250305, -0.008271927945315838, 0.00655929883942008, -0.002456270158290863, 0.0017004947876557708, 0.006115540862083435, -0.004576255101710558, -0.003941819537431002, -0.0012012668885290623, -0.02218790352344513, 0.006940653547644615, 0.02471177652478218, 0.0408257395029068, 0.0408257395029068, 0.026819627732038498, -0.03855147957801819, -0.0007653093198314309, -0.033753346651792526, 0.0023973335046321154, -0.019802702590823174, 0.008687950670719147, -0.003581266151741147, 0.014380534179508686, 0.035805728286504745, 0.0026036116760224104, -0.018055405467748642, 0.021120110526680946, -0.005158687476068735, 0.01223108172416687, 0.021425193175673485, 0.021106243133544922, 0.0248920526355505, -0.006275016348809004, 0.003986888565123081, 0.01730656437575817, -0.010830470360815525, -0.0092565156519413, -0.015947554260492325, 0.033503733575344086, 0.025072330608963966, -0.025058463215827942, 0.025294208899140358, -0.006375554949045181, -0.024725643917918205, 0.007821235805749893, -0.0011847993591800332, 0.0019189069280400872, 0.030924389138817787, 0.005876327399164438, -0.0020263795740902424, -0.008986100554466248, -0.0051413532346487045, -0.029648585245013237, 0.0007874105358496308, -0.007675627712160349, 0.008112451992928982, 0.010657127015292645, 0.007675627712160349, -0.0051413532346487045, -0.0042677042074501514, 0.02769327536225319, -0.020426737144589424, -0.004704528953880072, 0.027707142755389214, 0.01542059239000082, 0.025945978239178658, -0.03161776065826416, 0.028206370770931244, -0.028650129213929176, -0.02496139146387577, -0.003350720042362809, -0.031257208436727524, -0.012660971842706203, -0.017098551616072655, 0.03663777559995651, 0.022700997069478035, 0.041186295449733734, -0.00010389745148131624, -0.011260360479354858, -0.004447981249541044, 0.004812001250684261, -0.012272683903574944, 0.018402092158794403, -0.0015427526086568832, -0.008895962499082088, 0.0178612619638443, 0.02361624874174595, 0.004666393157094717, 0.032505277544260025, 0.0004450581327546388, 0.008154054172337055, 0.03644362837076187, -0.009533864445984364, -0.0018963722977787256, 0.0038066119886934757, -0.009305051527917385, 0.013520753011107445, 0.008895962499082088, -0.011211824603378773, 0.002289860974997282, -0.016100097447633743, -0.0031773769296705723, 0.023380503058433533, 0.0013347410131245852, 0.03599987179040909, -0.010428314097225666, 0.015434459783136845, -0.0014595480170100927, 0.02259005792438984, 0.019248005002737045, 0.020995302125811577, -0.018748776987195015, -0.005886727944016457, -0.042739447206258774, 0.010865138843655586, 0.00041645654710009694, 0.0011882662074640393, 0.0003174343437422067, 0.026459073647856712, -0.03239433839917183, 0.0031895111314952374, 0.007294273003935814, -0.014103185385465622, 0.009395190514624119, -0.005290428176522255, -0.023851996287703514, -0.006805445998907089, -0.03336505964398384, 0.011003812775015831, 0.004950675647705793, -0.0010807935614138842, 0.001022723619826138, 0.003945286385715008, 0.014962966553866863, -0.020995302125811577, -0.013125531375408173, 0.016072362661361694, -0.007439881097525358, 0.023546911776065826, -0.005151753779500723, 0.010934475809335709, -0.005741119850426912, 0.012737242504954338, -0.0039036842063069344, -0.003548331093043089, 0.02156386710703373, 0.007089728489518166, -0.002523873932659626, 0.041962869465351105, -0.010546187870204449, -0.02426801808178425, 0.01883198320865631, -0.011842792853713036, -0.015864349901676178, -0.034835007041692734, 0.016252638772130013, 0.02318635769188404, 0.017140155658125877, -0.01350688561797142, -0.01320873573422432, 0.02278420329093933, -0.004156765062361956, -6.70079025439918e-05, 0.030480630695819855, -0.0009169843979179859, -0.016529986634850502, -0.0010287906043231487, 0.012071605771780014, -0.0015748210716992617, -0.021369723603129387, -0.015697941184043884, -0.012217214331030846, 0.011655583046376705, -0.018166344612836838, -0.021924421191215515, 0.017999935895204544, 0.02356077916920185, 0.006639036349952221, 0.004333574790507555, 0.03716473653912544, 0.005810456816107035, 0.003238047007471323, -0.01580888032913208, -0.008646348491311073, 0.012376689352095127, 0.028483720496296883, -0.009415991604328156, 0.01070566289126873, 0.015587002038955688, 0.015129376202821732, 0.01705694943666458, -0.02851145528256893, 0.011586245149374008, -0.0006656370824202895, 0.0210091695189476, -0.0035309966187924147, 0.0305915717035532, -0.00249787257052958, -0.01668252982199192, -0.005994200706481934, 0.013458349741995335, -0.030757980421185493, -0.0017490307800471783, -0.0027145512867718935, 0.007169466000050306, -0.046539124101400375, 0.0009577200398780406, 0.014546943828463554, 0.01140596903860569, 0.007793501019477844, -0.008687950670719147, -0.01580888032913208, -0.04185193032026291, 0.022368179634213448, -0.01324340421706438, -0.0022569256834685802, 0.010248037986457348, 0.010414446704089642, -0.00879195611923933, 0.011184089817106724, -0.0029156291857361794, -0.011392101645469666, 0.026805760338902473, -0.026223327964544296, -0.025529956445097923, -0.0021702542435377836, 0.026694821193814278, 0.0029919000808149576, 0.004337041638791561, -0.03422484174370766, 0.0015514197293668985, -0.03666551038622856, 0.016543855890631676, 0.0009871883084997535, -0.001413612044416368, 0.013472217135131359, -0.02421254850924015, -0.0007293406524695456, 0.02408774197101593, -0.0033299189526587725, 0.007869771681725979, -0.02044060453772545, -0.030674776062369347, 0.0047877333126962185, -0.026195593178272247, -0.005380566231906414, -0.0007973777828738093, 0.0019310408970341086, 0.008410601876676083, 0.011114752851426601, -0.013111663982272148, -0.014699485152959824, 0.007259604521095753, 0.002685082843527198, -0.01665479503571987, 0.005872860550880432, 0.00403889175504446, -0.002522140508517623, 0.01783352717757225, 0.024143211543560028, -0.03771943598985672, -0.0204128697514534, 0.007543887011706829, -0.030286487191915512, -0.031201738864183426, -0.01711242087185383, -0.017029214650392532, 0.029398970305919647, -0.012023069895803928, -0.019095463678240776, -0.02221563830971718, -0.036332689225673676, -0.03056383691728115, -0.029704054817557335, -0.005956064909696579, -0.007536953315138817, 0.006600901018828154, 0.015337388031184673, 0.004597056191414595, 0.046539124101400375, -0.022950612008571625, 0.0021043838933110237, -0.0060774050652980804, -0.02175801247358322, 0.013541554100811481, 0.009915218688547611, 0.013853571377694607, -0.026209460571408272, -0.02934350073337555, -0.008258059620857239, 0.018415959551930428, -0.0008970499620772898, 0.006337419617921114, 0.0235885139554739, -0.01733429916203022, -0.008514607325196266, 0.01680733636021614, 0.01506003923714161, -0.01705694943666458, 0.012931386940181255, 0.009145576506853104, -0.013985312543809414, 0.009783478453755379, 0.007398278918117285, -0.02318635769188404, 0.009963755495846272, -0.001583488192409277, -0.005945664364844561, -0.00913170911371708, -0.003581266151741147, 0.001605156110599637, -0.02308928593993187, 0.019192535430192947, -0.025072330608963966, 0.034418985247612, -0.01442213635891676, 0.015628604218363762, 0.04340508580207825, 0.01953922212123871, -0.006521163508296013, -0.018374357372522354, -0.006229946855455637, -0.039882756769657135, -0.021092375740408897, 0.0191648006439209, 0.0022621259558945894, 0.0016961611108854413, -0.01400611363351345, 0.0013737431727349758, -0.00836899969726801, -0.008625547401607037, -0.011738787405192852, 0.009173311293125153, -0.023006081581115723, 0.025127800181508064, -0.007814302109181881, -0.0014014780754223466, -0.007543887011706829, -0.026001447811722755, -0.010553121566772461, -0.010185633786022663, -0.013174067251384258, 0.0023331965785473585, 0.011197957210242748, -0.012487629428505898, -0.020343532785773277, -0.02791515551507473, -0.003609000938013196, 0.001482949242927134, 0.010109363123774529, 0.0005854659248143435, 0.008334331214427948, 0.19569730758666992, -0.0114683723077178, -0.0020697154104709625, 0.02118944749236107, 0.002556808991357684, 0.005266160238534212, 0.019248005002737045, 0.0043023731559515, -0.025446750223636627, 0.002622679341584444, 0.004610923584550619, -0.017778057605028152, -0.015822747722268105, 0.011475306004285812, 0.022506853565573692, -0.018651705235242844, -0.009332786314189434, -0.02701377123594284, -0.015725675970315933, 0.01318100094795227, 0.02591824345290661, 0.022867407649755478, -0.008542342111468315, -0.019747233018279076, 0.04074253514409065, 0.005817390512675047, -0.0035431308206170797, 0.0136802289634943, -0.01064325962215662, 0.012674839235842228, -0.00846607144922018, 0.00369220576249063, -5.974916348350234e-05, 0.011288095265626907, 0.006649436894804239, -0.007821235805749893, 0.0006981389014981687, 0.00011483972775749862, 0.01356928888708353, 0.00801538024097681, -0.009859749116003513, -0.0006396356620825827, -0.018027670681476593, -0.035306498408317566, 0.028761068359017372, 0.03139588236808777, -0.021924421191215515, -0.008895962499082088, -0.015115508809685707, 0.011627847328782082, -0.033254120498895645, 0.009859749116003513, 0.018804248422384262, 0.03616628050804138, 0.01110781915485859, 0.016613192856311798, -0.005817390512675047, 0.003347253194078803, 0.035805728286504745, 0.019774967804551125, -0.039882756769657135, 0.011454504914581776, -0.01394371036440134, 0.0031236407812684774, 0.019123198464512825, 0.005758454091846943, -0.0021026504691690207, 0.018998391926288605, 0.015268050134181976, -0.017847394570708275, -0.002962431637570262, -0.003910617902874947, 0.00021202013886068016, 0.01711242087185383, 0.005377099383622408, -0.03461312875151634, 0.011281161569058895, 0.013714897446334362, 0.01400611363351345, 0.03289356455206871, -0.019053861498832703, 0.0030612372793257236, -0.00929118413478136, -0.02003845013678074, 0.002184121636673808, -0.01820794679224491, 0.00738441152498126, -0.0191648006439209, -0.013167133554816246, -0.036610040813684464, -0.012210280634462833, -0.029620850458741188, -0.012737242504954338, -0.003622868563979864, 0.020329665392637253, 0.02698603644967079, 0.010726463980972767, 0.014255727641284466, -0.009804279543459415, -0.017570044845342636, -0.03724794089794159, 0.07932174950838089, 0.019039994105696678, 0.0241848137229681, -0.014741088263690472, 0.015476061962544918, -0.0015921553131192923, -0.010248037986457348, 0.007096662186086178, -0.01580888032913208, 0.028677864000201225, -0.04739890620112419, 0.018748776987195015, 0.0035951335448771715, 0.013194868341088295, 0.01108008436858654, -0.016266506165266037, -0.006344353314489126, -0.011828925460577011, 0.01665479503571987, 0.014602413401007652, 0.016668662428855896, -0.0024354690685868263, 0.022479118779301643, -0.007869771681725979, -0.038662418723106384, -0.028650129213929176, -0.009714141488075256, -0.015850482508540154, 0.024850450456142426, -0.011093951761722565, -0.022922877222299576, 0.010248037986457348, -0.00988055020570755, 0.011912129819393158, -0.018970657140016556, -0.011537709273397923, -0.010310441255569458, -0.03391975536942482, -0.009637869894504547, 0.004538119304925203, -0.004222635179758072, -0.0021598536986857653, -0.00014430804003495723, 0.033059973269701004, 0.0034755270462483168, 0.005872860550880432, 0.01923413760960102, -0.03669324517250061, -0.03283809497952461, -0.01001922506839037, -0.013389012776315212, -0.009714141488075256, -0.018069272860884666, 0.029426705092191696, -0.016779601573944092, 0.005959532223641872, -0.02766554057598114, 0.011461438611149788, -0.028109299018979073, -0.03308771178126335, -0.011350498534739017, 0.004125562962144613, -0.017348166555166245, -0.012203346937894821, -0.008632481098175049, -0.17639382183551788, -0.005987267009913921, 0.0029554979410022497, -0.030286487191915512, 0.028982948511838913, 0.01773645542562008, 0.021799614652991295, 0.0038655486423522234, -0.039688609540462494, -0.014519209042191505, 0.016529986634850502, -0.007183333393186331, -0.031479086726903915, -0.036915123462677, -0.0046802605502307415, 0.015198713168501854, 0.0027752213645726442, 0.007113996427506208, 0.03183963894844055, 0.0191648006439209, 0.027374325320124626, -0.025932110846042633, -0.0012584701180458069, 0.006989189423620701, 0.02340823784470558, 0.006136341951787472, -0.021855084225535393, 0.016377445310354233, -0.010629392229020596, -0.0261678583920002, -0.016571590676903725, 0.011010746471583843, -0.00027843218413181603, -0.003238047007471323, 0.01833275519311428, -0.008070849813520908, 0.008778088726103306, -0.0070654600858688354, -0.014727220870554447, 0.011891328729689121, 0.006756909657269716, 0.018651705235242844, -0.010892873629927635, 0.01279271300882101, -0.007543887011706829, 0.039882756769657135, -0.0019293074728921056, -0.018596235662698746, 0.024198681116104126, -0.02193828858435154, 0.018721042200922966, -0.01193293184041977, -0.005030413623899221, -0.008632481098175049, -0.0021667873952537775, -0.004981877747923136, 0.006250748410820961, -0.0006565365474671125, -0.012411357834935188, 0.014255727641284466, -0.004018090665340424, -0.02128651924431324, -0.006923318840563297, -0.004184499848634005, 0.0071763996966183186, -0.022229505702853203, -0.006923318840563297, 0.01808314025402069, -0.03730341047048569, 0.004503450822085142, -0.005560843273997307, -0.0047599985264241695, 0.0039036842063069344, -0.006125941406935453, 0.017167890444397926, 0.0019986447878181934, -0.0010417914018034935, 0.018166344612836838, 0.01870717480778694, -0.011440637521445751, 0.01658545807003975, 0.015281918458640575, 0.01159317884594202, -0.024406693875789642, -0.01873490959405899, -0.015226447954773903, 0.002416401170194149, 0.03206152096390724, -0.00958240032196045, -0.02471177652478218, 0.003537930315360427, -0.025377413257956505, 0.0018998391460627317, -0.03294903412461281, 0.0010348577052354813, 0.020329665392637253, 0.015878217294812202, -0.03744208440184593, 0.007197200786322355, -0.020565412938594818, 0.010074694640934467, 0.013964511454105377, -0.016848938539624214, -0.005134419538080692, 0.002225724048912525, 0.013340476900339127, -0.03139588236808777, 0.020856628194451332, 0.052613064646720886, -0.027096975594758987, -0.0041810330003499985, -0.015642471611499786, 0.006053137127310038, 0.021855084225535393, 0.009790412150323391, 0.008320463821291924, 0.026445206254720688, -0.02853919006884098, 0.022076962515711784, 0.005827791523188353, 0.050643887370824814, 0.0050893500447273254, -0.027027638629078865, 0.010303507559001446, 0.006056603975594044, -0.01708468422293663, -0.10772226750850677, -0.005893661640584469, -0.02003845013678074, 0.029121622443199158, 0.013520753011107445, 0.0003882882883772254, -0.009422925300896168, 0.020468341186642647, 0.023325033485889435, 0.038856565952301025, -0.016668662428855896, -0.0005013946210965514, -0.010587790049612522, -0.018069272860884666, 0.005598978605121374, -0.020620882511138916, -0.022950612008571625, -0.0305915717035532, 0.005390966776758432, 0.04623404145240784, -0.0003414856910239905, 0.002624412765726447, 0.0020957167726010084, -0.018568500876426697, 0.011093951761722565, -0.00024809714523144066, -0.010414446704089642, 0.0017230293015018106, 0.01064325962215662, 0.023824259638786316, 0.01863783784210682, -0.010261905379593372, 0.02788742072880268, -0.029482176527380943, 0.009263449348509312, -0.00558511121198535, -0.010511518456041813, -0.0067361085675656796, 0.020149389281868935, -0.013895174488425255, -0.0031964448280632496, 0.010435247793793678, 0.006739575415849686, -0.017167890444397926, 0.015517664141952991, 0.0004114729235880077, -0.017375901341438293, 0.00929118413478136, 0.013236470520496368, -0.003146175295114517, -0.030924389138817787, -0.02859465964138508, -0.04393204674124718, -0.0007822102634236217, 0.019039994105696678, 0.002360931597650051, -0.006940653547644615, 0.019955245777964592, -0.021744145080447197, -0.0036020672414451838, 0.005283494479954243, -0.01565633900463581, -0.00015048337809275836, 8.244626224040985e-05, 0.004555453546345234, 0.022201770916581154, -0.006385955959558487, -0.008923697285354137, 0.006153676193207502, -0.011600112542510033, -0.026972169056534767, 0.044292598962783813, -0.02851145528256893, 0.006729174870997667, -0.012862049974501133, -0.004711462650448084, -0.008001512847840786, -0.0017741655465215445, 0.00931891892105341, -0.009804279543459415, -0.016113964840769768, -0.019705630838871002, -0.0059109958820044994, -0.012487629428505898, 0.017029214650392532, 0.011759588494896889, -0.0020038450602442026, -0.0019206403521820903, 0.011073149740695953, -0.029981402680277824, 0.010934475809335709, 0.033032238483428955, 0.01948375254869461, -0.015559266321361065, 0.004000756423920393, -0.007030791603028774, -0.03289356455206871, 0.0021667873952537775, 0.009949887171387672, 0.02496139146387577, -0.024628572165966034, -0.012633237056434155, -0.06484414637088776, 0.00796684343367815, -0.01108008436858654, 0.00017204291361849755, -0.023325033485889435, -0.006382489111274481, 0.006437958683818579, -0.020579280331730843, 0.0034217906650155783, 0.029648585245013237, -0.026778025552630424, 0.0015886884648352861, -0.005432569421827793, -0.0017212958773598075, -0.019372813403606415, -0.018526898697018623, 0.00551577378064394, -0.012473761104047298, 0.010449115186929703, 0.02028806321322918, -0.005813923664391041, -0.021300386637449265, -0.01801380328834057, 0.03347599878907204, -0.014505341649055481, -0.02903841808438301, -0.012286551296710968, 0.013014591298997402, -0.0015678873751312494, 0.010303507559001446, -0.00840366818010807, -0.004489583428949118, -8.699651516508311e-05, 0.012716441415250301, -0.004579721949994564, 0.006070471368730068, 0.010601657442748547, 0.01665479503571987, 0.018069272860884666, 0.05297361686825752, 8.748404070502147e-05, -0.034418985247612, 0.0056405807845294476, -0.02184121683239937, -0.005654448177665472, -0.0357225239276886, 0.00916637759655714, 0.0023643984459340572, -0.008119385689496994, 0.021078508347272873, 0.023851996287703514, 0.01350688561797142, -0.011454504914581776, -0.03422484174370766, -0.012959121726453304, -0.015822747722268105, 0.008736486546695232, -0.021023036912083626, 0.014366666786372662, -0.03960540518164635, 0.03674871474504471, 0.007627091370522976, 0.006756909657269716, -0.006964921485632658, -0.001088593970052898, 0.015670206397771835, 0.002215323504060507, 0.007322007790207863, 0.000439207797171548, 0.010310441255569458, -0.022118564695119858, 0.009734942577779293, -0.013153266161680222, 0.011607046239078045, 0.0013598757795989513, 0.013548487797379494, -0.0024632038548588753, 0.02589050866663456, -0.011149421334266663, 0.013867438770830631, 0.023921333253383636, -0.017667118459939957, -0.0033212515991181135, 0.013049260713160038, 0.04787040129303932, -0.008507673628628254, -0.01935894601047039, 0.005262693390250206, -0.014671750366687775, 0.013694096356630325, -0.008264993317425251, 0.006521163508296013, -0.01998298056423664, -0.003647136501967907, -0.002390399808064103, -0.008479938842356205, -0.011953732930123806, -0.013368211686611176, 0.02203536033630371, -0.003810078836977482, 0.011010746471583843, 0.0010747265769168735, 0.00884049292653799, -0.04204607382416725, -0.008459137752652168, -0.0025030728429555893, -0.05588578060269356, -0.009519997052848339, 0.0043023731559515, 0.011301962658762932, 0.012161743827164173, -0.0014387468108907342, 0.01025497168302536, -0.0020246461499482393, -0.005772321484982967, 0.021425193175673485, -0.01711242087185383, -0.016848938539624214, -0.02421254850924015, 0.02048220857977867, 0.011683317832648754, 0.012147876434028149, 0.047814931720495224, 0.009388255886733532, 0.016543855890631676, 0.01913706585764885, 0.0267641581594944, -0.004392511211335659, 0.017348166555166245, 0.004097828175872564, 0.008147120475769043, 0.016821203753352165, -0.010865138843655586, -0.006358220707625151, -0.0111702224239707, -0.006153676193207502, -0.005709918215870857, 0.01833275519311428, 0.009686406701803207, 0.08348198235034943, 0.0006292350590229034, -0.012036937288939953, 0.005134419538080692, -0.004222635179758072, -0.014907496981322765, 0.008507673628628254, 0.014616280794143677, -0.01758391223847866, -0.02303381636738777, 0.021771879866719246, 0.02523873932659626, 0.005446436814963818, -0.027207916602492332, -0.012862049974501133, -0.01680733636021614, -0.012362821958959103, 0.013860505074262619, -0.025002993643283844, -0.009076238609850407, 0.013257271610200405, 0.014241860248148441, 0.010178700089454651, 0.002693749964237213, -0.014200258068740368, -0.009630936197936535, 0.053167760372161865, -0.016419047489762306, -0.0001313073153141886, -0.022174036130309105, 0.010761132463812828, 0.016003025695681572, -0.01820794679224491, -0.011787323281168938, 0.003740741638466716, -0.014810425229370594, -0.007280405610799789, -0.024600837379693985, 0.019026126712560654, 0.00949226226657629, -0.01203000359237194, -0.006288883741945028, -0.0039002173580229282, -0.044459011405706406, -0.01442213635891676, 0.002686816267669201, -0.0032016451004892588, 0.002731885528191924, -0.04099215194582939], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='208394a1-acba-49e9-84bb-089ec30c2703', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '4', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_type': 'application/pdf', 'file_size': 885090, 'creation_date': '2024-02-25', 'last_modified_date': '2024-02-07', 'last_accessed_date': None}, hash='5a001a86c1b68cbeb945b1ae87f1936f7fe8e8dc8c2d5cc787ecb7af310e2fdb')}, text='The\\nkey question is how to automatically determine which tasks are parallelizable and which are interdependent, so we can\\norchestrate the execution of the different tasks accordingly. LLMCompiler accomplishes this through a system that\\nconsists of the following three components: an LLM Planner (Section 3.1) that generates a sequence of tasks and their\\ndependencies; a Task Fetching Unit (Section 3.2) that replaces arguments based on intermediate results and fetches the\\ntasks; and an Executor (Section 3.3) that executes the tasks with associated tools. To use LLMCompiler , users are\\nonly required to provide tool definitions, and optional in-context examples for the Planner, as will be further discussed\\nin Appendix A.3.2.\\n3.1 LLM Planner\\nThe LLM Planner is responsible for generating a sequence of tasks to be executed along with any dependency among\\nthem. For instance, Tasks $1and$2in Figure 2 are two independent searches that can be performed in parallel.\\nHowever, Task $3has a dependency on the outcomes of the first and second searches. Therefore, the Planner’s role\\nis to automatically identify the necessary tasks, their input arguments, as well as their inter-dependencies using the\\nsophisticated reasoning capability of LLMs, essentially forming a directed acyclic graph of task dependencies. If a\\ntask is dependent on a preceding task, it incorporates a placeholder variable, such as $1in Task 3 of Figure 2, which\\nwill later be substituted with the actual output from the preceding task (Sec. 3.2).\\nThe Planner in LLMCompiler leverages LLMs’ reasoning capability to decompose tasks from natural language\\ninputs. To achieve this, the Planner LLM incorporates a pre-defined prompt that guides it on how to create dependency\\ngraphs and to ensure correct syntax (see Appendix A.7 for details). Besides this, users also need to supply tool\\ndefinitions and optional in-context examples for the Planner. These examples provide detailed demonstrations of\\ntask decomposition specific to a problem, helping the Planner to better understand the rules. Further details on user-\\nsupplied information for LLMCompiler are elaborated in Appendix A.3.2. In Appendix A.3.1, we introduce an\\nadditional optimization for the Planner that streams tasks as soon as they are created, instead of waiting to complete\\nthe entire planning process.\\n3.2 Task Fetching Unit\\nThe Task Fetching Unit, inspired by the instruction fetching units in modern computer architectures, fetches tasks to\\nthe Executor as soon as they are ready for (parallel) execution based on a greedy policy. Another key functionality\\n4', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='73d6707c-0c09-439d-a403-ab64e5987286', embedding=[-0.0033225840888917446, 0.01760793663561344, -0.005963071249425411, -0.028507418930530548, -0.016862552613019943, 0.01407087966799736, -0.01306531485170126, 0.005333714187145233, -0.03161552920937538, -0.03749421611428261, 0.009296203032135963, 0.022924071177840233, 0.006553752813488245, 0.01436622068285942, 0.011419843882322311, -0.0060861301608383656, 0.01752355508506298, -0.005562251899391413, 0.0147811034694314, -0.012235547415912151, -0.024555478245019913, -0.0026281815953552723, 0.010990897193551064, -0.021602069959044456, 0.0009818323887884617, 0.004553170874714851, 0.012411345727741718, -0.027311991900205612, 0.012882484123110771, 0.004493399523198605, 0.027002587914466858, -0.007699956651777029, -0.04351354390382767, -0.01274887751787901, -0.018662726506590843, 0.006233800668269396, -0.0021271570585668087, 0.0007563713006675243, 0.01852208748459816, 0.00234690448269248, 0.018620533868670464, 0.01805797964334488, -0.002624665619805455, -0.008635202422738075, -0.000935245887376368, 0.009936108253896236, -0.005840012803673744, -0.01877523586153984, -0.00717959413304925, 0.011680025607347488, 0.01568119041621685, 0.03977256268262863, -0.04849214851856232, 0.013360654935240746, -0.008248446509242058, 0.016215616837143898, 0.0026035697665065527, -0.001002049189992249, 0.007313200738281012, -0.008037488907575607, 0.006578364875167608, 0.011567514389753342, -0.00970405526459217, 0.0236272644251585, 0.011680025607347488, -0.029759101569652557, -0.008157031610608101, 0.005871656350791454, -0.007007312029600143, 0.0017720448086038232, 0.012910611927509308, 0.017903277650475502, -0.014668593183159828, 0.006184577010571957, 0.022263070568442345, -0.014063847251236439, -0.022881880402565002, -0.005875172559171915, -0.02428826503455639, 0.021123899146914482, 0.011096375994384289, 0.008220318704843521, -0.015273338183760643, 0.020645728334784508, 0.018381448462605476, -0.00788278691470623, 0.008227351121604443, 0.0026035697665065527, -0.019211215898394585, 0.0021517686545848846, 0.00794607400894165, -0.00691941287368536, 0.03428766131401062, 0.010829162783920765, -0.005242299288511276, 0.013360654935240746, -0.0208707507699728, 0.0007906519458629191, 0.004412532318383455, -0.01735478825867176, 0.004785224329680204, -0.0018915875116363168, -0.0417415015399456, -0.0017694078851491213, -0.03470957651734352, 0.012657462619245052, -0.02074417471885681, -0.009943140670657158, 0.0045602028258144855, 0.009043053723871708, -0.028408972546458244, 0.011251077987253666, 0.0072710090316832066, -0.02629939466714859, -0.010280672460794449, -0.02964659035205841, 0.021925538778305054, -0.032431233674287796, -0.0010345717892050743, -0.013262208551168442, 0.03009663335978985, 0.006602976471185684, 0.019844088703393936, -0.0060544866137206554, 0.022488093003630638, -0.010470534674823284, 0.0009862273000180721, -0.002468205289915204, -0.04742329567670822, -0.03248748928308487, -0.006374438758939505, 0.009394650347530842, 0.0028953945729881525, 0.022192751988768578, -0.02905591018497944, -0.006803386379033327, 0.0003693957405630499, -0.003310278058052063, -0.029421569779515266, -0.04385107755661011, -0.002798705594614148, 0.004296505358070135, -0.0017790767597034574, -0.005017277784645557, -0.04134771227836609, 0.033303190022706985, 0.036903537809848785, 0.015104572288691998, 0.01049866247922182, -0.016046850010752678, -0.021503623574972153, -0.022488093003630638, -0.003937877248972654, 0.01689068041741848, 0.01743917167186737, 0.007819498889148235, 0.01507644448429346, 0.027649523690342903, -0.022895943373441696, -0.022023985162377357, -0.002970987930893898, 0.009626703336834908, 0.004138287156820297, 0.02312096580862999, 0.0009290929301641881, 0.03532838448882103, 0.009373554028570652, -0.0003003949823323637, 0.0057134381495416164, -0.009647799655795097, -0.004623489920049906, 0.020716046914458275, -0.01760793663561344, 0.0076788607984781265, 0.015990594401955605, -0.004683261271566153, 0.009057117626070976, 0.009493096731603146, -0.020716046914458275, -0.013332527130842209, 0.03724106773734093, -0.00674009881913662, 0.022220879793167114, 0.017917342483997345, -0.01231289841234684, -0.007355392444878817, 0.023317858576774597, -0.007235849741846323, 0.01194020640105009, -0.014176358468830585, 0.011898014694452286, 0.020589472725987434, -0.014415443874895573, -0.004096095450222492, -0.6372610926628113, 0.007742148358374834, 0.014724848791956902, -0.02705884352326393, -0.010653364472091198, -0.001163783366791904, 0.005804853048175573, 0.0012727782595902681, -0.008332829922437668, 0.025357117876410484, 0.006553752813488245, -0.013346591033041477, -0.0002272190322401002, -0.01672191545367241, -0.016398446634411812, -0.01739697903394699, -0.003157333703711629, -0.02947782538831234, 0.009317299351096153, 0.016089042648673058, -0.027522949501872063, 0.010632269084453583, -0.0021552846301347017, -0.0019074092851951718, -0.01576557382941246, 0.04016634821891785, 0.017706384882330894, 0.003160849679261446, 0.01684848964214325, 0.002172864507883787, -0.00013855088036507368, 0.019759705290198326, -0.004848511423915625, 0.010386151261627674, 0.04961725324392319, 0.011004961095750332, -0.009514193050563335, 0.002311744960024953, 0.005625538993626833, 0.021981794387102127, -0.04821087047457695, -0.011757376603782177, 0.020772302523255348, 0.012305866926908493, 0.0052809747867286205, 0.013501293957233429, 0.005365357734262943, 0.0022924072109162807, -0.01985815353691578, -0.012910611927509308, 0.005797821097075939, 0.011286238208413124, -0.01743917167186737, 0.0053477780893445015, 0.019970662891864777, 0.01267152652144432, 0.0006201277719810605, -0.02449922263622284, 0.012151164002716541, 0.006634620018303394, -0.002563136164098978, -0.013691156171262264, -0.03530025854706764, -0.02771984413266182, -0.027944864705204964, 0.04019447788596153, -0.009964236058294773, 0.006993248127400875, -0.0037444995250552893, -0.005583347752690315, 0.022642794996500015, 0.02642596885561943, 0.013571612536907196, -0.005847044754773378, 0.0202378761023283, -0.024063242599368095, 0.042416565120220184, -0.006114257965236902, -0.01680629886686802, 0.025357117876410484, 0.009528256952762604, -0.005066500976681709, -0.02818395011126995, -0.019464364275336266, 0.01407087966799736, -0.02286781556904316, -0.001576908864080906, -0.01788921467959881, 0.004275409504771233, 0.004848511423915625, 0.011497195810079575, 0.024063242599368095, -0.023655392229557037, -0.050067298114299774, 0.01559680700302124, 0.025610266253352165, -0.022558411583304405, 0.00110049603972584, 0.027649523690342903, -0.04632631316781044, -0.013177825137972832, -0.01066039688885212, 0.00480631971731782, 0.005548187997192144, 0.02710103429853916, 0.03755047172307968, 0.0020726595539599657, -0.007154982537031174, 0.023106900975108147, -0.03470957651734352, -0.015835892409086227, 0.013719283044338226, 0.008691458031535149, -0.0017166683683171868, 0.04050388187170029, -0.036312855780124664, 0.02693226747214794, -0.011110439896583557, -0.0077210525050759315, 0.016440637409687042, 0.04348541796207428, -0.0031344799790531397, 0.007017860189080238, -0.024935202673077583, 0.04050388187170029, 0.016693787649273872, -0.003116900334134698, -0.012214452028274536, 0.0137755386531353, -0.0014046267606317997, -0.0047746761702001095, -0.02780422754585743, 0.022572476416826248, -0.002130673034116626, 0.019464364275336266, -0.017706384882330894, 0.010231449268758297, -0.004567234311252832, 0.008818032220005989, -0.03102484717965126, -0.02053321711719036, -0.0345408096909523, 0.012221483513712883, -0.015329593792557716, -0.022586539387702942, -0.012242579832673073, -0.026271266862750053, 0.016440637409687042, -0.011131535284221172, -0.008846160024404526, -0.021348921582102776, 0.005643119104206562, -0.016623467206954956, 0.020266003906726837, -0.013599740341305733, -0.007995297200977802, 0.003667148295789957, -0.0006240832153707743, -0.0190705768764019, -0.023866349831223488, 0.0043527609668672085, 0.023360051214694977, -0.007573381997644901, 0.0027301444206386805, 0.008107808418571949, -0.024147626012563705, -0.007334296591579914, 0.022052112966775894, -0.013972432352602482, -0.03749421611428261, 0.007903882302343845, -0.02403511479496956, 0.01166596170514822, 0.023233477026224136, -0.00030874539515934885, 0.008698489516973495, -0.0010732474038377404, 0.0006561664049513638, 0.0010134760523214936, -0.01398649625480175, 0.0072147538885474205, 0.016862552613019943, 0.009858757257461548, -0.0052176876924932, 0.02566652186214924, 0.011244046501815319, 0.01340284664183855, -0.013951336964964867, -0.022938136011362076, 0.008895383216440678, 0.0137755386531353, 0.044216737151145935, -0.016243744641542435, 0.002162316581234336, 0.000957220618147403, 0.01239728182554245, -0.009043053723871708, 0.0009589786059223115, -0.012903580442070961, 0.003568701446056366, 0.02208024077117443, 0.0038781058974564075, -0.013698187656700611, -0.015146763995289803, -0.008276574313640594, -0.032262466847896576, 0.014077911153435707, -0.01210194081068039, 0.014295901171863079, -0.010730715468525887, 0.012594175525009632, -0.023852284997701645, -0.012073813006281853, -0.013325495645403862, 0.0039871009066700935, 0.04356979951262474, -0.021419240161776543, 0.021925538778305054, 0.003920297604054213, 0.020167557522654533, 0.008789904415607452, 0.006588912568986416, 0.04252907633781433, 0.00011327990068821236, 0.025146160274744034, -0.012228515930473804, 0.007137402892112732, 0.03127799555659294, -0.0010917062172666192, 0.007496031001210213, 0.011321397498250008, -0.00459887832403183, 0.025441501289606094, -3.3236829040106386e-05, 0.0428103506565094, 0.012826229445636272, 0.018887747079133987, 0.012186324223876, 0.03274063766002655, -0.00753822224214673, 0.009922044351696968, 0.009352458640933037, 0.012045685201883316, -0.010280672460794449, 0.013522389344871044, -0.021391112357378006, 0.05206436291337013, -0.002719596493989229, 0.0022080240305513144, 0.01718602143228054, -0.015990594401955605, 0.009120405651628971, -0.005702890455722809, 0.002309987088665366, 0.01843770407140255, -0.015695253387093544, 0.01847989670932293, 0.007207721937447786, 0.04795772209763527, 0.01898619346320629, -0.004605910275131464, -0.008100776001811028, 0.012298834510147572, 0.008585979230701923, 0.002480511087924242, -0.016539085656404495, 0.0007836199947632849, -0.012073813006281853, 0.006701423320919275, -0.012186324223876, 0.0035124460700899363, -0.00758744589984417, 0.0019372949609532952, -0.025230541825294495, 0.015203019604086876, 0.024991456419229507, 0.0093243308365345, 0.011286238208413124, 0.011342492885887623, -0.0001330571831203997, -0.016314063221216202, -0.018170490860939026, 0.011405780911445618, 0.00022315370733849704, 0.00010273201041854918, -0.030912337824702263, 0.003058886853978038, 0.0027494821697473526, 0.005759145598858595, -8.344915841007605e-05, -0.013592708855867386, 0.0025736840907484293, -0.009711086750030518, -0.013733346946537495, -0.02721354551613331, 0.006472886074334383, 0.030827954411506653, 0.0075804139487445354, 0.0017799556953832507, -0.005569283850491047, 0.004212122410535812, 0.01852208748459816, -0.030743570998311043, -0.013170793652534485, 0.052908193320035934, -0.00448636757209897, -0.0055798315443098545, -0.01968938671052456, -0.006395534612238407, -0.015948403626680374, 0.007425711490213871, -0.0025719262193888426, -0.0026826788671314716, -0.0035001400392502546, 0.023781966418027878, 0.011989430524408817, -0.009725150652229786, 0.015442105010151863, 0.02763546071946621, 0.031924933195114136, 0.005207139533013105, -0.02032225951552391, 0.005706406198441982, 0.001727216294966638, 0.059518203139305115, 0.043626055121421814, -0.013177825137972832, 0.020927004516124725, -0.02049102634191513, 0.00524581503123045, -0.012179291807115078, -0.020040983334183693, 0.021602069959044456, 0.004321117419749498, -0.011757376603782177, -0.017214149236679077, 0.008768809027969837, -0.00255083036608994, 0.016314063221216202, -0.0015320803504437208, -0.0006623193039558828, -0.027072906494140625, -0.0034702543634921312, 0.006944024935364723, -0.0061353533528745174, -0.009943140670657158, 0.01701725646853447, 0.028760569170117378, -0.01306531485170126, 0.025075839832425117, 0.037353578954935074, 0.017129765823483467, -0.0034526747185736895, -0.026988523080945015, -0.01894400268793106, 0.022713113576173782, 0.010625236667692661, 0.03231872245669365, -0.0035827651154249907, 0.022966263815760612, 0.0051579163409769535, 0.0024207397364079952, 0.006726034916937351, 0.01310750562697649, 0.008360957726836205, 0.008726617321372032, 0.006768226623535156, -0.011757376603782177, 0.019169025123119354, -0.026861948892474174, -0.00072516716318205, -0.0022220879327505827, -0.011286238208413124, 0.0036530843935906887, 0.026861948892474174, -0.012699654325842857, -0.02299439162015915, -0.004588330164551735, 0.005080564878880978, 0.020519154146313667, -0.005449741147458553, -0.0026070857420563698, -0.02379602938890457, -0.03319067880511284, -0.0069580888375639915, -0.01233399473130703, 0.02500552125275135, 0.0025086388923227787, -0.0019917923491448164, 0.004071483854204416, -0.02002691850066185, -0.009626703336834908, -0.01985815353691578, 0.004852027632296085, 0.008283606730401516, -0.019337790086865425, -0.053583260625600815, 0.013163761235773563, 0.004732484929263592, -0.009999395348131657, 0.018887747079133987, 0.00354936346411705, -0.0033893873915076256, 0.0009018442360684276, -0.016412509605288506, -0.020800430327653885, 0.00018085229385178536, -0.033303190022706985, -0.010695556178689003, -0.0208707507699728, -0.0013589193113148212, -0.01805797964334488, -0.012720750644803047, 0.013592708855867386, -0.02655254490673542, 0.006149417255073786, -0.01517489179968834, 0.0038570102769881487, 0.003218863159418106, 0.028001120314002037, 0.009078213945031166, 0.03912562504410744, 0.011342492885887623, -0.03822553902864456, -0.009774373844265938, -0.025469627231359482, -0.0023838221095502377, -0.021714581176638603, 0.006328731309622526, -0.011883951723575592, 0.00010465480590937659, 0.007573381997644901, -0.007383520249277353, -0.03676289692521095, 0.02801518514752388, -0.014246677979826927, 0.01843770407140255, 0.018198618665337563, 0.06008075550198555, 0.016046850010752678, 0.013346591033041477, 0.014809231273829937, 0.02269905060529709, -0.018325192853808403, -0.0055552199482917786, -0.0005858471267856658, 0.014710784889757633, 0.012151164002716541, -0.030124761164188385, 0.018001725897192955, -0.004398468416184187, -0.012551983818411827, -0.00028237569495104253, 0.005467320792376995, -0.01130733359605074, 0.0048414794728159904, 0.0035757331643253565, -0.03060293197631836, -0.02604624629020691, -0.00897273514419794, -0.03704417496919632, 0.005491932388395071, 0.0010169920278713107, 0.01340284664183855, -0.010878385975956917, -0.003145027905702591, -0.00023469045117963105, -0.011426876299083233, 0.027410438284277916, -0.020350387319922447, 0.002601811895146966, 0.017706384882330894, 0.006536173168569803, 0.00726397754624486, -0.007685892749577761, 0.008958671241998672, -0.02487894706428051, -0.017284469678997993, -0.006747130770236254, -0.027747971937060356, -0.00938761793076992, -0.003537057666108012, 0.03431578725576401, 0.025483692064881325, 0.050151679664850235, -0.004567234311252832, 0.012235547415912151, -0.01066039688885212, -0.010540854185819626, 0.0038781058974564075, 0.009071181528270245, 0.013965400867164135, 0.011855823919177055, -0.0035792491398751736, 0.021798964589834213, 0.0014547292375937104, 0.012031621299684048, 0.005692342296242714, 0.015231147408485413, 0.029280930757522583, -0.009675927460193634, -0.012854356318712234, -0.01507644448429346, -0.017382916063070297, -0.019056513905525208, 0.013789602555334568, -0.01860647089779377, 0.0016735978424549103, -0.02738231234252453, -0.00039180999738164246, 0.01237618550658226, 0.0015417493414133787, 0.010618205182254314, -0.0027494821697473526, 0.006543205119669437, -0.0025807160418480635, 0.018409576267004013, 0.023528818041086197, 0.0007691166829317808, -0.04230405390262604, -0.011722217313945293, -0.029168419539928436, -0.0022590055596083403, -0.002311744960024953, 0.0012929949443787336, 0.00788278691470623, 0.008768809027969837, -0.0016771138180047274, 0.019042449072003365, 0.008719585835933685, -0.03299378603696823, -0.0036073769442737103, 0.030659187585115433, -0.024400776252150536, 0.010041587054729462, -0.018029851838946342, 0.0030360331293195486, 0.009633735753595829, -0.02780422754585743, 0.0029885675758123398, -0.010899482294917107, 0.007411647588014603, -0.03130612522363663, -0.02078636735677719, 0.012706686742603779, 0.012537919916212559, 0.03251561522483826, 0.005210655741393566, 0.021039515733718872, 0.007056535687297583, -0.002051563700661063, -0.004226186312735081, -0.01826893724501133, 0.013691156171262264, 0.0003373126091901213, 0.015357721596956253, 0.031221741810441017, -0.022628730162978172, -0.024386711418628693, 0.015188955701887608, -0.009788437746465206, -0.0066416519694030285, -0.04660759121179581, 0.017495427280664444, 0.0158921480178833, 0.012847324833273888, -0.01977377012372017, 0.0005920000839978456, -0.022755306214094162, 0.006149417255073786, -0.01973157748579979, 0.032262466847896576, 0.010161129757761955, -0.0377192385494709, -0.009078213945031166, 0.02568058669567108, -0.0034720124676823616, 0.016229679808020592, -0.012341026216745377, -0.01839551329612732, 0.007200689986348152, -0.01078697107732296, -0.005365357734262943, 0.018043916672468185, 0.02044883370399475, 0.0208707507699728, -0.010393183678388596, 0.029618462547659874, 0.007706988602876663, -0.01203865371644497, -0.018873684108257294, -0.0006913259858265519, 0.0034702543634921312, 0.029337186366319656, -0.015020188875496387, 0.021377049386501312, 0.029674718156456947, -0.025891544297337532, 0.012200388126075268, -0.015821829438209534, -0.0008227350772358477, 0.0104353753849864, -0.0015883358428254724, 0.014795167371630669, 0.038872476667165756, -0.004813351668417454, -0.006307635456323624, -0.0010284188902005553, 0.006279508117586374, -0.0010644574649631977, -0.0038605262525379658, 0.0035405736416578293, 0.00788278691470623, -0.03929439187049866, -0.014302932657301426, 0.014640465378761292, -0.0003408285556361079, 0.011490163393318653, -0.009985331445932388, -0.014879550784826279, -0.020434770733118057, 0.009542320854961872, -0.011258110404014587, 0.009830629453063011, -0.0062865400686860085, 0.0022027501836419106, -0.028254270553588867, 0.018873684108257294, -0.020505089312791824, -0.0020656276028603315, 0.0166375320404768, -0.03352821245789528, -0.02651035226881504, -0.018254874274134636, 0.016412509605288506, 0.012087876908481121, 0.014394348487257957, 0.0002463370910845697, 0.0035423317458480597, -0.010990897193551064, 0.00430705351755023, 0.004468787461519241, 0.010343959555029869, 0.011771440505981445, -0.011384684592485428, 0.002171106403693557, 0.029421569779515266, -0.0071479505859315395, 0.014183389954268932, -0.01968938671052456, 0.005404033698141575, 0.00786169059574604, -0.03710043057799339, 0.00838205311447382, -0.016046850010752678, 0.023599136620759964, -0.01551242358982563, 0.01444357167929411, -0.030996719375252724, 0.0034808022901415825, 0.002091997303068638, 0.014387316070497036, 0.01298093143850565, -0.005256363190710545, 0.006620556116104126, -0.0034790444187819958, 0.017720447853207588, 0.0198159608989954, -0.03400638327002525, -0.02659473568201065, -0.016440637409687042, 0.0009651315631344914, -0.016707850620150566, -0.013599740341305733, -0.01777670346200466, 0.036144088953733444, 0.0029534080531448126, -0.01765012927353382, -0.03757860139012337, -0.02157394215464592, -0.04109456390142441, -0.023824157193303108, -0.008839128538966179, 0.018536150455474854, 0.02061760053038597, 0.015020188875496387, -0.01714383065700531, 0.03617221489548683, -0.013051250949501991, 0.002948133973404765, -0.0031274480279535055, 0.002865508897230029, 0.009640767239034176, -0.020294131711125374, 0.0063427952118217945, -0.006835029926151037, -0.03448455408215523, 0.0017008465947583318, -0.006079098209738731, -0.004162898752838373, 0.018592406064271927, 0.016820361837744713, -0.024569541215896606, -0.018114235252141953, -0.006131837610155344, 0.0053723896853625774, -0.009106341749429703, -0.0007994418265298009, 0.009922044351696968, -0.029787229374051094, 0.019436238333582878, 0.0028637510258704424, -0.005614991299808025, -0.00726397754624486, -0.0008165821782313287, -0.008389085531234741, 0.002677405020222068, -0.008121872320771217, 0.007594477850943804, -0.012769973836839199, 0.011785504408180714, -0.029337186366319656, 0.0263837780803442, -0.006223252508789301, 0.026566607877612114, 0.04022260382771492, 0.014752976596355438, -0.004588330164551735, -0.01642657443881035, -0.013578644953668118, -0.024386711418628693, -0.025483692064881325, 0.03144676238298416, -0.0010029281256720424, 0.0040539042092859745, -0.010505693964660168, -9.60846446105279e-05, 0.002213298110291362, -0.003081740578636527, -0.01606091484427452, -0.00970405526459217, -0.03479395806789398, 0.024232009425759315, -0.004753580316901207, -0.03302191570401192, -0.011215918697416782, -0.0035352997947484255, -0.0005981530412100255, -0.022263070568442345, -0.002229119883850217, -0.003769111121073365, -0.008543787524104118, 0.012087876908481121, -0.008811000734567642, -0.0309404656291008, -0.0053723896853625774, 0.007840595208108425, 0.01597653143107891, -0.008916479535400867, 0.0011822421802207828, 0.21478308737277985, -0.003377081360667944, -0.008185159415006638, 0.04027885943651199, 0.011272174306213856, 0.015864020213484764, 0.023571008816361427, 0.010962769389152527, -0.02428826503455639, -0.00633576326072216, -0.001090827165171504, 0.0052387830801308155, -0.009507160633802414, -0.0025842320173978806, 0.01735478825867176, -0.0006588033866137266, -0.016032787039875984, -0.041122689843177795, -0.010294736362993717, 0.002433045534417033, 0.018128300085663795, 0.007362424395978451, 0.010147065855562687, -0.012987962923943996, 0.03127799555659294, 0.0073483604937791824, -0.008142967708408833, 0.011272174306213856, -0.005143852438777685, 0.0017008465947583318, -0.01486548688262701, 0.0032417168840765953, 0.01327627245336771, 0.016046850010752678, -0.007137402892112732, -0.013803666457533836, 0.005910331849008799, -0.0008548182668164372, 0.04596065357327461, 0.003769111121073365, 0.0005607959465123713, 0.0005779362400062382, -0.019844088703393936, -0.02617282047867775, 0.024260137230157852, 0.03043416701257229, -0.012819197028875351, -0.019801897928118706, -0.012910611927509308, 0.0005594774265773594, -0.04081328585743904, 0.0027653039433062077, 0.013578644953668118, 0.03068731538951397, -0.0021341887768357992, 0.010568981990218163, 0.021728644147515297, 0.012144132517278194, 0.0026668570935726166, 0.022642794996500015, -0.028366779908537865, 0.004096095450222492, 0.0009484307374805212, 0.0008082317654043436, 0.00644827401265502, -0.005428645294159651, -0.005868140608072281, 0.010983864776790142, 0.0019443269120529294, -0.01026660855859518, 0.00010366593778599054, -0.027480758726596832, 0.0025772000662982464, 0.0025684102438390255, -0.014724848791956902, -0.02634158730506897, 0.01856427825987339, 0.025891544297337532, 0.022108368575572968, 0.027902673929929733, -0.01421855017542839, 0.004866091068834066, -0.002893636701628566, -0.0137755386531353, -0.012158196419477463, -0.016370318830013275, 0.00938761793076992, -0.009064150042831898, -0.01701725646853447, -0.019169025123119354, -0.005136820487678051, -0.01801578886806965, -0.036566004157066345, -0.004968054126948118, 0.008241415023803711, 0.004539106972515583, 0.02286781556904316, 0.01342394296079874, -0.034850213676691055, -0.019422173500061035, -0.023135028779506683, 0.0693066418170929, 0.014049784280359745, 0.013241112232208252, 0.013754443265497684, -0.02099732495844364, 0.007847626693546772, 0.015526487492024899, 0.01769232004880905, -0.021208282560110092, 0.03026540018618107, -0.029421569779515266, 0.008635202422738075, -0.022136496379971504, 0.014598273672163486, 0.0060544866137206554, -0.021939601749181747, -0.005175495985895395, -0.010294736362993717, 0.013845858164131641, -0.003730435622856021, 2.4007427782635204e-05, -0.004257829859852791, 0.023092838004231453, -0.008227351121604443, -0.007643701042979956, -0.027902673929929733, -0.02299439162015915, -0.016412509605288506, -0.003821850521489978, 0.0012683832319453359, -0.03926626220345497, 0.015245211310684681, -0.009739214554429054, -0.007953105494379997, -0.02366945520043373, -0.010962769389152527, -0.020378515124320984, -0.02157394215464592, 0.011996462009847164, -0.0033366477582603693, -0.008192190900444984, 0.00038939277874305844, 0.01873304508626461, 0.02212243154644966, 0.0003164365771226585, -0.011567514389753342, 0.02575090527534485, -0.029449697583913803, -0.02229119837284088, 0.011609706096351147, -0.01181363221257925, -0.003726919647306204, -0.018704917281866074, 0.016750043258070946, -0.01563899777829647, -0.00926104374229908, -0.01797359809279442, 0.02559620328247547, -0.011075279675424099, -0.0536113865673542, 0.009225884452462196, 0.003758563194423914, -0.00393084529787302, -0.0208707507699728, -0.023233477026224136, -0.1815924048423767, 0.006842061877250671, 0.002853203099220991, -0.011469068005681038, 0.014084943570196629, 0.02634158730506897, 0.024555478245019913, -0.015568679198622704, -0.022797496989369392, -0.00846643652766943, 0.01898619346320629, -0.003120416309684515, -0.04019447788596153, -0.031756166368722916, -0.00852972362190485, -0.0004271893703844398, 0.01026660855859518, 0.014246677979826927, 0.028859015554189682, 0.010111906565725803, 0.03676289692521095, -0.019436238333582878, 0.0077702756971120834, 0.00015799854008946568, 0.01718602143228054, 0.01597653143107891, -0.014626401476562023, 0.019379982724785805, -0.0006350706098601222, -0.029955996200442314, -0.013993528671562672, 0.006058002356439829, -0.00028237569495104253, -0.005780241452157497, -0.011476099491119385, 0.009858757257461548, -0.012650431133806705, -0.0057696932926774025, -0.022150559350848198, 0.004918830934911966, 0.03358446806669235, 0.004162898752838373, -0.010561949573457241, 0.010568981990218163, -0.01284029334783554, 0.01634219102561474, 0.013170793652534485, -0.01885961927473545, 0.01826893724501133, -0.006719003431499004, 0.016285935416817665, -0.007531190291047096, 0.015709318220615387, -0.005618507042527199, 0.007186626084148884, -0.003955457359552383, 0.01252385601401329, 0.0050911130383610725, -0.008923511020839214, 0.011989430524408817, -0.007699956651777029, -0.018620533868670464, 0.01580776460468769, 0.005639602895826101, -0.011476099491119385, -0.015259274281561375, -0.00659594452008605, 0.023008454591035843, -0.04160086065530777, 0.0006847335607744753, -0.018029851838946342, 0.007833562791347504, 0.023556943982839584, 0.002473479136824608, 0.019745642319321632, 0.037184812128543854, -0.0045180111192166805, 0.002624665619805455, -0.0022343937307596207, 0.008178126998245716, -0.0014767040265724063, 0.028662120923399925, 0.004183994606137276, -0.0174813624471426, -0.01139171700924635, 0.017003191635012627, 0.0087406812235713, 0.005857592448592186, 0.002566652139648795, -0.013212984427809715, 0.01710163801908493, -0.0103298956528306, 0.008726617321372032, -0.02028006874024868, 0.014682657085359097, 0.02492113783955574, 0.00510166073217988, -0.03530025854706764, 0.008290638215839863, -0.011363589204847813, -0.009886885061860085, 0.002009372226893902, -0.031334251165390015, -0.0005748597905039787, 0.01818455569446087, 0.009057117626070976, -0.014851422980427742, 0.017256341874599457, 0.04511682316660881, -0.02089887671172619, -0.015498359687626362, 0.009479033760726452, 0.017832959070801735, 0.01597653143107891, -0.0040785158053040504, 0.0005159674328751862, 0.0182267464697361, -0.01465452928096056, 0.019970662891864777, -0.005695858504623175, 0.0508548729121685, -0.000526075775269419, -0.0014081427361816168, 0.010336928069591522, 0.0013536453479900956, -0.012622303329408169, -0.134787917137146, -0.02108170837163925, 0.004050388000905514, 0.005013761576265097, -0.0005370631697587669, -0.00331379403360188, -0.021841155365109444, 0.022713113576173782, 0.003438610816374421, 0.0546802394092083, -0.008262510411441326, -0.021475495770573616, -0.015315529890358448, -0.01348723005503416, 0.028915271162986755, -0.007566350046545267, -0.006437726318836212, -0.029843484982848167, 0.009633735753595829, 0.04340103268623352, 0.014380284585058689, -0.015540551394224167, 0.011398748494684696, -0.031840551644563675, 0.003526509739458561, 0.001033692853525281, -0.00794607400894165, -0.0028321072459220886, 0.0058118849992752075, 0.01274887751787901, 0.013536453247070312, -0.006996764335781336, 0.012214452028274536, -0.021770836785435677, 0.022670922800898552, -0.012615270912647247, -0.01915496028959751, -0.006202156655490398, 0.01538584940135479, -0.028859015554189682, 0.02057540975511074, 0.0060685500502586365, 0.005583347752690315, -0.008304702118039131, -0.004876639228314161, -0.014513891190290451, -0.015498359687626362, 0.02178489975631237, 0.0011303817154839635, 0.0028444132767617702, -0.009936108253896236, -0.012284770607948303, -0.03198118880391121, -0.012031621299684048, 0.031052974984049797, -0.0017483120318502188, 0.003825366497039795, 0.00940871424973011, -0.011820663698017597, 0.001765012857504189, 0.007756211794912815, -0.017115702852606773, -0.02822614274919033, 0.0003821411228273064, 0.015751508995890617, 0.01752355508506298, -0.03366884961724281, -0.009950172156095505, -0.006525625474750996, -0.007425711490213871, -0.03724106773734093, 0.03462519124150276, -0.017818894237279892, 0.024639861658215523, -0.03155927360057831, -0.005825948901474476, -0.008051552809774876, -0.013754443265497684, 0.013578644953668118, -0.012706686742603779, -0.003923813346773386, -0.00867739412933588, 0.004363308660686016, -0.01672191545367241, 0.017804831266403198, 0.0104353753849864, -0.0014353914884850383, -0.014338092878460884, 0.006005262956023216, -0.031924933195114136, 0.018550215288996696, 0.018508022651076317, 0.011658929288387299, -0.030827954411506653, 0.003733951598405838, 0.012242579832673073, -0.009725150652229786, 0.0016973306192085147, 0.01869085431098938, 0.011251077987253666, -0.030209144577383995, -0.007249913644045591, -0.05071423575282097, 0.0010187500156462193, -0.008389085531234741, 0.009014925919473171, 0.004289473406970501, 0.0033630174584686756, 0.02115202695131302, -0.014169326983392239, -0.0006579243927262723, 0.029449697583913803, -0.046354442834854126, 0.006662747822701931, -0.011103407479822636, -0.010941673070192337, -0.021377049386501312, -0.01710163801908493, -0.0020269521046429873, -0.012847324833273888, 0.030209144577383995, 0.02371164783835411, 0.010688524693250656, 0.001065336517058313, 0.004018744453787804, -0.004532075021415949, -0.0006210067658685148, -0.016482830047607422, -0.017157893627882004, 0.0064764018170535564, -0.011293269693851471, -0.027663588523864746, 0.013831794261932373, -0.0028039796743541956, 0.005224719177931547, 0.015906210988759995, -0.004623489920049906, -0.0051719797775149345, 0.011919111013412476, 0.010147065855562687, 0.027480758726596832, 0.03850681334733963, -0.02500552125275135, -0.03996945545077324, -0.008747713640332222, -0.015203019604086876, -0.009682958945631981, -0.014324028976261616, 0.0012068538926541805, 0.00955638475716114, -0.02407730743288994, 0.011244046501815319, 0.012734813615679741, 0.006929961033165455, -0.01722821407020092, -0.04143209382891655, 0.004718421027064323, -0.018465831875801086, 0.0032047992572188377, 0.0026510353200137615, 0.0039449092000722885, -0.021517686545848846, 0.014921742491424084, 0.0028672670014202595, 0.017509490251541138, -0.004634037613868713, 0.010618205182254314, -0.009633735753595829, -0.006599460728466511, 0.020603537559509277, -0.0015180165646597743, -0.007953105494379997, -0.010449438355863094, 0.0008042762638069689, -0.007186626084148884, 0.02295219898223877, 0.005161432083696127, -0.014668593183159828, 0.0034614645410329103, 0.011862855404615402, -0.0056888265535235405, 0.027691716328263283, 0.012882484123110771, -0.018620533868670464, -0.010463502258062363, 0.021419240161776543, 0.031221741810441017, 0.002091997303068638, -0.019281534478068352, 0.006089645903557539, -0.0054145813919603825, 0.01166596170514822, 0.0074889990501105785, -0.0018652178114280105, -0.015259274281561375, -0.022924071177840233, 0.00017129327170550823, 0.0013220016844570637, -0.017284469678997993, -0.017551681026816368, 0.006936992984265089, 0.01187691930681467, 0.01078697107732296, -0.0034790444187819958, -0.004458239767700434, -0.03524400293827057, 0.000951067719142884, 0.009141501039266586, -0.021377049386501312, -0.003892169799655676, 0.02566652186214924, 0.02265685796737671, 0.003002631478011608, 0.005147368181496859, 0.004679745528846979, -0.0006056244601495564, -0.01181363221257925, 0.01765012927353382, -0.017720447853207588, -0.041038308292627335, -0.017706384882330894, 0.03417515009641647, 0.00677525857463479, 0.003501898143440485, 0.03051854856312275, 0.003951941151171923, 0.027832355350255966, 0.034512683749198914, 0.028465228155255318, -0.012059749104082584, 0.009500129148364067, -0.013634900562465191, -0.009218852035701275, 0.013895081356167793, -0.005699374247342348, -0.03440017253160477, -0.021039515733718872, -0.013873985968530178, -0.007981233298778534, -0.00498563377186656, 0.006198640912771225, 0.08320172131061554, 0.019717514514923096, -0.009479033760726452, -0.010301768779754639, -0.01072368398308754, 0.0031239320524036884, 0.011476099491119385, 0.010020491667091846, -0.019506556913256645, -0.029252802953124046, 0.03234684839844704, 0.0020533218048512936, 0.020350387319922447, -0.03240310400724411, 0.006845578085631132, -0.010533821769058704, -0.012242579832673073, 0.015751508995890617, -0.00369527586735785, 0.0104353753849864, 0.008895383216440678, 0.0017430380685254931, -0.002928796224296093, 0.003317310009151697, -0.02253028377890587, 0.0023996441159397364, 0.024850819259881973, -0.0008728375541977584, -0.007573381997644901, -0.010034555569291115, -0.0006236437475308776, -0.005938459653407335, -0.023444434627890587, -0.011567514389753342, 0.027354184538125992, -0.009450905956327915, -0.02057540975511074, -0.012537919916212559, 0.025272734463214874, 0.02354288101196289, -0.017171958461403847, -0.0031432700343430042, -0.011089343577623367, -0.047901466488838196, -0.016876617446541786, -0.010048619471490383, -0.004968054126948118, -0.007355392444878817, -0.028859015554189682], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='6a0738c1-722f-45d6-8052-3cda2dc5f27b', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '5', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_type': 'application/pdf', 'file_size': 885090, 'creation_date': '2024-02-25', 'last_modified_date': '2024-02-07', 'last_accessed_date': None}, hash='bd56e4bb7cb006f9c6846e23c72a3835bb58b1ea86b4f7f1c20c7db68708f89e')}, text=\"search\\nmathsearch\\nmath(c) Which has higher total healthcare expenses, Florida \\nor New York, considering both public and private sectors?\\nsearch\\nmathsearch search\\nmathsearch\\nmath(b) If Stanford and UCLA were to merge, would they \\nhave more Nobel laureates than UC Berkeley?\\nsearchAnalyzer \\nAgent\\noutput\\noutput output(a) Analyze Apple and Microsoft's latest 10 -K \\nform and compare their sales forecast.\\nAnalyzer \\nAgentFigure 3: Examples of questions with different function calling patterns and their dependency graphs. HotpotQA\\nand Movie Recommendation datasets exhibit pattern (a), and ParallelQA dataset exhibits patterns (b) and (c), among\\nother patterns. In (a), we need to analyze each company’s latest 10-K. In (b), we need three searches for each school,\\nfollowed by one addition and one comparison operation. In (c), we need to search for each state’s annual healthcare\\nspending in each sector, sum each state’s spending, and then perform a comparison.\\nis to replace variables with the actual outputs from preceding tasks, which were initially set as placeholders by the\\nPlanner. For the example in Figure 2, the variable $1and$2in Task $3would be replaced with the actual market cap\\nof Microsoft and Apple after the search tasks are done. This can be implemented with a simple fetching and queuing\\nmechanism without a dedicated LLM.\\n3.3 Executor\\nThe Executor asynchronously executes tasks fetched from the Task Fetching Unit. As the Task Fetching Unit guaran-\\ntees all the tasks dispatched to the Executor are independent, it can simply execute them concurrently. The Executor is\\nequipped with user-provided tools, and it delegates the task to the associated tool. These tools can be simple functions\\nlike a calculator, Wikipedia search, or API calls, or they can even be LLM agents that are tailored for a specific task. As\\ndepicted in the Executor block of Figure 2, each task has dedicated memory to store its intermediate outcomes, similar\\nto what typical sequential frameworks do when aggregating observations as a single prompt [58]. Upon completion of\\nthe task, the final results are forwarded as input to the tasks dependent on them.\\n3.4 Dynamic Replanning\\nIn various applications, the execution graph may need to adapt based on intermediate results that are a priori unknown.\\nA similar analogy in programming is branching, where the path of execution is determined only during runtime,\\ndepending on which branch conditions are satisfied. Such dynamic execution patterns can also appear with LLM\\nfunction calling. For simple branching (e.g., if-else statements) one could statically compile the execution flow and\\nchoose the right dynamically based on the intermediate results. However, for more complex branching it may be\\nbetter to do a recompilation or replanning based on the intermediate results. In replanning, the Executor sends the\\nintermediate results back to our LLM Planner. Based on that, the Planner produces a new set of tasks with their\\nassociated dependencies and dispatches them to the Task Fetching Unit and then the Executor. This process is repeated\\nuntil the final result is achieved. \", start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='8154a6fd-fc1f-4e1b-a552-f22143e789ed', embedding=[0.00010111965093528852, 0.023775160312652588, -0.0055320532992482185, -0.03127792105078697, 0.0010909265838563442, 0.021593306213617325, -0.014681759290397167, 0.006014172453433275, -0.034543659538030624, -0.03809093311429024, 0.01768004707992077, 0.019369224086403847, 0.0014489967143163085, -0.005648184102028608, 0.01359083317220211, 0.015948642045259476, 0.013752712868154049, 0.006337931379675865, 0.009438274428248405, -0.007017120718955994, 0.004469279665499926, -0.0005239086458459496, 0.0036774780601263046, -0.04484763741493225, 0.010395473800599575, -0.0028452067635953426, 0.027294278144836426, -0.039639342576265335, 0.0015862423460930586, 0.006848203483968973, 0.023662548512220383, -0.03215065971016884, -0.02626669593155384, -0.028082560747861862, -0.008692220784723759, -0.018102342262864113, 0.008171391673386097, 0.001019664341583848, 0.01008579134941101, 0.0017305262153968215, 0.015244818292558193, 0.014365038834512234, 0.010754424147307873, -0.01873578317463398, 0.00803766492754221, 0.02217044308781624, 0.02764618955552578, -0.0329107902944088, -0.019312918186187744, 0.0007007443346083164, 0.01343599148094654, 0.023479554802179337, -0.015146283432841301, 0.027519501745700836, 0.010254709050059319, 0.024253759533166885, 0.014386153779923916, 0.004416492767632008, 0.009198973886668682, -0.006689842790365219, 0.0030721898656338453, 0.010001332499086857, -0.0022240823600441217, 0.01682138256728649, 0.011451208963990211, -0.023944078013300896, -0.00612678425386548, 0.016469471156597137, 0.0044481647200882435, -0.021382160484790802, 0.020537571981549263, 0.020002664998173714, -0.0017120508709922433, -0.0052927532233297825, 0.0259570125490427, -0.014132777228951454, -0.02041088417172432, -0.011493438854813576, -0.018327565863728523, 0.008213620632886887, 0.011401941999793053, 0.0064998106099665165, 0.0011604290921241045, 0.022972801700234413, 0.0050534531474113464, -0.03845692053437233, 0.031165307387709618, 0.0021624979563057423, -0.01706068404018879, 0.00413144426420331, 0.006784859113395214, 0.0073831090703606606, 0.031024543568491936, -0.002134345006197691, -0.015737494453787804, 0.0007975201006047428, -0.02802625484764576, 0.006161975208669901, -0.01561080664396286, -0.009902797639369965, 0.006538521032780409, -0.003860472235828638, -0.03676774352788925, -0.00045000718091614544, -0.02818109467625618, -0.024422677233815193, 0.02253643050789833, 0.006415351759642363, 0.00981833878904581, 0.0034311399795114994, -0.030095495283603668, 0.0275617316365242, 0.004993628244847059, -0.01385828573256731, -0.0003580702468752861, -0.012499906122684479, 0.022339360788464546, -0.0105432765558362, 0.0073831090703606606, 0.009030056186020374, 0.03130607306957245, 0.009424197487533092, 0.02512650191783905, 0.002192410407587886, 0.01378790382295847, -0.012077612802386284, -0.011894618161022663, -0.019144000485539436, -0.0356416255235672, -0.01245063915848732, -0.003867510473355651, 0.0361202247440815, -0.0002452385379001498, 0.007340879645198584, -0.02207190729677677, -0.0018563346238806844, -0.007098060566931963, 0.015878260135650635, -0.015667112544178963, -0.003408265532925725, -0.004328514914959669, 0.009353815577924252, -0.013851247727870941, 0.008122123777866364, -0.014625453390181065, 0.01005763839930296, 0.01789119467139244, 0.011007800698280334, -0.006869317963719368, -0.018707631155848503, -0.020312348380684853, -0.01518851239234209, -0.002982452278956771, 0.0350504145026207, 0.02093171328306198, 0.009698688983917236, 0.017539283260703087, 0.03198174387216568, -0.039019979536533356, -0.01956629566848278, -0.005525014828890562, 0.01644131913781166, 0.00026657318812794983, 0.01492105983197689, -0.003969565033912659, 0.03153129667043686, 0.029222754761576653, 0.005437036976218224, 0.01050808560103178, -0.008178429678082466, 0.006007133983075619, 0.03679589554667473, -0.03533194214105606, 0.013443030416965485, -0.0038569532334804535, 0.003902701660990715, 0.029419824481010437, 0.001038139802403748, -0.009114515036344528, -0.022649042308330536, 0.022733502089977264, -0.003357238369062543, 0.009508656337857246, 0.008319194428622723, -0.03279817849397659, -0.005771353375166655, 0.02024196647107601, 0.01858094148337841, 0.026154084131121635, -0.0022715905215591192, 0.02550656534731388, 0.030039189383387566, 0.007115656044334173, -0.0060423254035413265, -0.6292745471000671, 0.0038076855707913637, -0.007925053127110004, -0.029279060661792755, -0.009762032888829708, 0.011000762693583965, 0.0030211627017706633, 0.0012079371372237802, -0.02436637133359909, 0.02148069441318512, 0.0022751097567379475, -0.00744645344093442, 0.015638960525393486, -0.02087540738284588, -0.008354385383427143, -0.04315846040844917, 0.0036352486349642277, -0.03485334292054176, 0.003256943542510271, 0.01758151315152645, -0.024859048426151276, -0.00023600083659403026, 0.0025971089489758015, -0.006598345935344696, -0.022254901006817818, 0.03634544834494591, 0.027899567037820816, 0.003885106183588505, 0.015596730634570122, 0.023887772113084793, -0.007119175512343645, 0.01489290688186884, -0.00960015319287777, 0.0059367516078054905, 0.043524447828531265, 0.007636485621333122, -0.019974512979388237, -0.0036070956848561764, 0.006320335436612368, 0.026632683351635933, -0.040174249559640884, -0.017848964780569077, 0.011584935709834099, 0.016413165256381035, -0.01706068404018879, 0.005788948852568865, 0.018552789464592934, 0.009747955948114395, -0.027674343436956406, -0.01965075358748436, -0.004694503266364336, 0.013759750872850418, 0.009874644689261913, -0.005817101802676916, 0.00601769145578146, 0.00917082093656063, 0.041103295981884, -0.022029677405953407, 0.0016187941655516624, -0.0017903512343764305, -0.009381968528032303, -0.006879875436425209, -0.012647709809243679, -0.02155107818543911, -0.022789806127548218, 0.00822065956890583, -0.001376854837872088, 0.006116226781159639, -0.008537380024790764, -0.00844588316977024, 0.0025214478373527527, 0.027519501745700836, 0.00026833274750970304, -0.005415922496467829, 0.0033273259177803993, -0.010142097249627113, 0.015709342435002327, 0.013027774170041084, -0.01001540943980217, 0.02559102512896061, 0.019918207079172134, -0.013710482977330685, -0.01630055345594883, -0.024394525215029716, 0.03958303853869438, 0.0023947597946971655, 0.015399659983813763, -0.01880616508424282, 0.014498765580356121, 0.011873503215610981, 0.01661023683845997, 0.023338789120316505, -0.03054594248533249, -0.05284307152032852, -0.006330892909318209, 0.026703065261244774, -0.014864753931760788, 0.012936277315020561, 0.023859618231654167, -0.04498840123414993, -0.01858094148337841, -0.013217806816101074, 0.02155107818543911, 0.008108047768473625, 0.016272401437163353, 0.03167206048965454, -0.008889291435480118, 0.0058980416506528854, 0.02733650803565979, -0.005722085479646921, -0.021762223914265633, -0.013527489267289639, 0.0049689942970871925, 0.0033977082930505276, 0.02217044308781624, -0.0351630263030529, 0.01230283547192812, -0.009438274428248405, -0.0028592832386493683, 0.0010055878665298223, 0.016849536448717117, -0.004029389936476946, 0.0074675679206848145, 0.011233024299144745, 0.009994294494390488, 0.0033783530816435814, 0.004789519589394331, -0.02474643662571907, 0.002482737647369504, 0.015596730634570122, -0.0017199688591063023, -0.008305118419229984, 0.03206619992852211, -0.013548603281378746, 0.0164553951472044, -0.0028610427398234606, 0.03600761294364929, -0.025182807818055153, 0.014400229789316654, -0.011408980004489422, -0.018862470984458923, 0.010402512736618519, -0.003441697219386697, -0.012781435623764992, -0.03536009415984154, -0.003927335608750582, -0.02611185424029827, -0.0037373031955212355, 0.006587788462638855, 0.0073831090703606606, -0.010170250199735165, -0.0019900610204786062, -0.010494009591639042, 0.011690509505569935, -0.010824806056916714, -0.010346206836402416, -0.002730835461989045, -0.030123649165034294, -0.014118700288236141, -0.028997531160712242, 0.011711624450981617, 0.002158978721126914, -0.01766597107052803, 0.00489509291946888, -0.0014252427499741316, -0.007390147540718317, -0.025253189727663994, 0.03721819072961807, -0.019833747297525406, -0.036204684525728226, 0.013013698160648346, -0.015470041893422604, 0.0019742250442504883, 0.022029677405953407, -0.024267837405204773, 0.0016627832083031535, 0.013618986122310162, 0.008924482390284538, 0.003095064079388976, -0.0019319957355037332, -0.0035648662596940994, 0.035219330340623856, 0.004395378287881613, -0.014878829941153526, 0.006886913441121578, 0.020073048770427704, 0.024478983134031296, 0.0065420400351285934, -0.0029384633526206017, 0.005380731076002121, 0.02362031862139702, 0.04921134188771248, -0.01827125996351242, 0.011774968355894089, -0.0011542706051841378, 0.024633824825286865, -0.004859901499003172, -0.0014595540706068277, 0.00844588316977024, 0.016948072239756584, 0.004507990088313818, -0.005373693071305752, -0.004870458971709013, -0.031109001487493515, 0.00982537679374218, -0.03462811931967735, 0.005982500500977039, -0.01889062486588955, 0.01473806519061327, 0.0018827280728146434, -0.008614800870418549, -0.009754994884133339, -0.012197262607514858, -0.019228460267186165, 0.00670040026307106, 0.03403690829873085, -0.007727982942014933, 0.006647613365203142, -0.0035947789438068867, -0.021959295496344566, 0.021227318793535233, 0.005757276900112629, 0.029645048081874847, 0.007882824167609215, 0.007960244081914425, 0.0015765647403895855, -0.013260035775601864, 0.015962718054652214, -0.003366036107763648, -0.015441888943314552, -0.017412595450878143, 0.004821191541850567, 0.013872362673282623, 0.017609665170311928, 0.039414118975400925, 0.00339946779422462, 0.026632683351635933, 0.0008538259426131845, 0.04023055359721184, 0.0008859378867782652, -0.0050640106201171875, 0.012542136013507843, -0.016385013237595558, -0.025858478620648384, 0.022564584389328957, 0.004666350316256285, 0.042144954204559326, -0.005366654600948095, -0.0122676445171237, 0.006802454590797424, -0.04045577719807625, 0.02336694300174713, -0.004712098743766546, 0.007777250371873379, 0.021438466385006905, 0.000115910945169162, 0.00023380138736683875, 0.004184231162071228, 0.037415262311697006, 0.012422486208379269, -0.0033396428916603327, 0.009515694342553616, 0.020312348380684853, 0.005915637128055096, -0.002982452278956771, -0.013879400677978992, -0.007636485621333122, -0.01092334184795618, -0.0068763564340770245, -0.009642383083701134, -0.004469279665499926, -0.00017551600467413664, -0.012422486208379269, -0.026463765650987625, 0.02208598330616951, 0.024338219314813614, 0.001131396391429007, 0.028969377279281616, 0.017102912068367004, -0.0018897663103416562, -0.0178208127617836, -0.030517790466547012, 0.008931521326303482, -0.00447279866784811, -0.023029107600450516, -0.01713106594979763, -0.018524635583162308, -0.0005929713370278478, 0.013295226730406284, 0.006936181336641312, 0.0005934112705290318, 0.0029877310153096914, 0.00278890086337924, 0.010001332499086857, 0.006805974058806896, 0.011331559158861637, 0.0318409763276577, -0.0007940009818412364, -0.024690130725502968, -0.023338789120316505, -0.005700970999896526, 0.0210302472114563, -0.02262089028954506, -0.011641241610050201, 0.06306259334087372, 0.007967283017933369, -0.03871029615402222, -0.031334225088357925, 0.002695644274353981, -0.009726841934025288, 0.0143157709389925, -0.007312726695090532, 0.006721515208482742, -0.037499718368053436, 0.0275617316365242, -0.0015088217332959175, 8.269926911452785e-05, 0.017328135669231415, 0.013618986122310162, 0.021945219486951828, 0.0010988445719704032, -0.012570288963615894, -0.002780103124678135, 0.025309495627880096, 0.039329659193754196, 0.022634966298937798, -0.001939033973030746, 0.012232453562319279, -0.04239832982420921, -0.0036458061076700687, -0.03147498890757561, -0.016427241265773773, 0.027294278144836426, 0.02110063098371029, 0.008727412670850754, -0.019453683868050575, 0.008748526684939861, -0.004018832463771105, 0.025154653936624527, 0.01423835102468729, -0.005278676748275757, -0.02474643662571907, -0.010092830285429955, -0.005912118125706911, 0.007685753516852856, -0.001038139802403748, 0.02543618343770504, 0.018355717882514, -0.021438466385006905, 0.004050504416227341, 0.02795587293803692, 0.0013900515623390675, -0.006327373906970024, -0.03555716574192047, -0.0016988541465252638, -0.01851055957376957, 0.004603005945682526, 0.03485334292054176, -0.016173865646123886, 0.03054594248533249, -0.014597300440073013, 0.00767167704179883, 0.03733080253005028, -0.008248812519013882, -0.0011929809115827084, 0.00960015319287777, 0.013457106426358223, 0.012746244668960571, 0.02170591801404953, -0.009501618333160877, 0.007200114894658327, 0.012654747813940048, -0.003969565033912659, -0.015244818292558193, 0.02262089028954506, -0.02362031862139702, -0.02833593636751175, 0.005968424025923014, 0.011099297553300858, 0.016948072239756584, -0.015329277142882347, 0.016272401437163353, -0.0003602696815505624, -0.01873578317463398, -0.011824236251413822, -0.017848964780569077, 0.01910177245736122, -0.0029736545402556658, 0.0032041568774729967, 0.007502759341150522, -0.042848777025938034, -0.006246434058994055, -0.01575157232582569, 0.0022997434716671705, -0.0035331943072378635, -0.006285144481807947, -0.06948146224021912, -0.009930950589478016, 0.015653036534786224, 0.010303976945579052, 0.020889483392238617, 0.000276250735623762, -0.021297700703144073, -0.0018035478424280882, -0.025999242439866066, -0.016962148249149323, -0.007460529915988445, -0.02093171328306198, 0.0066335368901491165, -0.006992487236857414, 0.00600009597837925, -0.011859427206218243, -0.010184327140450478, -0.0016988541465252638, -0.010029485449194908, -0.006531482562422752, -0.005018262192606926, -0.02947613038122654, -0.004170154687017202, 0.0339806005358696, 0.029757659882307053, 0.023704778403043747, 0.009572000242769718, -0.03246034309267998, 0.015470041893422604, -0.012457677163183689, -0.005662260577082634, -0.023352865129709244, -0.01887654885649681, 0.0006237636553123593, 0.00962830614298582, 0.028068482875823975, 0.009909835644066334, -0.012549174018204212, 0.038879211992025375, -0.004215903114527464, 0.015272971242666245, 0.012239491567015648, 0.02947613038122654, 0.015315201133489609, 0.0023190986830741167, -0.0019056022865697742, 0.017074760049581528, -0.024633824825286865, -0.005014742724597454, -0.02246604859828949, 0.033164165914058685, 0.01637093536555767, -0.029982883483171463, 0.008185467682778835, 0.004919726867228746, -0.023268407210707664, -0.013611948117613792, 0.00028064963407814503, -0.015033671632409096, 0.021199164912104607, -0.0006866678595542908, -0.009529771283268929, -0.01614571176469326, -0.018355717882514, -0.018397947773337364, 0.00018090465164277703, -0.005285714752972126, 0.007601294666528702, 0.0120001919567585, 0.020973943173885345, 0.007119175512343645, -0.011028915643692017, -0.002347251633182168, -0.024943506345152855, -0.01827125996351242, 0.019242536276578903, 0.01752520725131035, 0.02680160105228424, -0.03122161328792572, 0.017933424562215805, -0.028969377279281616, -0.014350962825119495, -0.015005518682301044, -0.035219330340623856, -0.01516035944223404, 0.00581006333231926, 0.02018566057085991, 0.0031935994047671556, 0.05050637945532799, -0.019397377967834473, 0.02391592413187027, -0.0026903655380010605, -0.0004101971862837672, -0.012964430265128613, 0.02450713701546192, -0.008748526684939861, -0.017778582870960236, -0.0019231978803873062, -0.0050217811949551105, -0.007981359027326107, 0.036429908126592636, 0.011134488508105278, 0.014407268725335598, 0.04014609754085541, -0.019087694585323334, 0.016244247555732727, -0.015174436382949352, -0.0016645427094772458, -0.01362602412700653, 0.006024729926139116, -0.008382538333535194, -0.004046985413879156, -0.02331063710153103, -0.0018862471915781498, 0.04515732079744339, 0.0098605677485466, 0.01887654885649681, 0.011430094949901104, 0.010831844992935658, -0.01804603636264801, 0.014752142131328583, 0.018257183954119682, 0.024549365043640137, -0.029673201963305473, -0.016159789636731148, -0.050224848091602325, -0.006626498885452747, -0.0020164544694125652, -0.0019179192604497075, 0.006496291607618332, 0.01889062486588955, -0.013717520982027054, 0.013281150721013546, 0.009867606684565544, -0.03367092087864876, 0.007946168072521687, -1.1718937457771972e-05, -0.017243677750229836, 0.0008890171302482486, -0.016694694757461548, 0.004377782344818115, -0.0002125767059624195, 0.004145520739257336, 0.012640670873224735, -0.007312726695090532, 0.012626594863831997, -0.02604147233068943, -0.03037702478468418, 0.017637819051742554, -0.0016267122700810432, 0.03015180118381977, 0.008811870589852333, 0.016708770766854286, 0.006570192985236645, -0.0034663311671465635, -0.012112803757190704, 0.006805974058806896, 0.018749859184026718, 0.00036312895826995373, -0.001701493514701724, 0.0345718152821064, -0.018144572153687477, -0.017722276970744133, 0.007319765165448189, 0.013302265666425228, -0.03215065971016884, -0.03305155411362648, -0.008727412670850754, 0.01317557692527771, 0.009248241782188416, -0.03060224838554859, -0.0008054380887188017, -0.03054594248533249, 0.00557780172675848, -0.022508278489112854, 0.01942552998661995, 0.0016733405645936728, -0.019144000485539436, 0.000442089163698256, 0.02070648968219757, 0.015033671632409096, 0.005732642952352762, -0.021959295496344566, -0.0059895385056734085, 0.021734071895480156, -0.015047747641801834, -0.015132206492125988, 0.01910177245736122, 0.011521591804921627, 0.030743014067411423, -0.00784059427678585, 0.008129161782562733, -0.004349629860371351, 0.0054264795035123825, -0.01652577705681324, -0.00981833878904581, -0.0018158648163080215, 0.027772877365350723, -0.021987447515130043, 0.017961576581001282, 0.009177858941257, -0.0037373031955212355, 0.013668254017829895, -0.01813049428164959, 0.0065420400351285934, -0.0006096871802583337, 0.014456535689532757, 0.013027774170041084, 0.02856115996837616, 0.009515694342553616, -0.011669394560158253, 0.00289271492511034, 0.0053349826484918594, -0.025534719228744507, -0.027378736063838005, -0.019453683868050575, 0.015258895233273506, -0.04507286101579666, 0.0018088265787810087, 0.001148112234659493, 0.010106906294822693, 0.028617465868592262, -0.00034707298618741333, -0.0318409763276577, -0.015104053542017937, 0.026787525042891502, -0.02802625484764576, 0.02163553610444069, 0.012668823823332787, -0.0036106149200350046, -0.008326232433319092, 0.013689368031919003, -0.009670536033809185, -0.02826555445790291, 0.032178811728954315, -0.031728364527225494, -0.02072056569159031, -0.03215065971016884, 0.02414114773273468, 0.0021466619800776243, 0.007523873820900917, -0.016356859356164932, 0.022198595106601715, -0.01229579746723175, 0.024704206734895706, 0.01666654273867607, -0.00910043902695179, 0.013217806816101074, -0.03327677771449089, 0.0004614443168975413, 0.015230742283165455, -0.01096557080745697, 0.0013698166003450751, -0.014780295081436634, -0.01751112937927246, -0.0075309122912585735, -0.026097778230905533, -0.016272401437163353, 0.008769641630351543, -0.006883394438773394, -0.0020446074195206165, 0.010782577097415924, -0.019172154366970062, -0.0017164497403427958, 0.0004992748145014048, -0.0032710200175642967, -0.013344494625926018, 0.002795939100906253, 0.006021210458129644, 0.006883394438773394, 0.0009950305102393031, 0.0259570125490427, -0.026463765650987625, -0.003670439822599292, 0.007819480262696743, 0.0003893024113494903, -0.02557694911956787, -0.018862470984458923, -0.01516035944223404, 0.03344569727778435, -0.004560776520520449, -0.00982537679374218, -0.042004190385341644, -0.008762603625655174, -0.042539097368717194, -0.018763937056064606, -0.0008371101575903594, 0.010691080242395401, 0.010156174190342426, 0.028913071379065514, 0.008192506618797779, 0.04211680218577385, -0.006468138657510281, -0.011507514864206314, -0.008375500328838825, -0.008178429678082466, 0.012281721457839012, 0.004296842962503433, 0.006559635512530804, 0.0062710680067539215, -0.017018454149365425, 0.0008199544390663505, -0.004106810316443443, -0.004986589774489403, -0.015329277142882347, 0.016877688467502594, -0.005683375522494316, -0.02916644886136055, 0.004821191541850567, -0.008171391673386097, -0.023775160312652588, -0.006021210458129644, -0.010043562389910221, -0.028068482875823975, 0.0036458061076700687, 0.02034050039947033, -0.014442459680140018, 0.001129636773839593, -0.020312348380684853, -0.002463382435962558, -0.007516835816204548, -0.010156174190342426, -0.006337931379675865, -0.01903138868510723, 0.004427050240337849, -0.013372647576034069, 0.027209818363189697, -0.0049584368243813515, 0.017863042652606964, 0.015892336145043373, 0.0031232170294970274, 0.0017023732652887702, 0.0029226273763924837, -0.0024932948872447014, -0.01599087193608284, -0.0012888768687844276, 0.023704778403043747, -0.013386724516749382, -0.00443760771304369, -0.011486400850117207, -0.004018832463771105, -0.013872362673282623, -0.008382538333535194, -0.02146661840379238, -0.001258084666915238, -0.029335366562008858, 0.02780103124678135, 0.004001236986368895, -0.024633824825286865, 0.000612326490227133, -0.014723989181220531, 0.014484688639640808, -0.002431710483506322, -0.021973371505737305, 1.6482117644045502e-05, 0.0019847825169563293, 0.003373074345290661, -0.011852389201521873, -0.007953206077218056, 0.0030053267255425453, 0.0009510415839031339, 0.008600723929703236, -0.014428382739424706, 0.002542562549933791, 0.21756593883037567, -0.021959295496344566, -0.014442459680140018, 0.025393953546881676, 0.010339167900383472, -0.004993628244847059, 0.0095931151881814, 0.0178208127617836, -0.023507706820964813, 0.004560776520520449, -0.0072493827901780605, -0.018792089074850082, -0.009290470741689205, 0.00010238433605991304, 0.020199736580252647, -0.000816435320302844, -0.019608523696660995, -0.035754237323999405, -0.019284766167402267, 0.011430094949901104, 0.02094578929245472, 0.0164553951472044, 0.005366654600948095, -0.023718854412436485, 0.01820087805390358, 0.0011885820422321558, -0.006183090154081583, 0.013288188725709915, 0.011416018009185791, 0.0033449213951826096, -0.017004378139972687, 0.019749289378523827, 0.0013803739566355944, 0.010684041306376457, 0.015104053542017937, -0.0172859076410532, 0.032854482531547546, -0.016849536448717117, 0.029222754761576653, -0.0002518368710298091, 0.010191365145146847, -0.00031276160734705627, -0.009994294494390488, -0.01599087193608284, 0.014611377380788326, 0.021002095192670822, -0.015934566035866737, -0.011014838702976704, -0.005771353375166655, 0.004205345641821623, -0.03806277737021446, 0.014583224430680275, 0.0210865531116724, 0.018918776884675026, 0.004997147247195244, -0.0038147238083183765, -0.024704206734895706, -0.0008085173321887851, 0.019129924476146698, 0.010564391501247883, -0.037190038710832596, 0.007763173896819353, -0.006123265251517296, 0.008868176490068436, -0.003670439822599292, 0.01600494794547558, -0.00535257812589407, 0.01020544208586216, 0.028082560747861862, -0.023718854412436485, -0.0001243788137799129, -0.0050217811949551105, 0.011690509505569935, 0.003800647333264351, -0.02528134174644947, -0.0351630263030529, 0.02018566057085991, 0.009621268138289452, 0.001251046429388225, 0.029419824481010437, 0.0007179000531323254, -0.020523495972156525, -0.014287617988884449, -0.008354385383427143, -0.008023588918149471, -0.028575235977768898, 0.015455965884029865, -0.022719424217939377, -0.014766218140721321, -0.021339930593967438, 0.0020604433957487345, 0.0037689751479774714, -0.014442459680140018, -0.0021624979563057423, 0.006703919265419245, 0.012133918702602386, 0.015638960525393486, 0.01690584234893322, 0.0016707011964172125, -0.028209248557686806, -0.032263271510601044, 0.08012327551841736, 0.011831274256110191, 0.003944931086152792, 0.012316912412643433, 0.026196314021945, 0.005908598657697439, 0.007182519417256117, 0.006204204633831978, -0.008621838875114918, 0.0028856766875833273, -0.056615568697452545, 0.014794371090829372, 0.0037971280980855227, 0.028518930077552795, 0.0016865371726453304, 0.011873503215610981, -0.003860472235828638, -0.0022575140465050936, 0.004064580891281366, -0.00278890086337924, -0.0018897663103416562, 0.008502189069986343, 0.01230283547192812, -0.003012364963069558, -0.021213242784142494, -0.024718282744288445, -0.00567633705213666, -0.026900136843323708, 0.019918207079172134, -0.0007874026196077466, -0.023324713110923767, 0.022522354498505592, -0.0013566198758780956, -0.00047640057164244354, -0.023747006431221962, 0.0007645283476449549, -0.0044903941452503204, -0.026942366734147072, -0.004905650392174721, 0.013443030416965485, 0.0056165121495723724, -0.03307970613241196, -0.01271809171885252, 0.020903559401631355, -0.003663401585072279, 0.004641716368496418, 0.032938942313194275, -0.010979647748172283, -0.016919918358325958, -0.007333841640502214, -0.0028680809773504734, -0.012380256317555904, -0.004145520739257336, 0.016089405864477158, -0.018918776884675026, -0.008192506618797779, -0.021494772285223007, 0.0062182811088860035, -0.009431235492229462, -0.039864566177129745, 0.0038323192857205868, 0.005612993147224188, 0.008347347378730774, -0.007889862172305584, -0.018243106082081795, -0.1814175695180893, -0.01138786505907774, 0.012577326968312263, -0.0324321910738945, 0.026027396321296692, 0.0136330621317029, 0.04994332045316696, -0.012316912412643433, -0.018834318965673447, -0.006960815284401178, 0.0033642766065895557, 0.01275328267365694, -0.033023402094841, -0.0126829007640481, -0.002076279604807496, 0.009754994884133339, 0.011078182607889175, -0.006485734134912491, 0.028209248557686806, 0.014949212782084942, 0.025548795238137245, -0.027378736063838005, -0.0007420939509756863, 0.008192506618797779, 0.006911547388881445, 0.013534527271986008, 0.014653606340289116, 0.023662548512220383, -0.008657029829919338, -0.04025870934128761, -0.01737036556005478, 0.008628876879811287, 0.015104053542017937, -0.015216665342450142, 0.00767167704179883, 0.006130303256213665, 0.010022447444498539, -0.003441697219386697, -0.018369795754551888, -0.0024581036996096373, 0.010986685752868652, 0.02298687770962715, -0.009206011891365051, -0.009614230133593082, -0.011789044365286827, 0.020833177492022514, 0.0045115090906620026, -0.019918207079172134, 0.01096557080745697, -0.016483547165989876, 0.020889483392238617, -0.013970897532999516, 0.016638388857245445, -0.0009633584995754063, 0.01518851239234209, 0.004402416292577982, -0.0037267457228153944, 0.00043307142914272845, -0.003825281048193574, 0.005123835522681475, -0.00777021236717701, -0.02543618343770504, -0.0015404938021674752, 0.012457677163183689, 0.01737036556005478, -0.02184668369591236, -0.021888913586735725, 0.012619556859135628, -0.037190038710832596, 0.003902701660990715, -0.021959295496344566, -0.014681759290397167, 0.0035068008583039045, -0.014118700288236141, 0.019003236666321754, 0.030658554285764694, 0.006123265251517296, 0.02260681241750717, 0.03519117832183838, -0.009973179548978806, -0.0009747956646606326, 0.015554500743746758, 0.003450494958087802, 0.003835838520899415, -0.01492105983197689, -0.00017100713739637285, 0.012359141372144222, 0.031784672290086746, -0.009381968528032303, -0.008628876879811287, 0.02611185424029827, -0.0267312191426754, -0.0002821892558131367, -0.01934107206761837, 0.016497625038027763, 0.02711128443479538, -0.008811870589852333, -0.026224466040730476, 0.020973943173885345, -0.016807306557893753, 0.001324947807006538, 0.008403653278946877, -0.011634203605353832, -0.009058209136128426, 0.011662356555461884, 0.009072286076843739, -0.022902417927980423, -0.0026410978753119707, 0.029588742181658745, -0.022043753415346146, -0.009987256489694118, -0.007629447616636753, -0.003160167718306184, 0.0039097401313483715, -0.00489509291946888, 0.01956629566848278, 0.023338789120316505, -0.029222754761576653, -0.00981833878904581, -0.0004522066446952522, 0.06694769859313965, 0.002032290445640683, -0.02056572400033474, 0.011486400850117207, 0.011521591804921627, 0.0019531104480847716, -0.11520183831453323, -0.028758231550455093, -0.004673388320952654, 0.02428191341459751, 0.0004020592023152858, 0.019298842176795006, -0.013119271025061607, 0.030714860185980797, 0.008847062475979328, 0.04251094162464142, -0.016948072239756584, -0.012429524213075638, 0.007179000414907932, -0.0017287665978074074, 0.0005366654950194061, -0.012232453562319279, -0.014597300440073013, -0.026238542050123215, -0.010318053886294365, 0.041075143963098526, 0.0018809684552252293, -0.011134488508105278, -0.011493438854813576, -0.031784672290086746, 0.013956821523606777, -0.014498765580356121, -0.012542136013507843, 0.0006180450436659157, -0.004567814990878105, 0.016427241265773773, 0.023873696103692055, -0.007340879645198584, 0.016568006947636604, -0.020847253501415253, 0.02633707784116268, -0.01454099453985691, 0.0006831487407907844, -0.0020797986071556807, 0.03268556669354439, -0.006971372291445732, 0.0017199688591063023, 0.01600494794547558, -0.00345401419326663, -0.010106906294822693, -0.009754994884133339, -0.007819480262696743, -0.02535172551870346, 0.0056692990474402905, 0.02346547693014145, -0.013569718226790428, -0.0362328365445137, -0.0060845548287034035, -0.035078566521406174, 0.005781910382211208, 0.021565154194831848, -0.015441888943314552, -0.0013724559685215354, 0.0432429201900959, -0.026688989251852036, 0.01592048816382885, -0.010529200546443462, -0.0082276975736022, 0.005088644567877054, -0.010874073952436447, 0.012535098008811474, 0.01904546655714512, 0.0044552031904459, -0.010613659396767616, 0.019509989768266678, -0.010944456793367863, -0.02452121302485466, 0.03797832131385803, -0.014153892174363136, 0.0010407790541648865, -0.0172859076410532, -0.007889862172305584, -0.004068100359290838, -0.02331063710153103, 0.009466427378356457, -0.0013328659115359187, -0.006492772605270147, -0.01979151926934719, -0.006383679807186127, -0.016962148249149323, 0.00998021848499775, 0.0035507897846400738, -0.006661689840257168, -0.01162012666463852, 0.006598345935344696, -0.021945219486951828, 0.0035226368345320225, 0.023423248901963234, 0.005042895674705505, -0.04220126196742058, 0.002627021400257945, 0.0004453883448150009, -0.02429598942399025, -0.0047719236463308334, 0.01607532985508442, 0.04020240157842636, -0.03752787411212921, -0.014611377380788326, -0.05805136635899544, 0.03260110691189766, -0.005264600273221731, -0.007727982942014933, -0.009670536033809185, -0.015089977532625198, 0.010303976945579052, -0.014864753931760788, 0.01941145397722721, -0.0009615989401936531, -0.03265741467475891, -0.0038393575232475996, -0.007361994590610266, -0.016019023954868317, -0.02626669593155384, -0.040089789777994156, 0.0026938847731798887, -0.016385013237595558, 0.026224466040730476, 0.017173295840620995, 0.023352865129709244, -0.01575157232582569, -0.0063132974319159985, 0.03420582413673401, -0.015962718054652214, -0.03203804790973663, -0.04577668383717537, 0.022423818707466125, -0.012612517923116684, -0.012387294322252274, -0.014027203433215618, -0.011183756403625011, -0.0003741262189578265, 0.007031197194010019, -0.0019619083032011986, -0.0022751097567379475, 0.0029208678752183914, 0.013879400677978992, 0.051069438457489014, 0.03001103736460209, -0.011859427206218243, -0.03353015333414078, -0.001792990486137569, -0.01789119467139244, 0.010233595035970211, -0.014456535689532757, 0.012781435623764992, -0.006038806401193142, 0.006601864937692881, 0.019017312675714493, 0.023887772113084793, 0.007214191369712353, -0.021734071895480156, -0.04636789485812187, -0.016469471156597137, -0.012584364973008633, 0.007833556272089481, -0.01161308865994215, 0.007460529915988445, -0.009930950589478016, 0.03099638968706131, -0.01576564833521843, 0.009726841934025288, -0.015230742283165455, 0.012556212022900581, 0.014069433324038982, -0.016779154539108276, 0.01252805907279253, 0.004103291314095259, -0.00601769145578146, -0.006946738809347153, 0.005257561802864075, -0.0005912117776460946, 0.021494772285223007, -0.006211243104189634, -0.01872170716524124, -0.004328514914959669, 0.01903138868510723, -0.005141431000083685, 0.02193114161491394, 0.0006061680614948273, -0.015399659983813763, -0.00799543596804142, 0.010782577097415924, 0.03358646109700203, 0.004719137214124203, -0.0015281769447028637, 0.011894618161022663, -0.011676432564854622, -0.0001636389788473025, 0.018257183954119682, 0.0007403343915939331, -0.01744074746966362, -0.01561080664396286, -0.009051171131432056, 0.004954917822033167, -0.008319194428622723, 0.000637840130366385, 0.012211338616907597, 0.004754328168928623, 0.022367512807250023, -0.005405365023761988, -0.0075731417164206505, -0.03200989589095116, -0.008396615274250507, 0.011627165600657463, -0.04394674301147461, -0.02460567094385624, 0.019144000485539436, 0.014407268725335598, 0.010092830285429955, -0.01355564221739769, -0.010944456793367863, 0.009846491739153862, -0.011021876707673073, 0.007988397032022476, -0.0030387581791728735, -0.01751112937927246, -0.02588663063943386, 0.02871600165963173, 0.01554042473435402, -0.008171391673386097, 0.042004190385341644, 0.01538558304309845, 0.019735213369131088, 0.016244247555732727, 0.027843261137604713, -0.01752520725131035, 0.018693553283810616, 0.004923245869576931, 0.0022451970726251602, 0.009839453734457493, -0.008171391673386097, -0.01585010625422001, 5.35015897185076e-05, -0.008312156423926353, -0.0086429538205266, 0.014949212782084942, 0.005007704719901085, 0.08704889565706253, 0.014259465038776398, -0.009177858941257, 0.01272512972354889, -0.015709342435002327, -0.011035953648388386, 0.010501047596335411, -0.003621172159910202, -5.099971531308256e-05, -0.05188587307929993, 0.0009501618333160877, 0.016187941655516624, 0.008551456034183502, -0.04293323680758476, -0.005141431000083685, -0.006383679807186127, -0.02262089028954506, 0.00556020624935627, -0.021677765995264053, -0.006647613365203142, 0.020354578271508217, -0.00578542985022068, 0.00036532842204906046, 0.007742059417068958, 0.00367395905777812, 0.0004953158204443753, 0.03938596695661545, 0.013992012478411198, -0.02436637133359909, -0.011317483149468899, 0.021734071895480156, 0.020776871591806412, -0.029870271682739258, -0.010198403149843216, -0.0014085269067436457, -0.007319765165448189, 0.0005428239237517118, -0.020537571981549263, 0.025858478620648384, 0.004226460587233305, -0.011507514864206314, -0.0035155985970050097, -0.02238158881664276, -0.030968237668275833, -0.0026076664216816425, 0.008868176490068436, -0.005278676748275757, 0.0032974134664982557, -0.0490705780684948], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='6a0738c1-722f-45d6-8052-3cda2dc5f27b', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '5', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_type': 'application/pdf', 'file_size': 885090, 'creation_date': '2024-02-25', 'last_modified_date': '2024-02-07', 'last_accessed_date': None}, hash='bd56e4bb7cb006f9c6846e23c72a3835bb58b1ea86b4f7f1c20c7db68708f89e')}, text='We show an example use case of this in Sec. 4.3 for solving the Game of 24 using the\\nTree-of-Thoughts approach.\\n4 Results\\nIn this section, we evaluate LLMCompiler using a variety of models and problem types. We use both the propri-\\netary GPT models and the open-source LLaMA-2 model, with the latter demonstrating LLMCompiler ’s capability\\nin enabling parallel function calling in open-source models. Furthermore, there are various types of parallel function\\ncalling patterns that can be addressed with LLMs. This ranges from embarrassingly parallel patterns, where all tasks\\ncan be executed in parallel without any dependencies between them, to more complex dependency patterns, as illus-\\ntrated in Figure 3. Significantly, we also assess LLMCompiler on the Game of 24 benchmark involving dynamic\\nreplanning based on intermediate results, highlighting its adaptability to dynamic dependency graphs. Finally, we\\napply LLMCompiler to the WebShop benchmark to showcase its potential in decision-making tasks. In this section,\\nwe start presenting results for simple execution patterns, and then we move to more complex ones.\\n', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='43580651-686c-4e85-9e66-eda9e6f8c8c0', embedding=[-0.006539797876030207, -0.0015215425519272685, -0.015093427151441574, -0.0327436625957489, -0.016344338655471802, 0.01983589679002762, -0.0176639836281538, -0.014447350986301899, -0.02481205388903618, -0.021952826529741287, 0.005020832642912865, 0.022365214303135872, -0.009429954923689365, -0.0014278959715738893, 0.0010885343654081225, 0.01734781824052334, 0.019725926220417023, -0.005938397720456123, 0.010990159586071968, -0.005890285596251488, -0.024152232334017754, 0.010034792125225067, -0.018956134095788002, 0.0015163876814767718, -0.009003819897770882, -0.0017002442618831992, 0.0018042005831375718, -0.0066635143011808395, 0.022365214303135872, -0.030516764149069786, 0.03260619938373566, -0.020509464666247368, -0.012907766737043858, 0.003982987720519304, -0.0288397166877985, 0.005780315026640892, 0.008818245492875576, -0.01068774051964283, -0.00046565558295696974, -0.009086297824978828, 0.023327454924583435, 0.006178957410156727, -0.012158594094216824, 0.007058720104396343, -0.018502507358789444, 0.028427328914403915, -0.007422996684908867, 0.0060105654411017895, -0.020000852644443512, 0.004378193523734808, 0.013134581036865711, 0.004182308912277222, -0.03670259565114975, -0.018255073577165604, -0.0006151464767754078, -0.01323767751455307, 0.0068490891717374325, 0.007429869845509529, 0.0024193471763283014, -0.015547054819762707, -0.02140297368168831, -0.005350743420422077, -0.020248286426067352, 0.01282528880983591, -0.002988099819049239, 0.005728766787797213, -0.003900510026142001, 0.009794232435524464, 0.007615444716066122, -0.005646288860589266, 0.02878473326563835, 0.035740356892347336, -0.013973104767501354, -0.025623084977269173, 0.016234369948506355, -0.025609338656067848, -0.002079126425087452, -0.021045571193099022, -0.019437255337834358, -0.004876496735960245, 0.018956134095788002, -0.015038441866636276, -0.014337381348013878, -0.00577344186604023, 0.019849643111228943, 0.0019743109587579966, -0.005704710725694895, 0.022722618654370308, -0.016385577619075775, -0.0040207901038229465, 0.016440562903881073, 0.002051633782684803, 0.011031398549675941, 0.020894361659884453, -0.02214527316391468, 0.012137974612414837, -0.01769147627055645, 0.03664761036634445, 0.016261862590909004, -0.01741654984652996, -0.0038042860105633736, -0.020646927878260612, -0.017622744664549828, -0.01134756300598383, -0.008275266736745834, -0.014529828913509846, -0.00022058500326238573, -0.018749941140413284, 0.012577855959534645, 0.005495079793035984, -0.03870955482125282, 0.02165040746331215, 0.004756216425448656, -0.02152669057250023, 0.006656641140580177, -0.0018574674613773823, 0.01704540103673935, 0.01652304083108902, -0.015547054819762707, -0.026365384459495544, 0.014474843628704548, 0.0301043763756752, 0.03090166114270687, -0.011436914093792439, 0.03354094922542572, -0.003759610466659069, 0.00892134290188551, -0.014488589949905872, 0.0019743109587579966, -0.016055667772889137, 0.044153086841106415, 0.01317581906914711, 0.024056008085608482, 0.014461097307503223, -0.0004884228692390025, 0.009326858446002007, -0.028647270053625107, -0.00746423564851284, -0.02015206217765808, -0.03213882818818092, 0.0011718713212758303, 0.0067219361662864685, -0.0037974128499627113, -0.0077460347674787045, 0.0014107130700722337, 0.0063851517625153065, 0.025774294510483742, 0.02468833699822426, -0.014461097307503223, -0.024042261764407158, 0.000308217597194016, -0.013045229949057102, 0.01888740248978138, 0.011615615338087082, -0.01824132725596428, 0.0033317571505904198, -0.017801446840167046, 0.021444212645292282, -0.008625796996057034, -0.00832337886095047, 0.003900510026142001, 0.009223761036992073, 0.00696593290194869, -0.014804755337536335, 0.0006645472603850067, 0.004137633368372917, 0.016605518758296967, -0.010344083420932293, 0.0003737272636499256, 0.0018798052333295345, -0.028083670884370804, 0.03703250735998154, -0.026269162073731422, 0.028124909847974777, 0.004309461917728186, 0.002116928808391094, 0.0006946172215975821, 6.255636253627017e-05, -0.014859739691019058, -0.01507968083024025, -0.03164396062493324, 0.008612050674855709, 0.0034898396115750074, 0.025595592334866524, -0.025843026116490364, 0.012034877203404903, 0.021677900105714798, -0.0114437872543931, 0.005728766787797213, -0.003618710907176137, 0.024468397721648216, 0.032083842903375626, 0.02411099337041378, 0.0019124526297673583, -0.6989713907241821, -0.024702083319425583, -0.009161902591586113, -0.022282736375927925, 0.010234112851321697, 0.019423509016633034, 0.01863997057080269, -0.006148028653115034, -0.007196183316409588, -0.0011821809457615018, -0.004539712332189083, 0.013258296996355057, 0.007361138705164194, -0.012942132540047169, -0.02140297368168831, -0.021760378032922745, -0.01387000735849142, -0.029197121039032936, -0.01940976269543171, 0.02067442052066326, -0.013739417307078838, 0.007498601451516151, -0.022159019485116005, -0.01913483627140522, 0.017361564561724663, -0.023657366633415222, 0.014172425493597984, -0.019945867359638214, -0.01055027823895216, -0.001771553186699748, -0.007979721762239933, 0.018928641453385353, 0.01809011772274971, -0.007416123524308205, 0.030076883733272552, -0.02112804912030697, -0.0340908020734787, 0.028427328914403915, 0.010715233162045479, 0.03593280166387558, -0.019189821556210518, -0.004831821192055941, 0.012646587565541267, -0.015217144042253494, -0.011368182487785816, 0.02048197202384472, 0.022433945909142494, 0.004993340000510216, 0.026612818241119385, -0.017334071919322014, 0.029939420521259308, 0.001905579469166696, -0.0051445490680634975, -0.004649682901799679, 0.015918204560875893, -0.0013127707643434405, 0.01729283295571804, -0.0023695167619735003, 0.011278831399977207, -0.0024777688086032867, -0.009161902591586113, -0.021554183214902878, -0.00773228844627738, -0.014076201245188713, -0.023080021142959595, 0.02411099337041378, -0.0281386561691761, 0.009519306011497974, 0.02878473326563835, -0.02165040746331215, 0.007354265544563532, 0.013265170156955719, -0.007752907928079367, 0.004017353523522615, 0.018846163526177406, 0.01846126839518547, 0.024152232334017754, -0.03117658756673336, 0.004151379689574242, 0.0033918970730155706, 0.005385109223425388, -0.022557662799954414, -0.01664675772190094, 0.015904458239674568, 0.022736364975571632, 0.021952826529741287, -0.021155541762709618, -5.1226412324467674e-05, -0.004079211503267288, 0.012474758550524712, 0.0235886350274086, 0.004003607202321291, -0.007931609638035297, -0.017512774094939232, 0.01125821191817522, 0.014722277410328388, 0.005333560518920422, 0.003938312176615, -0.013553842902183533, -0.01087331585586071, -0.003910819534212351, 0.0035843453370034695, 0.013471364974975586, -0.0007139479857869446, 0.0353279672563076, 0.014529828913509846, -0.007801020052284002, 0.01099703274667263, 0.03337599337100983, -0.0301593616604805, -0.01925855316221714, -0.011230719275772572, -0.014323635026812553, 0.008777006529271603, 0.00969113502651453, -0.02211778052151203, 0.004154816269874573, 0.011093256063759327, 0.03436572477221489, -0.026255415752530098, 0.019643448293209076, 0.0007212506607174873, 0.02637913078069687, -0.005955580156296492, -0.0044847275130450726, 0.01962970197200775, 0.0024468398187309504, -0.026667803525924683, -0.007134324871003628, 0.005649725440889597, -0.006945313420146704, 0.0049246083945035934, 0.012839035131037235, -0.03013186901807785, 0.02413848601281643, 0.0050448887050151825, 0.013375140726566315, 0.009292492642998695, 0.0005361053044907749, -0.024578368291258812, -0.02171913906931877, -0.008302759379148483, -0.0005043170531280339, -0.00021564493363257498, -0.011505644768476486, -0.022997543215751648, 0.002003521891310811, -0.029417062178254128, 0.0009278745856136084, -0.003388460725545883, -0.020908107981085777, -0.012632841244339943, -0.004161689430475235, 0.0013892344431951642, 0.003938312176615, -0.006876581814140081, 0.0037458641454577446, 0.0018454395467415452, -0.020344510674476624, -0.006014002021402121, -0.0014983456349000335, -0.003536233212798834, -0.005237336736172438, -0.01839253678917885, -0.0056084864772856236, -0.016591772437095642, 0.011216972954571247, 0.012309802696108818, -0.01624811626970768, -0.027602551504969597, 0.019794657826423645, -0.01716911606490612, 0.0063954615034163, 0.012557236477732658, -0.02082563005387783, -0.00583530031144619, -0.000612139527220279, 0.0002220885071437806, -0.0023437426425516605, -0.002412474015727639, 0.0014244593912735581, 0.022104036062955856, -0.024894531816244125, -0.005405728705227375, 0.048854317516088486, -0.0021512943785637617, 0.017980147153139114, 0.01336139440536499, -0.017760207876563072, -0.0051445490680634975, -0.008667035959661007, 0.007924736477434635, -0.016234369948506355, -0.010481546632945538, 0.002563683083280921, -0.002139266347512603, 0.005924651399254799, -0.012680953368544579, -0.001003479235805571, 0.025499368086457253, 0.025691816583275795, 0.002582584274932742, 0.017980147153139114, 0.006715063005685806, -0.0006834483938291669, -0.011237592436373234, 0.011464406736195087, -0.018901148810982704, 0.017182862386107445, 0.004244167357683182, -0.025224443525075912, -0.02786373160779476, -0.005402292124927044, -0.01107263658195734, 0.015835726633667946, 0.012151720933616161, 0.00033721368527039886, 0.01824132725596428, 0.0035138954408466816, -0.0137462904676795, 0.006154901348054409, -0.004450361710041761, 0.004402249585837126, 0.013478238135576248, -0.012213579379022121, 0.009924821555614471, 0.02853729948401451, 0.004721850622445345, 0.0062270695343613625, -0.00435413746163249, -0.019725926220417023, -0.007333646062761545, 0.025416892021894455, -0.008687655441462994, -0.010777091607451439, 0.015120919793844223, 0.01164310798048973, -0.025018248707056046, 0.01885990984737873, 0.0065501076169312, 0.00885948445647955, 0.012639714404940605, 0.0114850252866745, -0.01010352373123169, -0.008660162799060345, -0.013436999171972275, 0.01575324870646, -0.0011057172669097781, 0.026186684146523476, -0.002902185544371605, -0.002685681451112032, -0.0002871686010621488, 0.002546500414609909, 0.024990756064653397, -0.001752651995047927, -0.00322865997441113, -0.0007328491192311049, 0.0007998622604645789, 0.0069109476171433926, 0.04371320456266403, 0.022007811814546585, 0.01661926507949829, 0.009759866632521152, 0.0018712137825787067, 0.017279086634516716, 0.028427328914403915, -0.002842045621946454, -0.001507796230725944, -0.0010653375647962093, -0.003622147487476468, -0.009388715960085392, -0.000651660084258765, 0.01925855316221714, -0.01205549668520689, 0.000885776593349874, 0.022035304456949234, 0.006172084249556065, -0.0010816612048074603, 1.2806603081116918e-05, 0.0006619698251597583, -0.008632670156657696, -0.018048878759145737, 0.013168945908546448, 0.025815533474087715, -0.03519050404429436, 0.017031654715538025, -0.020963093265891075, -0.015986936166882515, -0.020468225702643394, 0.005271702539175749, -0.009409335441887379, 0.03257870674133301, -0.002921086736023426, -0.013698178343474865, 0.010179128497838974, -0.02291506715118885, 0.022681379690766335, -0.020715659484267235, -0.0053610531613230705, -0.008577684871852398, -0.010027918964624405, -0.010522785596549511, -0.007821639068424702, -0.027107685804367065, 0.027561312541365623, 0.001417586230672896, -0.0030894787050783634, -0.02070191316306591, -0.01199363823980093, -0.042586006224155426, -0.000860431871842593, 0.0176639836281538, 0.0020241413731127977, 0.010378449223935604, 0.004347264301031828, -0.0026788082905113697, -0.018653716892004013, -0.009203141555190086, 0.024303441867232323, -0.01030284445732832, -0.010543405078351498, -0.020042091608047485, -0.008096565492451191, -0.010942047461867332, 0.0654873251914978, 0.026145445182919502, 0.012062369845807552, 0.04580264165997505, -0.004866186995059252, 0.0042647868394851685, -0.02211778052151203, 0.0025774294044822454, 0.010378449223935604, -0.0052923220209777355, 8.435711788479239e-05, 0.003103225026279688, 0.03455817326903343, 0.0034692201297730207, 0.006670387461781502, -0.006928130518645048, 0.020770644769072533, 2.7895304810954258e-05, -0.009423081763088703, -0.007567333057522774, -0.006677260622382164, -0.00944370124489069, 0.01441985834389925, 0.017856432124972343, -0.01584947295486927, -0.0033180108293890953, 0.016839206218719482, 0.013196438550949097, 0.004941791296005249, -0.016358084976673126, 0.009801105596125126, 0.01234416849911213, 0.022873828187584877, -0.0044916002079844475, -0.03013186901807785, 0.009258126839995384, 0.01661926507949829, -0.010481546632945538, 0.03648265451192856, -0.011533137410879135, 0.010625883005559444, 0.018969880416989326, 0.014873486012220383, 0.00873576756566763, 0.008907596580684185, -0.01128570456057787, -0.011890540830790997, 0.013938738964498043, -0.0011718713212758303, -0.018667463213205338, 0.03332100808620453, 0.001452811062335968, -0.006178957410156727, -0.016715489327907562, 0.0029073404148221016, -0.005467587150633335, -0.002972635207697749, 0.01612439937889576, -0.04030412435531616, -0.01913483627140522, -0.012990244664251804, -0.02389105223119259, 0.01923106051981449, 0.0017698348965495825, 0.0029760717879980803, -0.027080193161964417, -0.00734739238396287, -0.001267236191779375, -0.01848876103758812, -0.01240602694451809, -0.003677132772281766, -0.02119678072631359, -0.02199406549334526, -0.002106619067490101, 0.03169894590973854, 0.016468055546283722, 0.011904287151992321, -0.006361096166074276, 0.011718712747097015, 0.003900510026142001, -0.0009252972085960209, -0.01799389347434044, 0.007986594922840595, -0.013876880519092083, 0.004543148912489414, -0.009299365803599358, 0.010144762694835663, -0.02490827813744545, 0.0017612434457987547, 0.013141454197466373, 0.028124909847974777, -0.020770644769072533, 0.01754026673734188, -0.010440307669341564, -0.020715659484267235, -0.002933114767074585, -0.0017045399872586131, 0.00969113502651453, -0.004773399326950312, -0.028509806841611862, 0.014626053161919117, -0.024990756064653397, 0.0008239182643592358, -0.0131002152338624, 0.011333816684782505, 0.018626224249601364, -0.0034125165548175573, 0.025911757722496986, -0.017210355028510094, -0.01329953595995903, 0.022076543420553207, -0.013595080934464931, 0.0075879525393247604, 0.007546713575720787, 0.0037974128499627113, 0.035520415753126144, 0.0075604598969221115, -0.0017595251556485891, -0.001299024443142116, -0.007072466425597668, -0.0038008494302630424, -0.006467629689723253, 0.026145445182919502, 0.012859654612839222, 0.010027918964624405, -0.0034090799745172262, -0.001011211541481316, -0.011622488498687744, -0.007031227461993694, 0.03876454010605812, -0.0003492416872177273, 0.03384336829185486, -0.020385749638080597, -0.003924565855413675, -0.027712522074580193, -0.009594910778105259, -0.0033523766323924065, 0.009911075234413147, -0.007409250363707542, 0.015423337928950787, -0.00556724751368165, -0.012048623524606228, 0.0016624419949948788, -0.012172340415418148, -0.004618753679096699, -0.031231572851538658, -0.011711839586496353, 0.020468225702643394, -0.001585978316143155, 0.019822150468826294, -0.02401476912200451, -0.00030864716973155737, -0.015217144042253494, -0.0156982634216547, 0.004068901762366295, -0.02334120124578476, -0.004773399326950312, -0.002146139508113265, 0.025073233991861343, 0.01947849430143833, 0.007416123524308205, 0.013333901762962341, 0.00039284321246668696, -0.01956097222864628, 0.01027535181492567, 0.00548133347183466, -0.009457447566092014, -0.007883497513830662, -0.03037930279970169, 0.0176639836281538, 0.0183100588619709, 0.022585155442357063, -0.011759951710700989, 5.799216160085052e-05, 0.000933029456064105, 0.038874510675668716, -0.020110823214054108, 0.0037630470469594, 0.018969880416989326, -0.014213664457201958, 0.008302759379148483, -0.005917778238654137, -0.009100044146180153, 0.010213494300842285, -0.003869580803439021, 0.0049864668399095535, 0.0177189689129591, 0.0026014854665845633, -0.009106917306780815, -0.005082691088318825, 0.016591772437095642, -0.01534086000174284, 0.03169894590973854, 0.007759781088680029, -0.014777262695133686, -0.01980840414762497, -0.011615615338087082, -0.04506034031510353, -0.016138145700097084, 0.01368443202227354, -0.007292407099157572, -0.010783964768052101, -0.00259117572568357, 0.01793891005218029, -0.021114302799105644, -0.007271787617355585, -0.005591303575783968, -0.02739635668694973, 0.008873230777680874, -0.03092915378510952, -0.001074788044206798, -0.0028729746118187904, -0.015643278136849403, -0.016605518758296967, -0.006996861658990383, -0.020165808498859406, -0.04211863502860069, -0.0022818841971457005, -0.007642937358468771, -0.017375310882925987, -0.005718457046896219, -0.00879762601107359, 0.03541044518351555, 0.02281884290277958, 0.03120408020913601, 0.021829109638929367, -0.0177189689129591, -0.005443531088531017, 0.00707933958619833, 0.009072551503777504, -0.004168562591075897, 0.0032527160365134478, 0.009553671814501286, 0.0028214261401444674, 0.002223462564870715, -0.01923106051981449, 0.001003479235805571, -0.008722021244466305, -0.007924736477434635, 0.025293175131082535, 0.01393186580389738, -0.0075879525393247604, -0.010866442695260048, -0.029801957309246063, -0.035492923110723495, 0.010887062177062035, -0.01993212103843689, 0.005367926321923733, -0.007072466425597668, -0.011759951710700989, -0.02189784124493599, 0.01323767751455307, 0.00956741813570261, 0.0036874425131827593, 0.002204561373218894, 0.0038592710625380278, -0.004763089586049318, -0.017636490985751152, -0.006539797876030207, 0.012007384561002254, 0.011849302798509598, 0.02453712932765484, -0.006687570363283157, 0.01799389347434044, 0.0037149349227547646, -0.019602211192250252, -0.023629873991012573, -0.012667207047343254, 0.007381758186966181, 0.020784391090273857, -0.012481631711125374, -0.008790752850472927, 0.007099959068000317, 0.027080193161964417, 0.017705222591757774, 0.005185788031667471, -0.01024098601192236, -0.025815533474087715, -0.02082563005387783, -0.014089947566390038, 0.012701572850346565, 0.010392195545136929, -0.022736364975571632, 0.002835172461345792, -0.020633181557059288, -0.025719309225678444, -0.006429827306419611, -0.0007745175389572978, 0.015739502385258675, 0.001744060660712421, -0.003137590829282999, -0.012151720933616161, 0.010598390363156796, -0.0009201423381455243, 0.007484855130314827, -0.008618923835456371, 0.014722277410328388, 0.010179128497838974, -0.011120748706161976, 0.012158594094216824, 0.002390136243775487, -0.001976029248908162, -0.02251642383635044, 0.013340774923563004, -0.02042698860168457, -0.014529828913509846, 0.018777431920170784, -0.005391982384026051, -0.019767165184020996, 0.00631298404186964, -0.014639799483120441, 0.01858498528599739, 0.011278831399977207, -0.00693500367924571, 0.0064745028503239155, 0.002512134611606598, -0.005446967668831348, -0.024674590677022934, 0.013601954095065594, 0.023382440209388733, 0.0010765063343569636, -0.0006452164961956441, 0.03345847129821777, 0.003335193730890751, -0.020317018032073975, 0.014144932851195335, 0.015285874716937542, 0.0005326687823981047, -0.009141283109784126, -0.017980147153139114, -0.006127409171313047, 0.015684517100453377, -0.018832417204976082, -0.011560630053281784, -0.008234027773141861, -0.008014087565243244, -0.0008617205894552171, -9.053220856003463e-05, 0.008680782280862331, -0.015038441866636276, -0.007594825699925423, 0.024179724976420403, 0.042338576167821884, 0.0037493007257580757, -0.0016005836660042405, -0.012481631711125374, 0.0048283846117556095, -0.012694699689745903, -0.012323549017310143, -0.0036874425131827593, -0.023451171815395355, 0.0406065434217453, 0.015382098965346813, 0.005780315026640892, -0.02349241077899933, -2.239141940663103e-05, -0.018282566219568253, -0.015285874716937542, 0.006453883368521929, 0.012777176685631275, 0.020564449951052666, -0.006113662850111723, -0.004845567513257265, 0.018007639795541763, -0.010460927151143551, 0.009773612953722477, -0.02644786238670349, -0.014626053161919117, 0.007697922643274069, -0.02632414549589157, 0.003570599015802145, 0.018158849328756332, -0.00033077012631110847, -0.011973018757998943, 0.012639714404940605, 0.007457362487912178, -0.006292364560067654, 0.002338587772101164, -0.009938567876815796, 0.016756728291511536, -0.010735852643847466, 0.0005322392098605633, 0.0006396320532076061, 0.014681038446724415, 0.01024098601192236, -0.02991192787885666, 0.01380814891308546, -0.0029829449485987425, 0.002055070362985134, -0.0029691988602280617, -0.019574718549847603, -0.010460927151143551, -0.013155199587345123, 0.02057819627225399, -0.017251593992114067, -0.00645731994882226, 0.021320495754480362, -0.02334120124578476, 0.011340689845383167, 0.017773954197764397, -0.02831735834479332, 0.013595080934464931, 0.010454053990542889, 0.008082819171249866, -0.0002766441029962152, -0.008529573678970337, -0.014736023731529713, 0.004598134197294712, 0.011828683316707611, -0.0035259234718978405, -0.012213579379022121, -0.022502677515149117, -0.010467800311744213, -0.014639799483120441, 0.003235533135011792, -0.017925163730978966, -0.008357744663953781, 0.014076201245188713, 0.030819183215498924, -0.0065054320730268955, -0.02622792311012745, 0.010605263523757458, -0.008027833886444569, -0.0003069288795813918, -0.001504359650425613, -0.021691646426916122, 0.023121260106563568, -0.007182436995208263, -0.0028953123837709427, -0.005312941502779722, -0.006931567098945379, -0.014089947566390038, -5.031357068219222e-05, 0.02368485927581787, 0.004835257772356272, 0.016633011400699615, 0.20322516560554504, 0.008268393576145172, -0.008110311813652515, 0.03821468725800514, 0.010151635855436325, 0.0043060253374278545, 0.020069584250450134, 0.00613428233191371, -0.00047424703370779753, 0.03189139440655708, -0.0026839631609618664, -0.01719660870730877, -0.015808233991265297, 0.0027544130571186543, 0.011505644768476486, -0.010371576063334942, -0.04253102466464043, -0.03117658756673336, -0.021320495754480362, -0.007216802332550287, -0.003759610466659069, 0.01107263658195734, 0.005959016736596823, 0.000913269177544862, 0.009237507358193398, 0.03590530902147293, -0.010509039275348186, 0.01689419150352478, 0.02112804912030697, -0.0176639836281538, -0.025238189846277237, -0.006642894819378853, -0.01726534031331539, 0.003118689637631178, -0.004137633368372917, 0.015450830571353436, 0.017306579276919365, 0.02592550404369831, -0.008433349430561066, 0.0114437872543931, -0.021485451608896255, 0.002287039067596197, 0.020372003316879272, -0.012392280623316765, -0.011058890260756016, 0.02334120124578476, -0.000677004805766046, -0.0037355544045567513, 0.0037114983424544334, -0.006065550725907087, -0.04734222590923309, -0.017251593992114067, 0.017856432124972343, 0.0014399238862097263, -0.006653204560279846, -0.0005150563083589077, 0.005886849015951157, 0.003216631943359971, 0.0029039038345217705, -0.003350658342242241, 0.01454357523471117, 0.010220367461442947, -0.011704966425895691, 0.013003990985453129, -0.01990462839603424, 0.0301593616604805, -0.01719660870730877, -0.0007569051231257617, 0.01848876103758812, -0.04486789181828499, -0.006295801140367985, 0.00631298404186964, -0.014859739691019058, 0.03934188187122345, -0.04110140725970268, -0.022653887048363686, 0.010715233162045479, 0.008055326528847218, 0.01637183129787445, 0.031369034200906754, -0.0012302929535508156, 0.0029863815288990736, -0.01033721026033163, -0.007553586736321449, -0.0013342492748051882, -0.037664834409952164, 0.02346491813659668, 0.004409122746437788, -0.015299621038138866, 0.0016779066063463688, 0.009842343628406525, -0.027588805183768272, -0.009663642384111881, -0.003271617228165269, 0.0007551868329755962, 0.005227026995271444, 0.012014257721602917, 0.02672278881072998, 0.010179128497838974, -0.010412815026938915, 0.013505730777978897, 0.04137633368372917, 0.018722448498010635, -0.017526520416140556, -0.005996819119900465, -0.006646331399679184, -0.00912066362798214, -0.016825459897518158, 0.00746423564851284, -0.023822320625185966, 0.005704710725694895, -0.01870870217680931, -0.0040482827462255955, 0.003366122953593731, -0.0017328917747363448, -0.0022183076944202185, 0.0010704923188313842, 0.0004396665026433766, 0.014337381348013878, -0.002299067098647356, 0.003194294171407819, -0.017677729949355125, 0.021320495754480362, 0.013127707876265049, 0.0017260186141356826, -0.014557321555912495, -0.015547054819762707, 0.008309632539749146, 0.033678412437438965, -0.03651014715433121, 0.003039648523554206, 0.00615833792835474, 0.0035637258552014828, -0.0035293600521981716, -0.020440734922885895, 0.026282908394932747, -0.016014428809285164, 0.004800891969352961, -0.011045144870877266, 0.0020499154925346375, -0.018378790467977524, -0.019313538447022438, 0.023946037515997887, 0.02318999171257019, -0.00497615709900856, -0.02702520787715912, 0.015437084250152111, -0.003979551140218973, -0.01615189202129841, -0.02281884290277958, -0.028757240623235703, 0.020317018032073975, -0.011540010571479797, -0.0016169074224308133, 0.03571286424994469, -0.027588805183768272, -0.020523210987448692, -0.0076291910372674465, 0.005653162021189928, 0.0004091669397894293, -0.01858498528599739, -0.010048538446426392, 0.011038271710276604, 0.004601570777595043, -0.03582283481955528, 0.011416294611990452, -0.1805712729692459, 0.030489271506667137, 0.0127909230068326, -0.019451001659035683, 0.004570641554892063, 0.0040482827462255955, 0.0268465057015419, 0.0013299535494297743, -0.015120919793844223, 0.013196438550949097, 0.018997373059391975, -0.015409591607749462, -0.026090459898114204, 0.006319857202470303, -0.017334071919322014, -0.003180548083037138, -0.005299195181578398, 0.008886977098882198, 0.020000852644443512, 0.024564621970057487, 0.04225609824061394, -0.014199918136000633, -0.00956741813570261, -0.013120834715664387, -0.02017955482006073, 0.01483224704861641, 0.009395589120686054, 0.0019141709199175239, -0.004546585492789745, -0.009959187358617783, -0.03277115523815155, 0.0077185421250760555, 0.005089564248919487, 0.00562910595908761, 0.019341031089425087, 0.03851710632443428, -0.019299792125821114, 0.006254562176764011, -8.833065294311382e-06, 0.0039898608811199665, 0.005869666114449501, 0.029966913163661957, 0.011113875545561314, 0.0015112328110262752, -0.01587696559727192, 0.023176245391368866, -0.0012414618395268917, -0.0018591857515275478, 0.00383521500043571, -0.026585325598716736, 0.0004935777396894991, -0.01039906870573759, 0.014351127669215202, -0.012701572850346565, 0.012997117824852467, 0.01107263658195734, -0.007148071192204952, 0.021018078550696373, -0.005670344922691584, -0.0018815235234797, -0.02356114238500595, -0.023822320625185966, 0.02828986570239067, -0.021664153784513474, -0.007230548653751612, -0.008165296167135239, -0.02481205388903618, 0.0056669083423912525, -0.036537639796733856, 0.020495718345046043, -0.0056359791196882725, -0.034173280000686646, 0.019368523731827736, -0.003087760414928198, 0.0028626651037484407, 0.009959187358617783, 0.015134666115045547, 0.005491643212735653, 0.01380814891308546, -0.015258382074534893, -0.015643278136849403, 0.037912268191576004, -0.02712143026292324, 0.0004776835849042982, -0.010192874819040298, 0.01276343036442995, 2.931490371338441e-06, -0.0014949090545997024, -0.005443531088531017, -0.0038489613216370344, 0.026007981970906258, -0.019574718549847603, -0.014516082592308521, -0.006852525752037764, 0.013670685701072216, 0.019148582592606544, 0.011045144870877266, -0.011271958239376545, -0.02500450238585472, 0.0017139905830845237, 0.011560630053281784, 0.019093597307801247, -0.022255243733525276, 0.0075604598969221115, 0.02159542217850685, -0.007581079378724098, 0.011718712747097015, -0.0036908790934830904, 0.02224149741232395, 0.005615359637886286, -0.007244294974952936, -0.00734739238396287, -0.009450574405491352, 0.002101464197039604, 0.008694528602063656, -0.001976029248908162, -0.0060999165289103985, -0.026062967255711555, 0.015065934509038925, 0.00767043000087142, 0.030049391090869904, -0.0024416849482804537, 0.0030997884459793568, 0.024399666115641594, -0.004690921865403652, -0.01791141740977764, -0.1284453421831131, -0.011010779067873955, -0.007086212746798992, 0.04978906363248825, -0.009519306011497974, 0.03257870674133301, 0.007691049482673407, -0.0072236754931509495, -0.00572189362719655, 0.03304608166217804, -0.016014428809285164, -0.022255243733525276, -0.0022062796633690596, 0.011890540830790997, -0.0009381843265146017, 0.006058677565306425, -0.0036874425131827593, -0.010584644041955471, 0.0006379138212651014, 0.030461778864264488, 0.007264914456754923, 0.0064435736276209354, -0.0068181599490344524, -0.009361224249005318, 0.0019227623706683517, -0.018942387774586678, -0.002701146062463522, 0.007450489327311516, 0.04118388518691063, -6.776491500204429e-05, 0.011065763421356678, -0.018172595649957657, 0.02938956953585148, -0.023671112954616547, 0.006175520829856396, 0.009766739793121815, -0.007869751192629337, -0.012144847773015499, 0.016880445182323456, -0.013464491814374924, 0.0016753291711211205, 0.016839206218719482, -0.015437084250152111, -0.02002834528684616, -0.0005064649158157408, 0.0003084323834627867, -0.013904373161494732, 0.01796640083193779, -0.013739417307078838, -0.004350700881332159, -0.03703250735998154, -0.016481801867485046, -0.006759738549590111, -0.013938738964498043, 0.01928604580461979, -0.021512944251298904, 0.02782249264419079, 0.024179724976420403, -0.0060689873062074184, 0.021210527047514915, -0.0025482187047600746, -0.013938738964498043, -0.005196097772568464, 0.01950598694384098, 0.005790624767541885, -0.0022853207774460316, -0.0009665360557846725, 0.012935259379446507, 0.011560630053281784, -0.011869922280311584, -0.021210527047514915, -0.004766526166349649, -0.009560544975101948, 0.02149919793009758, -0.03873704746365547, 0.02527942880988121, -0.031588975340127945, -0.01652304083108902, 0.011505644768476486, 0.009471193887293339, -0.010976413264870644, -0.004141069948673248, 0.020839376375079155, -0.0077460347674787045, 0.02100433222949505, -0.004601570777595043, -4.6930694225011393e-05, 0.006728809326887131, 0.013890626840293407, -0.01719660870730877, 0.01125821191817522, 0.018158849328756332, 0.024564621970057487, -0.019437255337834358, -0.017402803525328636, -0.0007259759586304426, -0.027932463213801384, -0.01600068248808384, 0.0022268991451710463, -0.0034709384199231863, -0.02386355958878994, -0.0002702005149330944, -0.06273806840181351, 0.02057819627225399, -0.0023643618915230036, 0.008289013057947159, 0.005165168549865484, 0.0037733567878603935, 0.000245070579694584, -0.00020189864153508097, -0.01793891005218029, 0.0006821596762165427, -0.015134666115045547, 0.01042656134814024, -0.030214346945285797, -0.009340604767203331, -0.013230804353952408, -0.01317581906914711, 0.027575058862566948, -0.00018289010040462017, 0.005123929586261511, -0.0008123198640532792, 0.00020189864153508097, 0.014254903420805931, 0.023849813267588615, 0.003220068523660302, -0.004629063419997692, 0.0022853207774460316, -0.01007603108882904, 0.014172425493597984, -0.014144932851195335, -0.004361010622233152, 0.024798307567834854, -0.005550064612179995, -0.008618923835456371, 0.009904202073812485, 0.0024983882904052734, -0.021554183214902878, -0.0005034579080529511, 0.013986850157380104, 0.007292407099157572, -0.007581079378724098, -0.0040895212441682816, -0.04176123067736626, 0.02165040746331215, -0.004512219689786434, -0.006615402176976204, -0.00791099015623331, -0.004711540881544352, 0.01572575606405735, 0.007574206218123436, 0.006787230726331472, 0.021238019689917564, -0.004800891969352961, -0.0020138316322118044, 0.0023403060622513294, -0.017636490985751152, -0.03519050404429436, 0.02331370860338211, 0.0007126592681743205, -0.0014029807643964887, -0.03172643855214119, 0.008866357617080212, -0.003491557901725173, 0.02607671357691288, -0.005220153834670782, 0.025293175131082535, -0.01395935844630003, -0.010921427980065346, -0.0037149349227547646, 0.010818330571055412, -0.028702255338430405, -0.013526350259780884, -0.003405643394216895, 0.006185830570757389, 0.021952826529741287, 0.008653289638459682, -0.0008273548446595669, -0.0255268607288599, 0.017086640000343323, 0.0017612434457987547, 0.028757240623235703, 0.022722618654370308, 0.0029623256996273994, -0.03332100808620453, 0.01652304083108902, 0.04244854673743248, 0.008330252021551132, -0.010062284767627716, 0.013217058032751083, -0.014364873990416527, 0.016468055546283722, -0.029746972024440765, -0.0017517928499728441, -0.01403496228158474, 0.006749428808689117, -0.015986936166882515, 0.01667425036430359, -0.01609690673649311, -0.0163993239402771, 0.008330252021551132, 0.02328621596097946, -0.005955580156296492, 0.0004888524417765439, -0.0014510927721858025, -0.002582584274932742, -0.0040482827462255955, 0.016358084976673126, -0.013258296996355057, -0.005749385803937912, 0.022090289741754532, 0.002359207021072507, 0.010591517202556133, 0.009615530259907246, -0.01483224704861641, 0.027286386117339134, -0.010893935337662697, 0.007031227461993694, 0.000492289022076875, -0.0013918118784204125, -0.027781253680586815, 0.01928604580461979, -0.009773612953722477, 0.01769147627055645, -0.0003778082027565688, -0.014406112022697926, 0.011498771607875824, 0.0019554097671061754, 0.016509294509887695, -0.059878841042518616, 0.021691646426916122, -0.002048197202384472, 0.022227751091122627, -0.007691049482673407, -0.028729747980833054, -0.011189480312168598, -0.01466729212552309, -0.011835556477308273, 0.010543405078351498, 0.015712009742856026, -0.01276343036442995, 0.06845652312040329, -0.008398983627557755, -0.013842514716088772, 0.005367926321923733, -0.002386699663475156, 0.01879117824137211, 0.0008471151813864708, 0.01928604580461979, -0.026131698861718178, -0.009746120311319828, 0.01600068248808384, -0.017554013058543205, 0.0030173107516020536, 0.0075879525393247604, 0.0027337935753166676, -0.002161604119464755, -0.004443488549441099, 0.0393143892288208, -0.02027577906847, -0.014653545804321766, 0.02140297368168831, -0.011251338757574558, 0.030241839587688446, 0.02239270694553852, -0.020784391090273857, 0.007044973783195019, 0.03013186901807785, 0.0009459166321903467, -0.0002839468070305884, -0.022956304252147675, 0.008914469741284847, 0.00819966197013855, -0.026654057204723358, -0.00693500367924571, 0.008103438653051853, -0.007020917721092701, -0.016687996685504913, -0.01377378311008215, -0.007759781088680029, 0.011127621866762638, -0.0014081356348469853, 0.010976413264870644, -0.018021386116743088, -0.00944370124489069, 0.029252106323838234, 0.011684346944093704, -0.0005129084456712008, -0.002405600855126977, -0.01799389347434044], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='6a0738c1-722f-45d6-8052-3cda2dc5f27b', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '5', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_type': 'application/pdf', 'file_size': 885090, 'creation_date': '2024-02-25', 'last_modified_date': '2024-02-07', 'last_accessed_date': None}, hash='bd56e4bb7cb006f9c6846e23c72a3835bb58b1ea86b4f7f1c20c7db68708f89e')}, text='5', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='b6aaf56d-7d03-4d5b-a043-e092b59ff2e3', embedding=[-0.012110022827982903, 0.008364655077457428, 0.0023633965756744146, -0.03237662464380264, -0.014801139011979103, 0.013254440389573574, 0.004584607668220997, -0.011360948905348778, -0.04419533908367157, -0.03490127995610237, 0.01844940520823002, 0.030989451333880424, -0.005399572197347879, -0.0015553680714219809, 0.0028957242611795664, 0.0112985260784626, 0.008642089553177357, -0.0015848454786464572, 0.015994107350707054, -0.035955533385276794, -0.004379999823868275, 0.00024557302822358906, -0.01674318127334118, -0.023138049989938736, -0.0013100117212161422, -0.004196199122816324, 0.006016863975673914, -0.046109639108181, -0.012727314606308937, 0.005465462803840637, 0.01907363347709179, -0.022250259295105934, -0.022929973900318146, -0.014815011061728, -0.01710384711623192, -0.009613110683858395, -0.009564559906721115, -0.004806555341929197, 0.029324842616915703, 0.004959144629538059, 0.01685415580868721, 0.027327314019203186, -0.0010109025752171874, -0.004432018846273422, -0.010577196255326271, 0.03454061597585678, 0.02904740907251835, -0.006928930524736643, -0.029352586716413498, 0.0005431650206446648, 0.01124303974211216, 0.0063012344762682915, -0.005097861867398024, 0.007234108634293079, 0.014176910743117332, 0.021431827917695045, 0.00827448908239603, 0.019253965467214584, -0.0005735094309784472, 0.00257840845733881, 0.003859809599816799, 0.010535581037402153, -0.023193538188934326, 0.027937669306993484, -0.013212825171649456, -0.02496911957859993, -0.003544227685779333, 0.023873252794146538, 0.02999068610370159, -0.021889595314860344, 0.01170774269849062, 0.02775733731687069, -0.0055036102421581745, 0.010958668775856495, 0.024469736963510513, -0.019448168575763702, -0.017603229731321335, 0.008246744982898235, -0.0158692616969347, -0.00020514991774689406, 0.018699096515774727, 0.0019437766168266535, -0.009259381331503391, -0.0025003799237310886, 0.00816351454705, -0.006509310565888882, -0.008302232250571251, 0.012345842085778713, -0.012810545042157173, -0.01127078291028738, 0.002316579455509782, 0.02238897606730461, 0.04131001979112625, 0.02005852572619915, -0.006450355984270573, 0.0012571257539093494, 0.009772635996341705, 0.03304246813058853, -0.021626031026244164, 0.005680474452674389, -0.011714678257703781, -0.019462041556835175, -0.04255847632884979, -0.008170451037585735, -0.004816959146410227, -0.006984417326748371, 0.005538289435207844, -0.00721330102533102, 0.017298050224781036, 0.017450639978051186, -0.02269415557384491, 0.003365629119798541, -0.001225914340466261, -0.02760474756360054, -0.023040948435664177, 0.0027518051210790873, 0.017797432839870453, -0.031239142641425133, -0.012019856832921505, -0.010889310389757156, 0.04688645526766777, 0.01892104372382164, 0.027285698801279068, 0.005586840212345123, 0.01514793187379837, -0.012449880130589008, -0.013386222533881664, -0.002609619637951255, -0.0007776840357109904, 0.007157814223319292, 0.006661899853497744, 0.024996861815452576, 0.017228692770004272, -0.0031072681304067373, -0.029324842616915703, 0.008232873864471912, -0.007324275095015764, -0.01196436956524849, -0.002803823910653591, 0.004331448581069708, 0.00034527608659118414, 0.02238897606730461, -0.005545224994421005, -0.0002197802677983418, -0.01850489154458046, 0.009155343286693096, -0.005677006673067808, 0.022666411474347115, 0.013885604217648506, -0.009633918292820454, 0.007393633481115103, -0.016410259529948235, -0.017298050224781036, 0.03387477248907089, 0.00026117870584130287, -0.015161803923547268, -0.002966816769912839, 0.013739950954914093, -0.04000607877969742, -0.027882182970643044, 0.0018969594966620207, 0.029740994796156883, 0.009113728068768978, 0.005531353410333395, -0.02212541364133358, 0.02542688697576523, 0.04605415463447571, -0.02263866737484932, 0.002255890518426895, -0.024483608081936836, 0.0060480753891170025, 0.034401897341012955, -0.016465747728943825, 0.013850925490260124, -0.009134535677731037, -0.015175675973296165, 0.029269356280565262, -0.0022090733982622623, -0.006682707462459803, -0.015494725666940212, -0.0019073633011430502, 0.001630795537494123, 0.016923513263463974, 0.013920283876359463, -0.022083798423409462, -0.0175199992954731, 0.0016403323970735073, -0.003991591278463602, 0.03054555505514145, 0.006155581679195166, 0.02802089974284172, 0.023082563653588295, 0.016271542757749557, -0.01289377547800541, -0.6347705125808716, -0.02434489130973816, -0.0237900223582983, -0.011236103251576424, -0.0039569116197526455, 0.014079809188842773, 0.013316863216459751, 0.008038668893277645, -0.0073173390701413155, 0.015883134678006172, 0.015952492132782936, 0.005697814282029867, -0.0010741923470050097, -0.0060688829980790615, -0.020821470767259598, -0.021168263629078865, 0.014662421308457851, -0.019142990931868553, -0.018851684406399727, 0.005950973369181156, -0.012103087268769741, 0.014717908576130867, -0.007671068422496319, -0.01395496353507042, -0.02202831208705902, 0.007365890312939882, 0.024955246597528458, 0.003351757535710931, 0.022943846881389618, 0.012949262745678425, -0.011520474217832088, 0.001199037884362042, 0.015050830319523811, 0.0002908729074988514, 0.05090925842523575, -0.012068407610058784, -0.01643800362944603, 0.01618831232190132, 0.013989642262458801, 0.04297462850809097, -0.04735809564590454, -0.004799619782716036, 0.018907172605395317, 0.00540303997695446, -0.02770185098052025, 0.009578431956470013, 0.023706791922450066, 0.01829681545495987, -0.03340313211083412, -0.020446933805942535, -0.02222251519560814, -0.00809415616095066, -0.0034037765581160784, 0.007137006614357233, 0.006935866549611092, 0.006894251331686974, 0.033791542053222656, -0.011069642379879951, -0.0069115906953811646, 0.019559143111109734, -0.0018588121747598052, 0.01634090207517147, 0.005628455430269241, -0.047219377011060715, -0.034818049520254135, -0.006921994499862194, -0.009030497632920742, 0.010459286160767078, 0.0013056768802925944, -0.019836578518152237, 0.011666127480566502, 0.011007220484316349, -0.00855885911732912, -0.010667362250387669, 0.0007841864135116339, 0.0015172207495197654, 0.014052065089344978, 0.00767800398170948, -0.014939856715500355, 0.023124178871512413, 0.02299933321774006, -0.01532826479524374, -0.00724798021838069, -0.008385462686419487, 0.006058479193598032, -0.012144702486693859, -0.007539286743849516, 0.0052677905187010765, 0.014440474100410938, 0.005909358151257038, 0.011714678257703781, 0.016868026927113533, -0.02398422546684742, -0.0392015166580677, -0.0006697446224279702, 0.026814060285687447, 0.0063428496941924095, 0.018227456137537956, 0.014176910743117332, -0.05376683548092842, -0.02398422546684742, -0.03639942780137062, 0.02523268200457096, 0.0036586695350706577, 0.013739950954914093, 0.009106792509555817, -0.010965605266392231, 0.0016715438105165958, -0.007254916243255138, 0.0055417572148144245, -0.001987125724554062, -0.02699439227581024, 0.0073173390701413155, -0.008586602285504341, 0.006467695347964764, -0.04186489060521126, 0.02015562728047371, -0.000866549788042903, 0.005077054258435965, 0.0033136100973933935, -0.003995059058070183, -0.011645319871604443, 0.02605111338198185, 0.022208644077181816, -0.017131589353084564, 0.006107030436396599, 0.005992588587105274, 0.01396189909428358, 0.01622992753982544, -0.014468217268586159, -0.004751068539917469, 0.006214536260813475, 0.02538527175784111, -0.015550212934613228, -0.002488241996616125, -0.003370831022039056, 0.03659363090991974, -0.030933964997529984, 0.006509310565888882, -0.008704512380063534, -0.020433062687516212, 0.0010577195789664984, -0.0011730283731594682, -0.0042135389521718025, -0.03556712344288826, -0.022153157740831375, -0.022458335384726524, 0.016979001462459564, 0.006689643021672964, -0.001753907185047865, -0.00811496376991272, -0.004882849752902985, -0.012019856832921505, 0.002893990371376276, -0.010972540825605392, -0.011340141296386719, -0.009273253381252289, -0.015855390578508377, -0.019087504595518112, -0.058538712561130524, 0.02182023599743843, 0.0052469829097390175, -0.006641092244535685, 0.005031971260905266, 0.005985652562230825, -0.019295580685138702, -0.007192493416368961, 0.02580142393708229, -0.020544037222862244, -0.017228692770004272, 0.013823181390762329, -0.030406838282942772, 0.00022368169447872788, 0.0224444642663002, -0.026703085750341415, 0.007997053675353527, -0.015314392745494843, 0.01258859783411026, 0.014537575654685497, -0.015883134678006172, 0.008801614865660667, 0.027493774890899658, -0.00023495247296523303, -0.005299001932144165, 0.024441992864012718, 0.02750764600932598, 0.017741946503520012, -4.638360769604333e-05, -0.0018171969568356872, 0.031183656305074692, 0.01240826491266489, 0.023235153406858444, -0.03465158864855766, -0.0050354390405118465, -0.0035476956982165575, -0.004067885689437389, -0.00767800398170948, -0.011215295642614365, 0.00607581902295351, 0.010306697338819504, 0.018158098682761192, 0.011645319871604443, -0.010500901378691196, 0.0005232244147919118, -0.015217291191220284, -0.025093965232372284, 0.009793443605303764, -0.026300804689526558, -0.010285889729857445, -0.0018605461809784174, 0.012158573605120182, -0.004823895171284676, -0.030822990462183952, -0.012567790225148201, 0.00431410875171423, 0.021681519225239754, -0.0016429333481937647, 0.013635913841426373, -0.008357718586921692, -0.003949976060539484, 0.007414441090077162, -0.0012926721246913075, 0.019559143111109734, 0.008676769211888313, 0.005212303716689348, 0.0158692616969347, -0.004286365583539009, 0.021528929471969604, 0.02569044940173626, 0.008059476502239704, -0.02341548539698124, 0.0027188595850020647, 0.028007028624415398, -0.004459762014448643, 0.036205220967531204, 0.005569500848650932, 0.03784208744764328, -0.004636626690626144, 0.014315628446638584, 0.016091210767626762, -0.0045464602299034595, -0.006065415218472481, -0.01328912004828453, -0.02403971366584301, 0.02678631618618965, -0.00014413597818929702, 0.04253073409199715, 0.014482089318335056, -0.007372825872153044, -0.0031072681304067373, -0.015272777527570724, 0.02089083008468151, -0.016965128481388092, 0.007123135030269623, 0.0020963656716048717, -0.007074583787471056, 0.005895486567169428, 0.01553634088486433, 0.04477795213460922, 0.012831352651119232, -0.013830117881298065, -0.004040142055600882, 0.001055985689163208, 0.004327980801463127, -0.00018293347966391593, -0.024261660873889923, -0.013712207786738873, -0.01814422570168972, -0.0006237945053726435, -0.0046990495175123215, -0.015314392745494843, -0.0070849875919520855, -0.007844464853405952, -0.04730260744690895, -0.010480093769729137, 0.020502422004938126, 0.0112985260784626, 0.024386506527662277, 0.01850489154458046, 0.012977005913853645, -0.015175675973296165, -0.04383467510342598, 0.03612199053168297, -0.010695106349885464, -0.010126365348696709, -0.014384986832737923, -0.0282844640314579, 0.004300237167626619, -0.00448403786867857, 0.026286933571100235, -0.013864796608686447, 0.01215163804590702, 0.0007130937883630395, 0.008621281944215298, 0.006065415218472481, 0.011028027161955833, 0.04239201545715332, -0.011811780743300915, -0.004317576996982098, -0.009606175124645233, -0.010022327303886414, 0.007310403045266867, -0.02610660158097744, -0.029796482995152473, 0.04802393913269043, 0.005021567456424236, -0.025052350014448166, -0.03076750412583351, 0.0006740795215591788, -0.002049548551440239, 0.018074868246912956, 0.01638251729309559, 0.01101415604352951, 0.01103496365249157, 0.018532635644078255, 0.02595401182770729, -0.016424132511019707, 0.010965605266392231, 0.010487030260264874, 0.023040948435664177, -0.0284370519220829, -0.01674318127334118, -0.0018536102725192904, 0.01356655452400446, 0.0353451743721962, 0.03159980848431587, 0.01258859783411026, 0.014440474100410938, -0.033014725893735886, 0.015050830319523811, -0.03581681475043297, -0.01335847843438387, 0.02218089997768402, -0.0005409976001828909, -0.018574250862002373, -0.019309451803565025, 0.0020720900502055883, -0.005604180041700602, 0.022097669541835785, 0.010556388646364212, 0.009626982733607292, -0.030628785490989685, 0.005108265671879053, 0.002829833421856165, -0.005340617150068283, -0.004463230259716511, 0.025399142876267433, -0.004005462862551212, 0.003037909511476755, -0.030406838282942772, 0.033375389873981476, -0.008447885513305664, 0.017200948670506477, -0.011881139129400253, 0.0044458904303610325, -0.0007915557362139225, 0.00538916839286685, 0.013379286043345928, -0.01367752905935049, 0.04874527081847191, 0.018477147445082664, 0.004015866667032242, 0.018990403041243553, 0.016035722568631172, 0.019573014229536057, 0.015883134678006172, 0.013240569271147251, 0.014045129530131817, 0.022610925137996674, -0.004338384605944157, 0.0021622562780976295, 0.02557947486639023, -0.017089974135160446, -0.01799163781106472, -0.005552161019295454, -0.0022836339194327593, -0.02940807305276394, 0.004858574364334345, -0.006023800000548363, 0.007636388763785362, -0.026189832016825676, -0.0033222800120711327, -0.005292065907269716, -0.031239142641425133, 0.003911828622221947, -0.014357243664562702, 0.0163270290941, 0.007955438457429409, -0.018948787823319435, -0.012949262745678425, -0.03215467557311058, -0.016410259529948235, -0.018338430672883987, 0.03778659924864769, -0.019406553357839584, 0.007553158327937126, -0.036316197365522385, -0.002330451039597392, 0.004688645713031292, 0.009675533510744572, 0.027563132345676422, -0.024677813053131104, -0.019503656774759293, -0.0041511161252856255, -0.017145462334156036, 0.003641329938545823, 0.00899581890553236, -0.028964178636670113, 0.0009848930640146136, -0.016632208600640297, -0.00923163816332817, -0.0020339428447186947, -0.008336911909282207, -0.008219001814723015, 0.005087458062916994, -0.022874487563967705, 0.006974013522267342, -0.013767695054411888, 0.006998289376497269, 0.009890545159578323, 0.015189547091722488, 0.039978332817554474, 0.0025749404449015856, -0.014967599883675575, 0.014593062922358513, -0.031100425869226456, -0.005860806908458471, -0.014315628446638584, -0.00920389499515295, -0.011152872815728188, 0.002344322856515646, 0.014003514312207699, 0.00497648399323225, -0.015688929706811905, 0.021542800590395927, -0.008059476502239704, -0.003866745624691248, -0.006266555283218622, 0.024011969566345215, 0.01083382312208414, 0.009349548257887363, 0.006120902020484209, 0.0007156947394832969, -0.00012202790094306692, -0.020294345915317535, -0.008260617032647133, 0.031710781157016754, 0.014038193970918655, -0.011541281826794147, 0.011236103251576424, -0.00962004717439413, -0.028908690437674522, -0.00907211285084486, 0.01083382312208414, -0.007553158327937126, 0.020696625113487244, 0.010847695171833038, -0.0012085747439414263, -0.022167028859257698, -0.025163322687149048, 0.006186792626976967, 0.004969548434019089, -0.001186900190077722, 0.018130354583263397, -0.000774216081481427, 0.0031159380450844765, 0.016632208600640297, 0.0008175652474164963, -0.001343824085779488, -0.02129310928285122, -0.026064986363053322, 0.016840282827615738, -0.0009406768949702382, 0.01372607983648777, 0.0014547980390489101, 0.029130639508366585, -0.03737044706940651, -0.005198431666940451, -0.0190181452780962, -0.011471923440694809, -0.010202659294009209, 0.017714202404022217, 0.011194488033652306, 0.03284826502203941, 0.044583749026060104, -0.009245510213077068, 0.005326745565980673, 0.002789952326565981, 0.0022264132276177406, 0.003644797718152404, -0.007019096985459328, -0.027063751593232155, -0.0038077905774116516, -0.0068907830864191055, 0.011028027161955833, -0.02430327609181404, 0.00745605630800128, -0.001618657843209803, 0.018782326951622963, 0.029075151309370995, -0.012803609482944012, 0.009731020778417587, -0.014717908576130867, -0.00315408525057137, -0.0011166745098307729, 0.00629429891705513, 0.0011227433569729328, 0.010819952003657818, -0.009751828387379646, -0.00788608007133007, 0.02557947486639023, -0.015286649577319622, 0.01577216014266014, -0.004934868775308132, 0.02119600772857666, -0.0107783367857337, 0.0033829689491540194, 0.004144180100411177, 0.016007980331778526, -0.02451135218143463, 0.008128835819661617, -0.0341244637966156, 0.0027327314019203186, -0.003721092361956835, -0.01124303974211216, 0.010167980566620827, 0.0021293109748512506, 0.004827362950891256, 0.0010464488295838237, 0.015134060755372047, -0.0170622318983078, -0.006231876090168953, -0.011423371732234955, -0.023803893476724625, 0.012553918175399303, -0.010993348434567451, -0.004900189582258463, 0.016091210767626762, -0.015078573487699032, -0.0018050592625513673, -0.016202183440327644, 0.01556408405303955, -0.031932730227708817, -0.013524939306080341, 0.030434582382440567, 0.006127838045358658, 0.03897956758737564, -0.0005422980757430196, 0.02258318103849888, 0.023193538188934326, 0.008725319989025593, -0.004123372491449118, -0.0002644298947416246, 0.0005921496194787323, 2.492577004886698e-05, 0.019878193736076355, 0.05113120749592781, -0.015744416043162346, 0.005025035236030817, 0.01736740954220295, 0.0021847980096936226, -0.019767219200730324, -0.06458678841590881, 0.0028575770556926727, 0.007879144512116909, 0.010591068305075169, -0.03209919109940529, -0.01235971413552761, -0.036676861345767975, 0.007324275095015764, -0.028714487329125404, 0.011908882297575474, 0.008829358033835888, -0.027174724265933037, -0.0023009737487882376, 0.02320740930736065, 0.009786507114768028, 0.013268312439322472, -0.025829166173934937, -0.0018328026635572314, 0.027313442900776863, -0.013628977350890636, 0.01491211261600256, -0.0014842754462733865, 0.00656479736790061, 0.03875762224197388, -0.02987971343100071, 0.001234584255144, 0.008281424641609192, 0.015841519460082054, -0.01844940520823002, -0.01330992765724659, 0.010167980566620827, 0.03201596066355705, -0.03107268176972866, -0.0010499167256057262, 0.01654897816479206, -0.007823657244443893, 0.02077985554933548, -0.023803893476724625, -0.0007547089480794966, -0.03282051905989647, 0.011645319871604443, 0.016035722568631172, 0.012047600001096725, 0.007088455371558666, 0.00042265435331501067, -0.0031714248470962048, 0.009654725901782513, -0.022458335384726524, -0.003682945156469941, -0.024941375479102135, 0.00428983336314559, -0.0664733424782753, -0.004733728710561991, -0.0012363181449472904, 0.003391638631001115, 0.00030236042221076787, 0.009932160377502441, -0.021598288789391518, -0.0014287885278463364, 0.014017386361956596, -0.03545615077018738, 0.019364938139915466, 0.01062574703246355, 0.0012094416888430715, -0.022888358682394028, 0.009405034594237804, -0.03906279802322388, -0.0008544120355509222, 0.02657824009656906, -0.019628502428531647, -0.006686175242066383, -0.017547741532325745, 0.010958668775856495, 0.01835230179131031, 0.013830117881298065, -0.02011401206254959, 0.0230548195540905, -0.009800379164516926, 0.01036218460649252, -0.021362468600273132, -0.014551447704434395, 0.011277718469500542, -0.02915838174521923, -0.009314868599176407, 0.01819971390068531, -0.013538811355829239, 0.02671695686876774, -0.010896245948970318, -0.008260617032647133, -0.006713918875902891, -0.039728641510009766, 0.003421116154640913, 0.01152740977704525, 0.0005336282192729414, -0.03498451039195061, -0.009106792509555817, -0.009099856950342655, -0.006256151478737593, -0.008753063157200813, 0.010015390813350677, -0.013968834653496742, 0.0018206649692729115, 0.01168693508952856, 0.012907647527754307, -0.01279667392373085, 0.03520645946264267, -0.02724408358335495, -0.008905652910470963, -0.011728550307452679, 0.00405748188495636, -0.030101660639047623, -0.024677813053131104, -0.01034137699753046, 0.008343847468495369, 0.00014500295219477266, -0.01793615147471428, -0.05654118210077286, -0.01695125736296177, -0.03279277682304382, -0.022153157740831375, 0.004758004564791918, 0.012540046125650406, 0.012068407610058784, 0.02982422523200512, 0.0019992634188383818, 0.04760778695344925, 0.0011678264709189534, 0.010466222651302814, -0.029075151309370995, -0.01395496353507042, -0.00271365768276155, -0.0042933011427521706, 0.012741186656057835, -0.017658716067671776, -0.01690964214503765, 0.006356721743941307, 0.0006992220296524465, 0.015023086220026016, -0.002413681475445628, 0.042364273220300674, 0.012699571438133717, -0.02879771776497364, 0.011874203570187092, 0.004470165818929672, -0.02532978355884552, -0.0012120426399633288, -0.013843988999724388, -0.03628845140337944, 0.02030821703374386, 0.02770185098052025, -0.013060236349701881, -0.007414441090077162, 0.0016420664032921195, 0.022305745631456375, -0.007948502898216248, -0.0057151541113853455, -0.013920283876359463, -0.02279125712811947, 0.007962374947965145, -0.01727030798792839, 0.016673823818564415, -0.0033864367287606, -0.012519238516688347, 0.023332254961133003, -0.007719619199633598, 0.002947743283584714, -0.003072588937357068, 0.0031627551652491093, -0.02451135218143463, -0.014579190872609615, 0.013150402344763279, -0.0029564129654318094, 7.667383761145175e-05, -0.020599523559212685, -0.003845938015729189, -0.008711447939276695, -0.01917073503136635, -0.0008895248756743968, -0.014523704536259174, -0.046248357743024826, 0.03237662464380264, -0.004685177933424711, -0.01757548563182354, 0.007469928357750177, 0.010057006031274796, 0.020086269825696945, 0.006120902020484209, -0.013275247998535633, -0.009946032427251339, -0.007178621832281351, 0.005957909394055605, -0.015966365113854408, -0.0035199522972106934, -0.0031350115314126015, -0.015591828152537346, -0.012325034476816654, -0.005496674217283726, 0.0188655573874712, 0.209629625082016, -0.0026078857481479645, -0.00765026081353426, 0.03162755072116852, -0.0035216861870139837, 0.0024500947911292315, 0.026217574253678322, 0.006738194264471531, -0.020668882876634598, 0.018491020426154137, -0.008794678375124931, -0.016174441203475, -0.009030497632920742, -0.0022645604331046343, 0.02419230155646801, -0.007601709570735693, -0.02051629312336445, -0.04006156325340271, -0.006481567397713661, -0.010251211002469063, 0.012096150778234005, 0.00928018894046545, -0.0022437528241425753, -0.026536624878644943, 0.0383414700627327, 0.00862821750342846, 0.004088693298399448, 0.007511543110013008, 0.03670460358262062, 0.008364655077457428, -0.023040948435664177, 0.0019281709101051092, -0.015952492132782936, -0.005746365524828434, -0.013899476267397404, -0.012886839918792248, 0.00883629359304905, -0.0006853503291495144, 0.02502460591495037, 0.01799163781106472, 0.004653966519981623, 0.0011262112529948354, -0.007698811590671539, -0.010057006031274796, -0.008212066255509853, 0.009266317822039127, -0.007573965936899185, 0.004844702780246735, -0.01059800386428833, 0.015619571320712566, -0.013989642262458801, 0.014745651744306087, 0.03420769423246384, 0.00928018894046545, -0.008884845301508904, 0.0034453915432095528, -0.010611875914037228, 0.0017651780508458614, 0.006765937898308039, 0.010521708987653255, -0.008621281944215298, 0.013386222533881664, -0.008003990165889263, 0.010604939423501492, -0.01922622136771679, -0.007352018263190985, -0.020141756162047386, 0.008586602285504341, 0.0046782419085502625, -0.0255933478474617, 0.004490973427891731, -0.013767695054411888, 0.002736199414357543, 0.005576436407864094, -0.02335999719798565, -0.04028351232409477, 0.023401612415909767, 0.030490068718791008, 0.014100616797804832, 0.022208644077181816, 0.0063844649121165276, -0.007504607550799847, -0.022624796256422997, 0.01059800386428833, -0.024733299389481544, -0.026911161839962006, 0.012879904359579086, -0.018518762663006783, -0.01602185145020485, -0.012519238516688347, 0.013684464618563652, -0.012040664441883564, -0.016715437173843384, 0.000658040342386812, 0.011839523911476135, -0.007823657244443893, 0.013871733099222183, 0.009266317822039127, -0.005496674217283726, -0.04089386761188507, -0.037148501724004745, 0.06869281828403473, 0.022139284759759903, 0.00033335507032461464, -0.002172660082578659, 0.007102327421307564, -0.0255933478474617, 0.010396863333880901, 0.01861586607992649, -0.006096626631915569, 0.009155343286693096, -0.046442560851573944, 0.016937386244535446, 0.007532350718975067, 0.003741899970918894, 0.02254156582057476, -0.004088693298399448, -0.022208644077181816, 0.01922622136771679, -0.00829529669135809, 0.003776579163968563, -2.9233593522803858e-05, 0.02032208815217018, 0.004914061166346073, -0.006433016154915094, -0.02563496306538582, -0.010937861166894436, -0.0058573391288518906, -0.013434773311018944, -0.004612351302057505, 0.01532826479524374, -0.019462041556835175, 0.01349719613790512, -0.006672303657978773, 0.013143466785550117, -0.01653510518372059, 0.007261852268129587, -0.0005435985513031483, -0.03700978308916092, 0.005978717003017664, 0.012345842085778713, 0.01215163804590702, 0.0024032776709645987, -0.0019767219200730324, 0.013441708870232105, -0.0026165556628257036, 0.007705747615545988, 0.023193538188934326, -0.01634090207517147, -0.01892104372382164, -0.024899760261178017, -0.010265082120895386, -0.0010057006729766726, 0.00788608007133007, 0.026508880779147148, -0.009148407727479935, -0.021528929471969604, -0.021473443135619164, -0.012269548140466213, 0.011374820955097675, -0.0404222309589386, -1.1663634722935967e-05, 0.004116436932235956, -0.001616923836991191, -0.016479618847370148, -0.012338906526565552, -0.17855694890022278, -0.016202183440327644, 0.015078573487699032, -0.038591161370277405, 0.009002754464745522, 0.022527694702148438, 0.03953443840146065, -0.002802090020850301, -0.022569309920072556, -0.001336888293735683, -0.001144417910836637, 0.008003990165889263, -0.02222251519560814, -0.0003665171971078962, 0.003100332338362932, -0.00053492869483307, 0.009939096868038177, -0.0038702134042978287, 0.04419533908367157, 0.008877908810973167, 0.035234201699495316, -0.023429356515407562, 0.01057026069611311, 0.008649025112390518, 0.022610925137996674, 0.004494441673159599, -0.0010750592919066548, 0.01948978379368782, 0.016729310154914856, -0.037037525326013565, -0.03132237121462822, 0.002415415598079562, 0.012914583086967468, -0.006356721743941307, -0.01075752917677164, 0.009904417209327221, 0.013594298623502254, 0.01419078279286623, -0.014204654842615128, 0.0053094057366251945, 0.018324559554457664, 0.026328548789024353, -0.006727790459990501, 0.012997813522815704, 0.013108787126839161, 0.02280512824654579, -0.0011834321776404977, -0.035594865679740906, 0.003620522329583764, -0.013830117881298065, 0.017714202404022217, -0.032237906008958817, 0.026453394442796707, -0.016812540590763092, 0.002488241996616125, -0.004022802691906691, -0.01577216014266014, 0.00766413239762187, 0.007809785660356283, 0.003008431987836957, -0.004563800059258938, -0.007913823239505291, 0.00896807573735714, -0.008489500731229782, -0.017908407375216484, -0.0117562934756279, -0.017852921038866043, 0.006113966461271048, -0.02688341774046421, 0.006013396196067333, -0.011097386479377747, -0.023956483229994774, 0.010965605266392231, 0.014662421308457851, 0.0006099227466620505, 0.007469928357750177, 0.013698335736989975, 0.0235125869512558, 0.02699439227581024, 0.013615106232464314, 0.0029772205743938684, 0.019836578518152237, 0.0012033728417009115, 0.024386506527662277, -0.019101375713944435, 0.0030153680127114058, -0.007130070589482784, 0.035844556987285614, -0.028880948200821877, -0.01577216014266014, 0.02388712391257286, -0.011028027161955833, -0.00878774281591177, 0.0011686935322359204, 0.0024015437811613083, 0.025191066786646843, -0.012241804040968418, -0.008940331637859344, 0.01793615147471428, -0.017353538423776627, 0.0016281945863738656, 0.0117562934756279, -0.012255676090717316, 0.0029945604037493467, 0.0380362905561924, 0.012935390695929527, -0.04172617197036743, 0.012116958387196064, 0.035539381206035614, 0.0025680046528577805, 0.0029165318701416254, -0.0021917338017374277, 0.013552683405578136, 0.01101415604352951, -0.00011314132279949263, 0.024441992864012718, 0.014287885278463364, -0.026744700968265533, 0.010445415042340755, -0.00809415616095066, 0.05670764297246933, -0.0038979570381343365, -0.02087695710361004, 0.015369880013167858, 0.0028280995320528746, -0.0019160330994054675, -0.10376056283712387, -0.017741946503520012, 0.02165377512574196, 0.03384702652692795, -0.003448859555646777, 0.029907455667853355, -0.00237206625752151, 0.03678783401846886, -0.008884845301508904, 0.045416053384542465, 0.010944797657430172, -0.027257954701781273, -0.017561614513397217, 0.011159809306263924, 0.010022327303886414, -0.006994821131229401, -0.007088455371558666, -0.0275492612272501, -0.015494725666940212, 0.04000607877969742, -0.004106033127754927, -0.024081328883767128, 0.007393633481115103, -0.022763513028621674, 0.015134060755372047, -0.018116483464837074, -0.009245510213077068, 0.005153348669409752, 0.014384986832737923, 0.027327314019203186, 0.030490068718791008, -0.018282944336533546, 0.0032719948794692755, -0.020127885043621063, -0.0014027790166437626, -0.03551163524389267, -0.017950022593140602, -0.02564883418381214, 0.017908407375216484, -0.017589356750249863, -0.0015440972056239843, 0.02011401206254959, -0.007809785660356283, 0.007698811590671539, -0.006214536260813475, 0.0025194534100592136, 0.008746127597987652, 0.028104130178689957, 0.01380237378180027, -0.022929973900318146, -0.008496436290442944, -0.019559143111109734, -0.015550212934613228, 0.004775343928486109, 0.012713443487882614, -0.009398099035024643, 0.02237510494887829, 0.004296769388020039, -0.018171969801187515, 0.01948978379368782, -0.004036674275994301, -0.011908882297575474, -0.0003470100637059659, -0.0024050117935985327, 0.01062574703246355, 0.010958668775856495, 0.0002819863148033619, -0.016923513263463974, -0.0034159142524003983, -0.011957434006035328, -0.0190181452780962, 0.018005508929491043, -0.013302992098033428, 0.018699096515774727, -0.022680282592773438, -0.016687694936990738, -0.0022038714960217476, -0.027466030791401863, 0.014648550190031528, 0.006485035177320242, -0.019045889377593994, -0.01768646016716957, 4.2075782403117046e-05, -0.015688929706811905, 0.014454345218837261, 0.005215771496295929, -0.0015701067168265581, -0.002550664823502302, -0.023498715832829475, -0.01897653006017208, -0.013400093652307987, 0.0039395722560584545, 0.014482089318335056, -0.021320853382349014, -0.010348312556743622, 0.010653491131961346, -0.004383467603474855, -0.020238857716321945, 0.019989166408777237, 0.0015033490490168333, -0.026869546622037888, -0.005122137255966663, -0.06974707543849945, 0.009495201520621777, 0.0015414963709190488, -2.1823594579473138e-05, 0.007816721685230732, -0.006706982851028442, 0.006058479193598032, -0.008683704771101475, -0.016091210767626762, 0.005021567456424236, -0.03872987627983093, -0.004119904711842537, -0.02785443887114525, -0.011555153876543045, -0.02703600749373436, 0.018699096515774727, 0.004827362950891256, -0.009807314723730087, 0.03101719543337822, 0.008052540943026543, 0.007078051567077637, -0.009037434123456478, -0.004588075447827578, 0.018019380047917366, -0.01509244553744793, -0.026286933571100235, -0.01725643500685692, 0.02352645806968212, -0.007164750248193741, 0.0009164013317786157, 0.013192017562687397, -0.024802658706903458, 0.004657434299588203, -0.0005479334504343569, -0.017242563888430595, -0.005999524611979723, 0.023554202169179916, 0.027022136375308037, 0.036260709166526794, 0.017977766692638397, -0.037980806082487106, -0.025523988530039787, 0.009543752297759056, -0.000500249385368079, 0.005947505589574575, -0.0016160568920895457, -0.0063220420852303505, 0.009439714252948761, -0.010556388646364212, 0.014662421308457851, 0.026397908106446266, 0.015050830319523811, -0.01643800362944603, -0.03856341913342476, -0.02982422523200512, -0.010119428858160973, 0.007726555224508047, -0.0025593347381800413, 0.019462041556835175, -0.03154432028532028, 0.0410325862467289, -0.008600474335253239, 0.01287296786904335, -0.023845508694648743, 0.01757548563182354, 0.02578755095601082, 0.007071116007864475, -0.006356721743941307, -0.007990118116140366, 0.010861567221581936, -0.006113966461271048, 0.008177386596798897, -0.0009952968684956431, 0.02197282575070858, 0.010639619082212448, -0.012110022827982903, 0.007386697921901941, 0.018518762663006783, 0.001961116213351488, -0.012165510095655918, 0.008121899329125881, -0.0009415438398718834, -0.004855106584727764, 0.015466982498764992, 0.01763097196817398, 0.009626982733607292, -0.018782326951622963, 0.00946052186191082, -0.015799904242157936, 0.0009467457421123981, 1.9886429072357714e-05, -0.01367752905935049, -0.006165985483676195, 0.014815011061728, -0.009370355866849422, 0.011603704653680325, -0.01628541387617588, 0.019059760496020317, -0.0032667929772287607, 0.006523182149976492, 0.009058241732418537, -0.016216056421399117, -0.021806364879012108, -0.036011017858982086, -0.027230212464928627, -0.002885320456698537, -0.04647030681371689, -0.02062726765871048, 0.021626031026244164, 0.007386697921901941, 0.014898241497576237, -0.0013628978049382567, 0.005177624057978392, 0.01147885899990797, -0.016063466668128967, 0.0021917338017374277, -0.009328740648925304, -0.001891757594421506, -0.030406838282942772, 0.024025840684771538, 0.03376379609107971, -0.004012398887425661, 0.04863429442048073, 0.010167980566620827, 0.036066506057977676, 0.010993348434567451, 0.015938621014356613, -0.016881898045539856, 0.016923513263463974, -0.0008830224978737533, 0.005597244016826153, 0.000510219659190625, 0.00047554034972563386, 0.0010681233834475279, -0.016937386244535446, 0.006523182149976492, 0.004074821714311838, 0.006467695347964764, -0.0027049880009144545, 0.09510459750890732, 0.03789757564663887, -0.008614346385002136, 0.018879428505897522, -0.011506602168083191, -0.004653966519981623, 0.017395153641700745, -0.0028194296173751354, -0.027327314019203186, -0.046914201229810715, 0.0009007956250570714, 0.004834298975765705, -0.0005301602650433779, -0.05154735967516899, 0.004480569623410702, -0.02796541340649128, 0.014246270060539246, 0.005118669476360083, -0.007428313139826059, -0.004296769388020039, 0.022000567987561226, 0.010611875914037228, 0.007740426808595657, 0.014412730000913143, 0.0073381466791033745, 0.012560853734612465, 0.03659363090991974, 0.009016626514494419, -0.005576436407864094, -0.026952777057886124, 0.041282277554273605, 0.01664607971906662, -0.033930256962776184, -0.010958668775856495, 0.017409024760127068, 0.0006667101406492293, 0.0008431412861682475, -0.0034644652623683214, 0.03956218063831329, 0.004355723969638348, -0.007899952121078968, 0.006530118174850941, -0.01937881112098694, -0.004837766755372286, -0.012373585253953934, 0.01442660205066204, -0.00036023155553266406, -0.014523704536259174, -0.03334764763712883], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='b8e0cc56-effa-41aa-8284-d8b22046ed05', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '6', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_type': 'application/pdf', 'file_size': 885090, 'creation_date': '2024-02-25', 'last_modified_date': '2024-02-07', 'last_accessed_date': None}, hash='452f04a1073c7bb50aa9e027b7f08962fbea78b0be7cab31323cab8c01adcfbc')}, text='Table 1: Accuracy and latency comparison of LLMCompiler compared to the baseline on different benchmarks,\\nincluding HotpotQA, Movie Recommendation, our custom dataset named ParallelQA, and the Game of 24. For\\nHotpotQA and Movie Recommendation, we frequently observe looping and early stopping (Sec. ', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='78ea4b2d-8b3e-4da6-a845-fec058973150', embedding=[-0.014216802082955837, 0.0036186273209750652, -0.011582470498979092, -0.022807015106081963, -0.006456976756453514, 0.01572008989751339, 0.001667038188315928, -0.007079767063260078, -0.03656567260622978, -0.03476172685623169, 0.02886311523616314, 0.01417385134845972, 0.018239885568618774, -0.005508474074304104, -0.0023104094434529543, 0.004749672021716833, 0.01020087767392397, 0.007673923391848803, -0.002131446497514844, 0.007967422716319561, -0.016851134598255157, -0.0009171841666102409, -0.011575312353670597, -0.025684736669063568, -0.011217386461794376, -0.019614320248365402, 0.028390653431415558, -0.039114102721214294, -0.006639518775045872, -0.002858035499230027, 0.005590796936303377, -0.028877433389425278, -0.03043798729777336, -0.0001777324068825692, -0.01779605820775032, -0.014932653866708279, 0.0006259222864173353, -0.0020348066464066505, 0.03152608126401901, -0.003944339230656624, 0.019614320248365402, 0.01098831370472908, 0.0031765892636030912, -0.004606501664966345, 0.01719474233686924, 0.008203653618693352, 0.01000759843736887, -0.025870857760310173, -0.024725496768951416, 0.016493208706378937, 0.025355445221066475, 0.027932509779930115, -0.011833018623292446, 0.02725960873067379, -0.0029743611812591553, 0.0030638426542282104, 0.015090140514075756, 0.014087948948144913, 0.0033179698511958122, -0.0065500373020768166, -0.015491017140448093, 0.01332914736121893, -0.013572536408901215, 0.041691165417432785, 0.011002630926668644, -0.010701973922550678, 0.005537108052521944, 0.0005883401026949286, 0.0012572134146466851, -0.021675970405340195, 0.005937984678894281, 0.004563550464808941, 0.010394157841801643, -0.002043754793703556, 0.028634043410420418, -0.0289776511490345, -0.004925055429339409, -0.004005186725407839, 0.009957488626241684, 0.007917312905192375, 0.02113192342221737, 0.00668962812051177, -0.0009485026821494102, 0.03656567260622978, 0.008883711881935596, -0.020831266418099403, 0.0025144268292933702, 0.018955737352371216, -0.005626589525490999, -0.010150767862796783, -0.003951497841626406, 0.017724473029375076, 0.04521315544843674, 0.009685465134680271, -0.0033967134077101946, 0.006392550189048052, 0.006267276126891375, 0.023379696533083916, -0.02210548147559166, -0.009800001047551632, 0.00012560949835460633, -0.024868667125701904, -0.04137619212269783, -0.011940396390855312, -0.007165669463574886, -0.0059916735626757145, -0.0023175678215920925, -0.008411250077188015, 0.005909350700676441, 0.02761753462255001, -0.022635210305452347, 0.018468957394361496, 0.010766400024294853, -0.021418264135718346, -0.012992696836590767, -0.004932214040309191, 0.011969029903411865, -0.02088853530585766, -0.008969614282250404, -0.0109310457482934, 0.0496227964758873, 0.010072024539113045, 0.024467790499329567, -0.006886487361043692, 0.027230974286794662, -0.007559387478977442, -0.03046662174165249, -0.020659461617469788, -0.029249675571918488, -0.013694231398403645, 0.006192111875861883, 0.01265624724328518, 0.0174381323158741, 0.021446898579597473, -0.0257706381380558, 0.006882908288389444, 0.004588605370372534, 0.004141198471188545, -0.023537183180451393, -0.015791675075888634, 0.008017532527446747, 0.005676698870956898, -0.0018415269441902637, -0.01540511567145586, -0.020101098343729973, 0.006736158858984709, 0.016392989084124565, 0.018254201859235764, 0.014961287379264832, -0.011267496272921562, -0.012863843701779842, -0.020430389791727066, 6.26369683232042e-06, 0.026729879900813103, -0.00236230855807662, -0.003348393365740776, 0.012749307788908482, 0.026056978851556778, -0.03650840371847153, -0.021074656397104263, 0.024381887167692184, 0.0244248379021883, -0.004434697329998016, 0.00994317140430212, -0.011188752017915249, 0.03424631431698799, 0.0378255695104599, -0.010845144279301167, 0.008260921575129032, -0.024496423080563545, 0.005197078920900822, 0.027230974286794662, -0.03043798729777336, 0.009842952713370323, 0.020330170169472694, -0.010594596154987812, 0.006378232967108488, -0.0009592404239811003, 0.0046029225923120975, -0.020043829455971718, 0.00014853909669909626, -0.010923887602984905, 0.021203508600592613, 0.021876409649848938, -0.009019723162055016, -0.002843718510121107, 0.020201317965984344, 0.007530753500759602, 0.014410082250833511, -0.008096275851130486, 0.013193135149776936, 0.03304368630051613, -0.01171848177909851, -0.012348431162536144, -0.6129975914955139, -0.003511249553412199, -0.00019607608555816114, -0.03842688724398613, -0.004313002806156874, 0.01166121382266283, -0.00041653585503809154, -0.005737546365708113, -0.0014728636015206575, 0.03344456106424332, 0.01706589013338089, 0.006453397683799267, 0.0048248362727463245, -0.005988094490021467, -0.007745508570224047, -0.027545949444174767, 0.0023730462417006493, -0.01594916172325611, 0.01892710290849209, 0.017108840867877007, -0.04618671163916588, 0.005354566033929586, -0.0005673120031133294, -0.014388606883585453, -0.02760321833193302, 0.02957896701991558, 0.037625133991241455, -0.006041782908141613, 0.0037510597612708807, 0.013200294226408005, -0.01350811030715704, -0.0023569397162646055, 0.01683681830763817, 0.006417605094611645, 0.0469311960041523, -0.011711323633790016, -0.00792447105050087, 0.010415633209049702, 0.012785100378096104, 0.04541359096765518, -0.03373090177774429, 0.005719650071114302, 0.018111031502485275, -0.0026146459858864546, -0.028175897896289825, 0.013171659782528877, 0.02038743905723095, 0.006199270486831665, -0.0338454395532608, -0.01473221555352211, -0.011088533326983452, 0.0025233749765902758, -0.012112200260162354, 0.011145801283419132, 0.009549453854560852, 0.017738789319992065, 0.03610752895474434, -0.004316581878811121, -0.009198686107993126, 0.009470709599554539, -0.006424763239920139, -0.011790066957473755, -0.0001904834934975952, -0.031125204637646675, -0.0434664785861969, -0.004194887354969978, 0.0035738865844905376, 0.002840139204636216, -0.013372098095715046, -0.019557051360607147, 0.010057707317173481, 0.018139665946364403, 0.015648504719138145, 0.003826224012300372, 0.012076407670974731, -0.021561434492468834, 0.02531249448657036, 0.003933601547032595, -0.01356537826359272, 0.030123014003038406, 0.025584517046809196, -0.015691455453634262, -0.01815398409962654, -0.005333090666681528, 0.02382352389395237, -0.01667932979762554, 0.0011659424053505063, -0.001888057217001915, 0.033215489238500595, 0.008611688390374184, 0.0025197959039360285, 0.012598979286849499, -0.027946826070547104, -0.0517989844083786, 0.014087948948144913, 0.023852158337831497, -0.016636379063129425, 0.016178233548998833, 0.027674803510308266, -0.04043126851320267, -0.009370490908622742, -0.030667060986161232, 0.04074624180793762, -0.0031336380634456873, 0.018196934834122658, 0.024510741233825684, -0.020731046795845032, 0.013357780873775482, 0.0017887328285723925, -3.459014624240808e-05, -0.029808038845658302, -0.029979843646287918, 0.01779605820775032, -0.029292626306414604, 0.022506358101963997, -0.036794744431972504, 0.011525202542543411, -0.0004559076623991132, 0.010193719528615475, 0.00859737116843462, 0.01380160916596651, -0.013543901965022087, 0.004939372651278973, 0.007480643689632416, -0.006059679202735424, 0.015691455453634262, 0.02652944065630436, -0.0006787162856198847, 0.015920527279376984, 0.008382616564631462, -0.0032875461038202047, -0.026228783652186394, 0.014510300941765308, -0.016120966523885727, 0.023909425362944603, 0.0136226462200284, 0.03490489721298218, -0.016965670511126518, 0.01160394586622715, -0.039457712322473526, -0.034045878797769547, 0.0019829075317829847, 0.010193719528615475, -0.01803944632411003, -0.026973268017172813, -0.030151646584272385, -0.03670884296298027, 0.01411658339202404, 0.002881300635635853, -0.00041318029980175197, -0.00616705697029829, 0.009907378815114498, -0.010780717246234417, 0.005282980855554342, -0.018612127751111984, -0.021289411932229996, 0.002772133331745863, -0.026815781369805336, -0.01234127301722765, -0.026056978851556778, 0.0036365233827382326, 0.008003215305507183, -0.004040979314595461, 0.012785100378096104, -0.005633748136460781, -0.007430534344166517, -0.015204677358269691, 0.020058147609233856, -0.03596435859799385, -0.03255690634250641, 0.007545070257037878, -0.044010523706674576, -0.01043710857629776, 0.011117166839540005, -0.002677283016964793, 0.013100074604153633, -0.021046021953225136, 0.003239226061850786, 0.01006486639380455, 0.002528744051232934, 0.010802192613482475, 0.02714507281780243, 0.009699782356619835, -0.021933676674962044, 0.028777213767170906, 0.02491161786019802, 0.0034665088169276714, 0.008862236514687538, -0.007595180068165064, 0.01719474233686924, 0.00760949682444334, 0.03292914852499962, -0.00871906615793705, 0.016793865710496902, -0.009191527962684631, 0.011088533326983452, 0.012570344842970371, 0.004227100405842066, 0.004889262840151787, 0.01829715445637703, 0.014946970157325268, 0.007319577503949404, 0.001692092977464199, -0.014102266170084476, -0.009134260006248951, -0.026930317282676697, 0.01178290881216526, -0.03891366347670555, -0.002369467169046402, -0.01742381602525711, 0.0013798029394820333, -0.008812126703560352, -0.02002951316535473, 0.007104821968823671, -0.013178817927837372, 0.029378527775406837, -0.0070726084522902966, 0.022993136197328568, 0.017638569697737694, -0.02836201898753643, 0.01828283630311489, -0.012899636290967464, 0.007573704235255718, 0.002682651858776808, -0.00524718826636672, 0.006399708800017834, -0.018941419199109077, 0.02518364042043686, 0.007269467692822218, -0.007473485078662634, -0.01745244860649109, -0.002097443677484989, 0.016249818727374077, 0.0020348066464066505, 0.024754131212830544, 0.004928634501993656, 0.023909425362944603, 0.02048765867948532, 0.019914977252483368, 0.005791235249489546, -0.003323338693007827, -0.0031103729270398617, -0.0025323231238871813, -0.011654055677354336, 0.025455664843320847, -0.011983347125351429, 0.04569993168115616, 0.026729879900813103, 0.0016616693465039134, 0.009012565016746521, -0.010866619646549225, 0.007076187990605831, -0.025870857760310173, 0.006421184167265892, 0.017380863428115845, -0.0014764429070055485, 0.023408330976963043, -0.0037152671720832586, 0.033816803246736526, 0.022305918857455254, -0.007108401041477919, 0.0027256030589342117, 0.016278453171253204, -0.0022477724123746157, -0.006435501389205456, -0.019857708364725113, 0.0025699054822325706, 0.005490577779710293, -0.002662966027855873, 5.041716940468177e-05, 0.015605553984642029, -0.01854054257273674, -0.007273046765476465, -0.04286516085267067, 0.005866399500519037, 0.0327000766992569, 0.0068578533828258514, 0.029135139659047127, 0.006825639866292477, -0.0028651938773691654, -0.0041268812492489815, -0.025469981133937836, 0.010021914727985859, -0.0016473522409796715, -0.007326735649257898, -0.0063352822326123714, -0.017853325232863426, -0.015992112457752228, 0.005733967293053865, -0.002892038319259882, 0.0034665088169276714, 0.014975604601204395, -0.0022853545378893614, 0.020702412351965904, -0.01355821918696165, 0.0033949236385524273, 0.04569993168115616, 0.004953689407557249, -0.003539883531630039, -0.015190360136330128, -0.022134115919470787, 0.011274654418230057, -0.020172683522105217, -0.02850518934428692, 0.04690256342291832, 0.01423827838152647, -0.00982863549143076, -0.029263991862535477, -0.002722023753449321, -0.015147408470511436, 0.0169227197766304, 0.0277607049793005, 0.012169468216598034, -0.003998028114438057, 0.013092916458845139, 0.006152740214020014, -0.011732799001038074, -0.0018934260588139296, 0.003062052885070443, 0.010143609717488289, -0.0116683728992939, -0.022549308836460114, 0.011131484061479568, 0.027588900178670883, 0.019242076203227043, 0.020816950127482414, 0.008124909363687038, 0.01037984061986208, -0.04183433577418327, 0.013028489425778389, -0.0160923320800066, -0.030008478090167046, 0.005440468434244394, -0.016507524996995926, -0.00518992030993104, -0.010293938219547272, 0.018254201859235764, 0.0014558620750904083, 0.022807015106081963, 0.006242221221327782, -0.0006263696704991162, -0.024367570877075195, -0.012849526479840279, -0.006256538443267345, -0.003545252373442054, -0.007358949165791273, 0.02419576607644558, 0.017724473029375076, -0.012799417600035667, -0.0012402120046317577, 0.030037110671401024, 0.006403287872672081, 0.007079767063260078, -0.039343174546957016, -0.00915573537349701, -0.003545252373442054, 0.001997224520891905, 0.008074800483882427, 0.0022638789378106594, 0.01583462581038475, 0.007290943060070276, 0.0029868886340409517, 0.009112784639000893, -0.000706455553881824, 0.011739958077669144, 0.02567042037844658, 0.01461052056401968, 0.004874945618212223, 0.0250691045075655, -0.021833457052707672, 0.013980571180582047, 0.007423375733196735, 0.0013234296347945929, -0.021146241575479507, 0.010408475063741207, -0.014746531844139099, -0.04117575287818909, 0.015018555335700512, 0.00017337017925456166, 0.011539519764482975, -0.00705829169601202, 0.0003565833321772516, -0.013228927738964558, -0.023766255006194115, -0.007573704235255718, -0.015018555335700512, 0.02048765867948532, -0.0020169103518128395, -0.008117751218378544, -0.00039908697362989187, -0.02502615377306938, -0.024868667125701904, -0.009907378815114498, 0.0033716585021466017, -0.029779404401779175, -0.009928854182362556, -0.048448801040649414, -0.002043754793703556, 0.0002894722856581211, 0.015304896049201488, 0.03413178026676178, -0.008969614282250404, -0.019943611696362495, 0.011833018623292446, -0.020344488322734833, -0.01818261668086052, -0.015004239045083523, -0.021704604849219322, 0.005658802576363087, 0.003214171389117837, 0.0034146097023040056, -0.02273542992770672, -0.016779549419879913, 0.005519211757928133, -0.008561578579246998, -0.023408330976963043, 0.00016889612015802413, 0.005376041401177645, 0.01006486639380455, 0.03341592848300934, 0.02395237796008587, 0.05317341908812523, 0.0007350895903073251, -0.02850518934428692, 0.012935428880155087, -0.022162748500704765, 0.009914537891745567, -0.007802776992321014, -0.013751499354839325, -0.014861068688333035, -0.006281593348830938, 0.012620454654097557, 0.011654055677354336, -0.017967863008379936, 0.030781596899032593, -0.0034253473859280348, -0.003441454144194722, -0.00155160715803504, 0.03355909883975983, 0.004692403599619865, 0.007258730009198189, 0.010301097296178341, 0.00040736401570029557, -0.007645289413630962, -0.012434333562850952, -0.0132074523717165, 0.028218848630785942, -0.0020204896572977304, -0.025613151490688324, 0.01646457426249981, -6.060965461074375e-06, -0.006013148929923773, -0.01355821918696165, 0.016994304955005646, -0.006503507029265165, 0.027545949444174767, 0.003833382623270154, -0.025627467781305313, -0.014503142796456814, -0.013436525128781796, -0.0069365971721708775, 0.021933676674962044, 0.005164865404367447, 0.009656830690801144, -0.01546238362789154, -0.0023748360108584166, -0.005762601271271706, 0.016550477594137192, 0.01594916172325611, -0.023164940997958183, -0.01241285726428032, 0.0028902487829327583, -0.002240613801404834, 0.00915573537349701, -0.013644121587276459, 0.010608913376927376, -0.034933533519506454, -0.011675531044602394, -0.04444003477692604, -0.036422502249479294, 0.013143026269972324, -0.002913513919338584, 0.022277286276221275, 0.01473221555352211, 0.058213010430336, -0.01716610975563526, 0.015247628092765808, 0.012692039832472801, -0.005018115974962711, 0.0033108112402260303, 2.262201269331854e-05, -0.02197662740945816, 0.004198466427624226, -0.013586853630840778, -0.008454200811684132, -0.006482031662017107, 0.019914977252483368, 0.001449598465114832, -0.000550757918972522, 0.01338641531765461, -0.025341128930449486, -0.007981739938259125, 0.0004921476356685162, -0.013465158641338348, -0.0008800494251772761, 0.006363916210830212, -0.004846311639994383, -0.001232158625498414, -0.0232078917324543, 0.021819140762090683, 0.03184105455875397, 0.01521899364888668, 0.02088853530585766, 0.03988722339272499, 0.03207013010978699, -0.009878745302557945, 0.021275093778967857, -0.009119942784309387, 0.017380863428115845, -0.036537040024995804, -0.02494025230407715, -0.03144017979502678, -0.005444047506898642, 0.0001318731956416741, -0.011346239596605301, 0.015333530493080616, 0.013551061041653156, 0.0016321404837071896, -0.006170636508613825, 0.01977180689573288, -0.03318685665726662, 0.006482031662017107, -0.006482031662017107, -0.00402308302000165, 0.011217386461794376, -0.013279037550091743, -0.012498759664595127, -0.011131484061479568, -0.028261801227927208, 0.021561434492468834, -0.015118774957954884, 0.022134115919470787, -0.01705157198011875, -0.020101098343729973, 0.03043798729777336, 0.01584894210100174, 0.030352085828781128, -0.004008766263723373, 0.019485466182231903, -0.010344048030674458, 0.009434917010366917, -0.007695399224758148, -0.0027596058789640665, 0.005100438836961985, -0.012462967075407505, 0.005698174703866243, 0.03438948467373848, -0.023866474628448486, -0.028777213767170906, 0.013493793085217476, -0.0010012966813519597, -0.03232783451676369, -0.05509189888834953, 0.008081958629190922, 0.004860628861933947, 0.0071943034417927265, -0.047561146318912506, -0.0116683728992939, -0.028089996427297592, 0.015433749184012413, -0.026729879900813103, 0.020301535725593567, 0.006822060793638229, -0.016407307237386703, -0.01818261668086052, 0.02494025230407715, 0.0032123816199600697, 0.013171659782528877, -0.012284004129469395, -0.011654055677354336, 0.03178378939628601, 0.007487802300602198, 0.009148577228188515, 0.015992112457752228, 0.013293354772031307, 0.029922574758529663, -0.029077870771288872, 0.011360556818544865, 0.010036231949925423, -0.002858035499230027, -0.018612127751111984, -0.012584662064909935, -0.0024517900310456753, 0.028319068253040314, -0.007312418892979622, 0.00970694050192833, 0.028319068253040314, 0.01128897164016962, 0.03132564201951027, -0.010845144279301167, -0.002177977003157139, -0.0062923310324549675, 0.006678890436887741, 0.024525057524442673, 0.04736070707440376, -0.011267496272921562, -0.01510445773601532, 0.009964646771550179, 0.001210683141835034, -0.010523010976612568, 0.003156903199851513, -0.021418264135718346, 0.02760321833193302, -0.057668961584568024, 0.009098467417061329, 0.0009995070286095142, -0.004932214040309191, 0.006489189807325602, 0.0063352822326123714, -0.010072024539113045, -0.015161725692451, 0.015161725692451, -0.03839825093746185, 0.02160438522696495, -0.0008290450205095112, 0.021275093778967857, -0.001667038188315928, 0.027445729821920395, -0.0246825460344553, -0.0021242881193757057, 0.029636234045028687, -0.01902732253074646, -0.01729496195912361, -0.02014404907822609, 0.011510885320603848, 0.019184809178113937, 0.009527977555990219, -0.017266327515244484, 0.0277607049793005, -0.008396932855248451, 0.011160118505358696, -0.015362164005637169, -0.003659788751974702, 0.011790066957473755, -0.02097443677484989, 0.02040175534784794, 0.04123302176594734, -0.010852302424609661, 0.009986122138798237, -0.00889802910387516, -0.016521843150258064, -0.008812126703560352, -0.033587731420993805, -0.0071155596524477005, 0.0069115422666072845, 0.01350095123052597, -0.018740981817245483, 0.002387363463640213, -0.009363331831991673, -0.003262491198256612, -0.013472317717969418, 0.002630752744153142, 0.016149600967764854, -0.006159898359328508, 0.0059129297733306885, -0.001728780334815383, -0.013844559900462627, 0.03573528677225113, -0.023279476910829544, -0.0036866329610347748, -0.004527757875621319, 0.005365303717553616, -0.012563186697661877, -0.032843247056007385, -0.018511908128857613, 0.023522866889834404, 0.021260777488350868, -0.02270679548382759, -0.0485919713973999, -0.0245536919683218, -0.05068225786089897, -0.014596203342080116, -0.028447922319173813, 0.00833966489881277, 0.008311031386256218, 0.007809935137629509, 0.003772535128518939, 0.03765376657247543, -0.022921551018953323, 0.00944923423230648, -0.027173707261681557, -0.01087377779185772, 0.017824692651629448, -0.013808767311275005, 0.0022746168542653322, -0.01990065909922123, -0.027646169066429138, 0.014889702200889587, 0.012427174486219883, -0.010222353041172028, 0.017209060490131378, 0.018970053642988205, -0.014359972439706326, -0.023379696533083916, -0.003962235525250435, 0.0050002196803689, -0.015018555335700512, -0.0030173123814165592, 0.002118919277563691, -0.03656567260622978, -0.006474873051047325, 0.042407017201185226, 0.0004525521071627736, -0.009284588508307934, -0.0035720968153327703, 0.008940979838371277, 0.004169832449406385, -0.006460555829107761, -0.009291746653616428, -0.015004239045083523, 0.010544486343860626, -0.02860540896654129, 0.040230829268693924, 0.006829219404608011, 0.003427137155085802, 0.020416073501110077, 0.007888678461313248, -0.020816950127482414, -0.004377429373562336, -0.008876553736627102, -0.0045850262977182865, -0.0028455080464482307, 0.023236526176333427, -0.006113368086516857, -0.010523010976612568, -0.0056910160928964615, -0.011926079168915749, -0.0012527393409982324, -0.009298905730247498, -0.00755222886800766, -0.011861652135848999, -0.039085470139980316, 0.020917167887091637, 0.0327000766992569, 2.427182516839821e-05, 0.00907699204981327, -0.01510445773601532, 0.014760849066078663, -0.006202849559485912, -0.02137531340122223, 0.0036902122665196657, -0.010744924657046795, -0.008246604353189468, -0.006145581603050232, -0.024138499051332474, 0.011439300142228603, 0.0024088388308882713, -0.004610080737620592, -0.011059898883104324, -0.0029707818757742643, 0.2136099636554718, -0.011074216105043888, -0.016135282814502716, 0.03146881237626076, -0.006224324926733971, -0.010265304706990719, 0.022792698815464973, -0.008804968558251858, -0.037281524389982224, 0.01978612318634987, 0.006102630402892828, -0.01753835193812847, 0.002054492710158229, -0.0017010411247611046, 0.011360556818544865, -0.0017958914395421743, -0.011997664347290993, -0.016392989084124565, -0.014674946665763855, 0.004778305999934673, 0.027660485357046127, 0.0013028489192947745, 0.007645289413630962, -0.014417240396142006, 0.033215489238500595, 0.0054512061178684235, 0.014331338927149773, 0.006149160675704479, 0.02174755558371544, 0.008332506753504276, -0.011074216105043888, 0.011510885320603848, -0.008518627844750881, 0.0169227197766304, -0.009950329549610615, 0.00871906615793705, 0.00840409193187952, 0.01196187175810337, 0.020945802330970764, 0.009606721810996532, -0.0012885319301858544, 0.02001519687473774, 0.0072121997363865376, -0.01583462581038475, -0.018268520012497902, 0.01380160916596651, -0.006600147113204002, -0.01289247814565897, -0.007201462052762508, 0.011217386461794376, -0.032356467097997665, 0.025827907025814056, 0.01024382933974266, 0.020330170169472694, -0.010072024539113045, -0.010902412235736847, 0.008153543807566166, 0.01670796424150467, 0.007129876874387264, 0.03353046625852585, -0.023895109072327614, 0.006639518775045872, -0.02322220988571644, 0.003811907023191452, -0.016979986801743507, -0.0036794745828956366, -0.026500806212425232, 0.003532725153490901, 0.006779109593480825, -0.015347846783697605, -0.0014773376751691103, -0.017524033784866333, 0.007931630127131939, 0.0036651575937867165, -0.02061651088297367, -0.03496216610074043, 0.012584662064909935, 0.029178090393543243, 0.02234887145459652, 0.03962951526045799, 0.015777356922626495, -0.013636963441967964, -0.025842223316431046, -0.0020705992355942726, -0.0244248379021883, -0.004957268945872784, 0.014166693203151226, -0.020101098343729973, -0.02750299870967865, -0.009599562734365463, 0.0015578708844259381, -0.032356467097997665, -0.023895109072327614, 0.0005950512131676078, 0.005819869227707386, -0.014517460018396378, 0.0016643537674099207, 0.003726004855707288, -0.018397372215986252, -0.029607601463794708, -0.025742005556821823, 0.07072608917951584, 0.009878745302557945, -0.004610080737620592, 0.021446898579597473, 0.004198466427624226, -0.014760849066078663, 0.012956904247403145, 0.027044853195548058, 0.001112253637984395, 0.005454785190522671, -0.059616077691316605, 0.009549453854560852, -0.003069211496040225, 0.008618846535682678, 0.012742149643599987, 0.003704529255628586, -0.0026039083022624254, 0.0257706381380558, 0.010973997414112091, -0.013479475863277912, 0.0002946174645330757, -0.0004823046620003879, 0.016278453171253204, -0.023494232445955276, -0.018239885568618774, -0.020416073501110077, -0.012255370616912842, -0.027775021269917488, 0.007724033202975988, 0.007530753500759602, -0.011797226034104824, 0.01988634280860424, 0.00932753924280405, 0.0011033054906874895, -0.009921696037054062, 0.004796202294528484, -0.005784076638519764, -0.01914185844361782, 0.005512053146958351, 0.007953105494379997, 0.008203653618693352, 0.002677283016964793, 0.017881959676742554, 0.019714538007974625, -0.0005664171767421067, -0.0005990778445266187, 0.04690256342291832, -0.01990065909922123, -0.0174381323158741, -0.0017994706286117435, -0.0065500373020768166, -0.0019918556790798903, 0.00883360207080841, 0.01400204747915268, -3.6939032725058496e-05, -0.003783273044973612, -0.03327275812625885, 0.014904019422829151, 0.002018700120970607, -0.03791147470474243, 0.002696968847885728, 0.010909570381045341, 0.020673779770731926, -0.01990065909922123, -0.023293793201446533, -0.1846323162317276, -0.005909350700676441, 0.03126837685704231, -0.03753922879695892, 0.013951937668025494, 0.015448066405951977, 0.037138354033231735, 0.000717640679795295, -0.022878600284457207, -0.003482615575194359, 0.02418144978582859, 0.0038906505797058344, -0.029750769957900047, -0.002684441627934575, -0.011933237314224243, -0.010916728526353836, 0.004896421451121569, 0.021890725940465927, 0.02370898798108101, 0.010830827057361603, 0.031239740550518036, -0.024768447503447533, 0.008575895801186562, 0.006381812505424023, 0.029750769957900047, -0.009370490908622742, -0.008003215305507183, 0.011009790003299713, 0.010329730808734894, -0.04655895382165909, -0.025484299287199974, 0.005082542542368174, 0.007090504746884108, -0.010021914727985859, -0.006077575497329235, 0.001902374206110835, 0.006807743571698666, -0.003736742539331317, -0.02456800825893879, 0.007945947349071503, 0.019614320248365402, 0.014832434244453907, 0.004620818886905909, -0.015576919540762901, -0.00932753924280405, 0.027059171348810196, -0.0002713522990234196, -0.03957224637269974, 0.004964427091181278, 0.005175603087991476, -0.004055296536535025, -0.02160438522696495, 0.020115414634346962, 0.001852264627814293, 0.007401900365948677, -0.00024428419419564307, 0.0049035800620913506, 0.02293586917221546, -0.01656479388475418, 0.006063258741050959, 0.007065450306981802, -0.017409497871994972, 0.04074624180793762, -0.002149342792108655, -0.01245580893009901, -0.013844559900462627, -0.013028489425778389, 0.011704165488481522, -0.0383409820497036, 0.005619430914521217, -0.007537911646068096, -0.008905187249183655, -0.007083346601575613, -0.007233675103634596, 0.0013538533821702003, 0.02085990086197853, 0.0009234478930011392, 0.01146793458610773, 0.022005261853337288, 0.015061507001519203, -0.004291527438908815, 0.019972244277596474, -0.014760849066078663, 0.026443539187312126, -0.00938480719923973, -0.00427005160599947, 0.009599562734365463, 0.036164797842502594, -0.021876409649848938, 0.0007892257999628782, 0.025956759229302406, -0.02100307121872902, 0.003704529255628586, -0.009986122138798237, 0.011589628644287586, 0.019685905426740646, 0.0030459463596343994, -0.008511469699442387, 0.002136815572157502, -0.028906065970659256, 0.0024768447037786245, 0.003427137155085802, -0.010250987485051155, -0.013364939950406551, 0.017352230846881866, 0.0025502194184809923, -0.02798977680504322, 0.0009051042143255472, 0.029750769957900047, -0.01965727098286152, -0.020058147609233856, 0.003958656452596188, 0.007219358347356319, 0.02358013391494751, -0.024410521611571312, 0.019743172451853752, 0.015920527279376984, -0.02306472137570381, -0.007036816328763962, -0.010694814845919609, 0.06448386609554291, 0.009613879956305027, -0.0035345146898180246, 0.009928854182362556, 0.002634332049638033, -0.028820164501667023, -0.12472989410161972, -0.03378817066550255, 0.012062090449035168, 0.02100307121872902, -0.004441855940967798, 0.017022939398884773, 0.002591380849480629, 0.04461183771491051, -0.008489993400871754, 0.03241373598575592, -0.014861068688333035, -0.02297881990671158, -0.015261945314705372, 0.0017064099665731192, -0.0003950603131670505, -0.010029073804616928, -0.005039591807872057, -0.028805848211050034, -0.002779291709885001, 0.048792410641908646, -0.005504895001649857, -0.005934405606240034, 0.024897299706935883, -0.04318013787269592, -0.007860044948756695, 0.0009637144976295531, -0.0036579989828169346, -7.885547347541433e-06, -0.01437428966164589, 0.0314115472137928, 0.017252011224627495, -0.011145801283419132, 0.012906795367598534, -0.034675825387239456, 0.011374874040484428, -0.04552812874317169, -0.025956759229302406, -0.01055164448916912, 0.02383784018456936, -0.006002411246299744, -0.0028848799411207438, 0.012792258523404598, -0.002786450320854783, 0.01879824884235859, 0.006163477897644043, -0.008210811764001846, 0.0010361943859606981, 0.024381887167692184, 0.011496568098664284, -0.021776190027594566, -0.010386998765170574, 0.018196934834122658, -0.021575750783085823, -0.004184149671345949, 0.023408330976963043, 0.004466910846531391, 0.010888095013797283, 0.02518364042043686, -0.0375678651034832, -0.00015603315841872245, -0.00610978901386261, -0.007290943060070276, -0.0006550037651322782, -0.009291746653616428, 0.01682250015437603, 0.01510445773601532, 0.0008321768837049603, -0.02100307121872902, -0.0024661070201545954, -0.0026862311642616987, -0.01852622628211975, 0.027102122083306313, -0.00040825881296768785, 0.010630388744175434, -0.009320381097495556, -0.014130900613963604, -0.004355954006314278, -0.03865595906972885, 0.009535136632621288, 0.010587437078356743, -0.015433749184012413, -0.022549308836460114, -0.008905187249183655, -0.022778380662202835, -0.0011364135425537825, 0.008081958629190922, 0.0025448505766689777, 0.0042056250385940075, -0.01706589013338089, -0.029163772240281105, -0.02760321833193302, 0.027631850913167, -0.0007476169848814607, -0.012026297859847546, -0.03152608126401901, 0.007502119522541761, -0.024897299706935883, 0.0012956904247403145, 0.02431030198931694, 0.018211251124739647, -0.03925727307796478, -0.011732799001038074, -0.055807750672101974, 0.008089116774499416, -0.0039407601580023766, -0.0031694306526333094, -0.008260921575129032, -0.004359533078968525, 0.024868667125701904, -0.001308217877522111, -0.010537328198552132, 0.009635355323553085, -0.04074624180793762, 0.019084589555859566, -0.020301535725593567, -0.015347846783697605, -0.014596203342080116, -0.024768447503447533, 0.0035363042261451483, -0.012620454654097557, 0.024496423080563545, 0.006023886613547802, 0.014245436526834965, -0.011654055677354336, 0.0009798211976885796, 0.017280645668506622, 0.008389774709939957, -0.027832290157675743, -0.04074624180793762, 0.029063554480671883, -0.01148225087672472, -0.0051254937425255775, 0.003280387492850423, -0.006560774985700846, 0.0017708366503939033, 0.008690431714057922, -0.0019829075317829847, 0.0031497448217123747, 0.022864283993840218, 0.009084150195121765, 0.033931341022253036, 0.015662821009755135, -0.03582118824124336, -0.017710154876112938, 0.003595361951738596, -0.028820164501667023, 0.008876553736627102, -0.007645289413630962, -0.010802192613482475, -0.005304456688463688, -0.003638313151896, 0.029550332576036453, 0.02443915605545044, 0.008733383379876614, -0.016851134598255157, -0.04048853740096092, -0.013694231398403645, -0.015133092179894447, -0.007026078179478645, 0.004620818886905909, 0.016292771324515343, -0.019571367651224136, 0.06253675371408463, -0.025713371112942696, 0.027789339423179626, -0.015648504719138145, 0.006975968834012747, 0.002630752744153142, -0.01645025797188282, -0.004588605370372534, -0.009134260006248951, 0.0078528868034482, -0.022993136197328568, -0.0023175678215920925, 0.01828283630311489, 0.03682338073849678, 0.008532945066690445, -0.015433749184012413, -0.013594011776149273, 0.008303872309625149, 0.00030065744067542255, 0.0017386233666911721, 0.013078599236905575, -0.03006574511528015, -0.011689848266541958, 0.0009431337821297348, 0.01879824884235859, 0.010401315987110138, -0.008189336396753788, 0.0077168745920062065, -0.010981155559420586, -0.006499927956610918, 0.0045492337085306644, 0.0038548579905182123, -0.01417385134845972, 0.002967202803120017, 0.003464719280600548, 0.008318189531564713, -0.015290578827261925, -0.0022084005177021027, 0.019242076203227043, 0.00142812286503613, 0.016120966523885727, 0.006084734108299017, -0.007255150470882654, -0.03521987423300743, 0.007545070257037878, -0.005393937695771456, -0.032499637454748154, -0.01828283630311489, 0.008060483261942863, -0.012670564465224743, 0.017767423763871193, -0.020673779770731926, -0.009721257723867893, 0.014531777240335941, -0.020902851596474648, 0.009019723162055016, -0.023508548736572266, -0.009842952713370323, -0.018698031082749367, 0.02025858499109745, 0.024267351254820824, 0.0078528868034482, 0.047188904136419296, 0.0011650476371869445, 0.04816246032714844, 0.0014379658969119191, 0.03877049311995506, -0.02453937567770481, 0.018998688086867332, 0.020201317965984344, 0.011460775509476662, 0.01067333947867155, -0.02370898798108101, -0.021690288558602333, -0.007298101671040058, 0.020344488322734833, -0.010215194895863533, 0.021532800048589706, -0.004900000523775816, 0.0912853330373764, 0.0346185564994812, -0.02297881990671158, 0.008983931504189968, -0.0034056615550071, -0.0018111031968146563, -0.0008469413151033223, -0.0016428782837465405, -0.02627173438668251, -0.03424631431698799, 0.009735574945807457, -0.0005856556817889214, 0.0035703072790056467, -0.02355150133371353, -0.00907699204981327, -0.015748724341392517, 0.0014361762441694736, -0.001587399747222662, 0.0031318485271185637, -0.005844924133270979, 0.029607601463794708, -0.008217970840632915, 0.006256538443267345, 0.011797226034104824, -0.009878745302557945, -0.008482835255563259, 0.02847655676305294, 0.0010952521115541458, -0.014961287379264832, -0.030008478090167046, 0.04043126851320267, 0.015319213271141052, -0.032585542649030685, -0.020716730505228043, 0.008239446207880974, -0.01123170368373394, 0.012863843701779842, -0.013100074604153633, 0.027431413531303406, 0.012291163206100464, -0.013844559900462627, -0.0012241053627803922, -0.011117166839540005, -0.017881959676742554, 0.007974580861628056, 0.005458364263176918, 0.010694814845919609, -0.012777941301465034, -0.04922192171216011], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='b8e0cc56-effa-41aa-8284-d8b22046ed05', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '6', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_type': 'application/pdf', 'file_size': 885090, 'creation_date': '2024-02-25', 'last_modified_date': '2024-02-07', 'last_accessed_date': None}, hash='452f04a1073c7bb50aa9e027b7f08962fbea78b0be7cab31323cab8c01adcfbc')}, text='4.1). We incorporated\\nReAct-specific prompting to minimize these behaviors as much as possible, which we denote as ReAct†. ReAct\\nindicates the original results without this prompting. We do not include the latency for the original ReAct since\\nlooping and early stopping make precise latency measurement difficult.\\nBenchmark MethodGPT (Closed-source) LLaMA-2 70B (Open-source)\\nAccuracy (%) Latency (s) Speedup Accuracy (%) Latency (s) Speedup\\nHotpotQAReAct 61.52 - - 54.74 - -\\nReAct†62.47 7.12 1.00 × 54.40 13.44 1.00 ×\\nOAI Parallel Function 62.05 4.42 1.61 × - - -\\nLLMCompiler 62.00 3.95 1.80× 57.83 9.58 1.40×\\nMovie Rec.ReAct 68.60 - - 70.00 - -\\nReAct†72.47 20.47 1.00 × 70.60 33.37 1.00 ×\\nOAI Parallel Function 77.00 7.42 2.76 × - - -\\nLLMCompiler 77.13 5.47 3.74× 77.80 11.83 2.82×\\nParallelQAReAct 89.09 35.90 1.00 × 59.59 15.47 1.00 ×\\nOAI Parallel Function 87.32 19.29 1.86 × - - -\\nLLMCompiler 89.38 16.69 2.15× 68.14 26.20 2.27×\\nGame of 24Tree-of-Thoughts 74.00 241.2 1.00 × 30.00 952.06 1.00 ×\\nLLMCompiler 75.33 83.6 2.89× 32.00 456.02 2.09×\\n4.1 Embarrassingly Parallel Function Calling\\nThe simplest scenario involves an LLM using a tool repeatedly for independent tasks such as conducting parallel\\nsearches or analyses to gather information on different topics like the pattern depicted in Figure 3 (a). While these\\ntasks are independent of each other and can be executed in parallel, ReAct, along with other LLM solutions as they\\nstand, would need to run sequentially. This leads to increased latency and token consumption due to its frequent LLM\\ninvocations for each tool usage, as also illustrated in Figure 1. In this section, we demonstrate how LLMCompiler\\ncan identify parallelizable patterns and execute independent tasks concurrently to resolve this issue using the following\\ntwo benchmarks:\\n•HotpotQA: A dataset that evaluates multi-hop reasoning [54]. We only use the comparison dev set. ', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='c0fb03a2-f3a5-49bb-9121-44513fda5825', embedding=[-0.014775521121919155, 0.005275445524603128, -0.009482265450060368, -0.040807224810123444, -0.009703114628791809, 0.01655656285583973, 0.01175487507134676, 0.006661095656454563, -0.043485913425683975, -0.036988671869039536, 0.02305380254983902, 0.019463222473859787, 0.011797619983553886, 0.0007239934056997299, 0.00520420353859663, 0.024193668738007545, 0.00916167814284563, 0.006279952824115753, -0.004509597551077604, -0.005442863330245018, -3.6733985325554386e-05, -0.012738009914755821, -0.01818087324500084, -0.0424315370619297, 0.004046526737511158, -0.015359703451395035, 0.03319861739873886, -0.03071940690279007, 0.00028964190278202295, -0.008855339139699936, 0.01292323786765337, -0.03325561061501503, -0.021757204085588455, 0.0028104837983846664, -0.01996191404759884, -0.004495349247008562, 0.006073351949453354, -0.007352139800786972, 0.036390241235494614, -0.019221002236008644, 0.01654231548309326, 0.01490375678986311, 0.002014358062297106, -0.012559905648231506, 0.01399186346679926, 0.006504363846033812, 0.006080476101487875, -0.03482292592525482, -0.03245770186185837, 0.026786865666508675, 0.023167788982391357, 0.03299913927912712, -0.02331027202308178, 0.034196000546216965, -0.00316134886816144, -0.0003188064438290894, 0.012502912431955338, 0.010194682516157627, 0.013564413413405418, -0.0003299379604868591, -0.006265704520046711, 0.011313176713883877, -0.008983573876321316, 0.03391103446483612, 0.010850105434656143, -0.023395763710141182, -0.003576331539079547, -0.0019680510740727186, 0.012602650560438633, -0.006693154573440552, 0.008563248440623283, 0.013015852309763432, -0.005816882010549307, -0.016385583207011223, 0.02264060080051422, -0.03171679005026817, -0.004605773836374283, 0.0023955008946359158, -0.012688140384852886, 0.001304612960666418, 0.012260690331459045, -0.0016955516766756773, 0.006992369424551725, 0.022911319509148598, 0.008890959434211254, -0.01264539547264576, 0.01883629709482193, 0.006718088872730732, -0.002445370191708207, -0.008199915289878845, 0.003095450345426798, 0.022555110976099968, 0.039524875581264496, 0.004687701351940632, -0.02016139216721058, -0.010301545262336731, -0.007430505473166704, 0.028567908331751823, -0.01528846099972725, -0.025262294337153435, -0.0012609774712473154, -0.02529079094529152, -0.04154814034700394, -0.007017304189503193, -0.013671275228261948, 0.0017178147099912167, 0.002635941607877612, 0.004751819185912609, 0.0052220141515135765, 0.011989972554147243, -0.010501021519303322, 0.008313902653753757, 0.010144812986254692, -0.030434438958764076, -0.024293407797813416, -0.01752544939517975, 0.01782466471195221, -0.025005824863910675, 0.006750147789716721, -0.006119659170508385, 0.03895494341850281, 0.02101629041135311, 0.015088984742760658, -0.024407394230365753, 0.027698758989572525, -0.018351852893829346, -0.026060201227664948, -0.014091601595282555, -0.02742804028093815, -0.005888123530894518, 0.008855339139699936, 0.023922951892018318, 0.015701662749052048, 0.012267814949154854, -0.02341001108288765, 0.01746845617890358, -0.006963872816413641, -4.7809837269596756e-05, -0.021044788882136345, -0.008648738265037537, 0.014383692294359207, -0.003095450345426798, 0.003229028545320034, -0.003038457129150629, -0.03812853991985321, 0.014105849899351597, 0.034708939492702484, 0.009076188318431377, 0.006832075770944357, -0.004114205949008465, -0.0018166624940931797, -0.01786741055548191, -0.01594388484954834, 0.028767384588718414, 0.012111082673072815, 0.005047472193837166, -0.0031239469535648823, 0.024136675521731377, -0.02949404902756214, -0.02680111490190029, 0.008385144174098969, 0.013941993936896324, -0.010073571465909481, 0.013642778620123863, -0.007156225387006998, 0.0333980917930603, 0.03943938761949539, -0.009824225679039955, 0.00894082896411419, -0.029921500012278557, 0.00048088125186041, 0.03926840424537659, -0.02630242332816124, 0.008342399261891842, 0.009282789193093777, -0.011911606416106224, 0.011405790224671364, -0.008427889086306095, -0.026117194443941116, -0.018565578386187553, 0.01766793243587017, 0.007587237283587456, 0.01300160400569439, 0.02285432629287243, -0.01117069274187088, -0.00685344822704792, 0.010572263039648533, -0.002968996297568083, 0.01167650893330574, -0.017254730686545372, 0.01788165792822838, 0.04177611321210861, -0.013051473535597324, -0.013521668501198292, -0.6041293144226074, -0.006725213024765253, 0.0019128386629745364, -0.02422216534614563, -0.005311066284775734, 0.0028746011666953564, -0.0012262471718713641, 0.0031239469535648823, -0.0157871525734663, 0.02057459205389023, 0.00549629470333457, -0.011797619983553886, 0.007252401672303677, -0.015074736438691616, -0.015502186492085457, -0.019420478492975235, 0.005695770960301161, -0.011811868287622929, 0.005506980698555708, 0.02400844171643257, -0.0377865806221962, -0.008157170377671719, -0.008093053475022316, -0.024948831647634506, -0.030747903510928154, 0.027855491265654564, 0.022369882091879845, 0.0017365155508741736, 0.010109192691743374, 0.016884274780750275, -0.012894741259515285, 0.0027891111094504595, 0.016570812091231346, -0.006208711303770542, 0.05083805322647095, 0.0010659534018486738, -0.00784370768815279, 0.012930362485349178, 0.021643217653036118, 0.033939529210329056, -0.030234962701797485, 0.015715911984443665, 0.008691483177244663, 0.012046965770423412, -0.02046060562133789, 0.004641394596546888, 0.02224164828658104, 0.011021086014807224, -0.02462111972272396, -0.007152663078159094, -0.01832335628569126, 0.01822361722588539, -0.0019074955489486456, 0.011897358112037182, 0.01099258940666914, 0.01089285034686327, 0.027043337002396584, -0.0027766439598053694, 0.006144593469798565, 0.009532134979963303, 0.001640339381992817, -0.008762724697589874, -0.01201134454458952, -0.030747903510928154, -0.02899535745382309, -0.010985464788973331, 0.012360429391264915, 0.0028354183305054903, -0.02010439708828926, -0.028810128569602966, 0.01883629709482193, 0.0243646502494812, 0.0037188150454312563, 0.0019288681214675307, -0.00018233414448332042, -0.014590293169021606, 0.022555110976099968, 0.005378745961934328, -0.008506255224347115, 0.022911319509148598, 0.03143182396888733, -0.009909715503454208, -0.012353304773569107, -0.0028995356988161802, 0.016784535720944405, -0.009938212111592293, 0.0004630708135664463, -0.0020125771407037973, 0.023182038217782974, 0.025447523221373558, 0.017297476530075073, 0.011854613199830055, -0.03824252635240555, -0.05716431140899658, 0.011875985190272331, 0.03203025460243225, -0.007359263952821493, 0.013364936225116253, 0.028311436995863914, -0.05739228427410126, -0.007936321198940277, -0.0206743311136961, 0.040807224810123444, 0.00657560583204031, 0.014511927030980587, 0.022626353427767754, -0.016428327187895775, 0.01368552353233099, -0.004538094159215689, -0.0034409724175930023, -0.020446358248591423, -0.020246881991624832, 0.009745859540998936, -0.014561796560883522, 0.033284105360507965, -0.03730213642120361, 0.011363045312464237, -0.0020446358248591423, 0.007494623307138681, 0.0006790221086703241, 0.008983573876321316, -0.006871258839964867, 0.0025540136266499758, 0.016528066247701645, 0.005008289124816656, 0.010045074857771397, -0.0017498733941465616, -0.003154224716126919, 0.003136414336040616, 0.020702827721834183, -0.0024756479542702436, -0.02543327398598194, 0.023281775414943695, -0.023281775414943695, 0.020075900480151176, 0.014661534689366817, 0.04040827229619026, -0.02604595199227333, 0.009553506970405579, -0.016528066247701645, -0.027641765773296356, 0.009339782409369946, -0.0013482485665008426, -0.013949118554592133, -0.03693167865276337, -0.013977615162730217, -0.023025305941700935, 0.010223179124295712, 0.0003341679403092712, 0.00992396380752325, -0.0025522327050566673, -0.004352865740656853, -0.014262581244111061, -0.0009599814657121897, -0.025917718186974525, -0.010978341102600098, -0.006208711303770542, -0.01715499348938465, -0.01208258606493473, -0.029636532068252563, 0.014497678726911545, 0.017539698630571365, -0.013044348917901516, 0.012965982779860497, -0.009432396851480007, 0.0008166076149791479, 0.012880492955446243, 0.02355249412357807, -0.018294859677553177, -0.026772618293762207, 0.014590293169021606, -0.03949638083577156, 0.0022957627661526203, 0.024763602763414383, 0.003102574497461319, 0.01716924086213112, -0.017710678279399872, 0.009047691710293293, 0.021301258355379105, -0.0017436398193240166, 0.00647230539470911, 0.046335577964782715, 0.014661534689366817, -0.01994766667485237, 0.01258840225636959, 0.02085955999791622, 0.015673166140913963, -0.010166185908019543, -0.012802126817405224, 0.02711457759141922, -0.0023598801344633102, 0.03385404124855995, -0.016371333971619606, 0.009411023929715157, -0.014291077852249146, 0.02705758437514305, 0.008776973001658916, -0.001521900063380599, 0.009396775625646114, 0.03071940690279007, 0.006443808786571026, -0.0012868025805801153, 0.0009697771747596562, -0.01788165792822838, -0.015929635614156723, -0.02786973863840103, 0.010821608826518059, -0.03279966115951538, 0.0073165190406143665, -0.001772136427462101, 0.0029494049958884716, -0.005378745961934328, -0.010322917252779007, -0.0038292394019663334, -0.003531805472448468, 0.014932253398001194, -0.011021086014807224, 0.02630242332816124, 0.008150046691298485, -0.023623736575245857, -0.0005913058412261307, -0.009931088425219059, 0.0004697497352026403, -0.006568481680005789, 0.0066717821173369884, -0.00218890025280416, -0.01869381219148636, 0.01406310498714447, -0.00027094094548374414, -0.013941993936896324, -0.018708061426877975, -0.002014358062297106, 0.017853161320090294, -9.812426287680864e-05, 0.033341098576784134, 0.002660876139998436, 0.026131443679332733, 0.015416696667671204, 0.02031812258064747, 0.008791221305727959, -0.001008069608360529, 0.007206094451248646, -0.010949843563139439, -0.021600473672151566, 0.021244265139102936, -0.019790934398770332, 0.045224208384752274, 0.017226234078407288, -0.0026786865200847387, 0.017197737470269203, -0.02000465989112854, 0.03468044102191925, -0.013728269375860691, 0.006461618933826685, 0.016072120517492294, -0.0030331138987094164, 0.002080256585031748, -0.0021514983382076025, 0.025062818080186844, 0.008036060258746147, -0.016528066247701645, -0.0015129948733374476, 0.025931965559720993, 0.006985245272517204, 0.016513818874955177, -0.031004372984170914, -0.023196285590529442, -0.014519051648676395, -0.014918005093932152, -0.00024934581597335637, 0.010365662164986134, -0.010344290174543858, -0.01097121648490429, -0.03137483075261116, 0.00827115774154663, 0.029123593121767044, 0.011997096240520477, 0.02630242332816124, 0.019733941182494164, 0.00916167814284563, 8.265146607300267e-05, -0.029836010187864304, 0.024820595979690552, -0.002637722762301564, -0.009225795976817608, -0.013108466751873493, -0.04397035762667656, -0.009247167967259884, 0.005026099272072315, 0.01188310980796814, -0.006137469317764044, 0.016385583207011223, -0.00839939247816801, 0.01939198188483715, -0.00888383574783802, 0.002285076305270195, 0.045081727206707, -0.0021853381767868996, 0.009582003578543663, -0.012253566645085812, 0.001416818588040769, 0.01208258606493473, -0.021970929577946663, -0.018565578386187553, 0.05103752762079239, 0.007793838158249855, -0.007024428341537714, -0.04382787272334099, -0.007836583070456982, -0.024108178913593292, 0.010123440995812416, 0.025119811296463013, 0.024279160425066948, 0.00928991287946701, 0.010700497776269913, -0.009204423055052757, -0.0046556429006159306, 0.009396775625646114, 0.0066895922645926476, 0.011127947829663754, -0.003460563952103257, -0.028525162488222122, -1.3886558917874936e-05, 0.010315793566405773, 0.049584198743104935, 0.04092121124267578, 0.0023402885999530554, 0.004075023345649242, -0.036333248019218445, -0.016941267997026443, -0.0315743051469326, -0.02442164346575737, 0.001515666488558054, -0.005143648013472557, -0.018978780135512352, -0.0287958811968565, 0.024450140073895454, 0.004335055127739906, 0.03670370578765869, 0.0001232258218806237, -0.01228918693959713, -0.026644382625818253, -0.004979792516678572, -0.007957694120705128, -0.0038292394019663334, 0.006126783322542906, 0.026843858882784843, 0.021002043038606644, -0.010657752864062786, 0.00670384056866169, 0.04368538782000542, 0.008392267860472202, 0.0023937199730426073, -0.04807387664914131, -0.010629256255924702, -0.005111589562147856, 0.001014303183183074, 0.012830624356865883, -0.006165965925902128, 0.010550891049206257, -0.006468743085861206, 0.007394884712994099, 0.03499390557408333, 0.008278281427919865, 0.010607884265482426, 0.007886452600359917, 0.015958132222294807, 0.010871478356420994, 0.014141470193862915, -0.024093931540846825, -0.0019217439694330096, 0.010166185908019543, 0.011705005541443825, -0.034851424396038055, 0.0031399764120578766, -0.024763602763414383, -0.01711224764585495, 0.009097560308873653, -0.008570372126996517, 0.007808086462318897, -0.023167788982391357, 0.006828513462096453, -0.023823212832212448, -0.009959585033357143, 0.0010971216252073646, -0.01996191404759884, 0.02020413614809513, 0.006308449432253838, -0.0027837681118398905, -0.005913058295845985, -0.01994766667485237, -0.002288638614118099, -0.017197737470269203, 0.012823499739170074, -0.030605418607592583, -0.008192791603505611, -0.04918524622917175, -0.0013286570319905877, -0.00847775861620903, 0.015060488134622574, 0.031146856024861336, -0.013920621015131474, -0.024706609547138214, -0.0022227398585528135, -0.017753422260284424, -0.004313682671636343, -0.008349522948265076, -0.01808113418519497, -0.006461618933826685, -0.00678933085873723, -0.0020268254447728395, -0.023823212832212448, -0.014861010946333408, 0.0004334610130172223, -0.00029743395862169564, -0.018166624009609222, -0.014084476977586746, -0.012659643776714802, 0.005065282341092825, 0.03610527515411377, 0.016841528937220573, 0.047902897000312805, 0.009475141763687134, -0.026273926720023155, 0.0014417532365769148, -0.02085955999791622, 0.0035870177671313286, -0.008370895870029926, -0.01503199152648449, -0.013778137974441051, 0.009553506970405579, 0.016129113733768463, 0.009190174750983715, -0.01497499831020832, 0.028724638745188713, -0.004456166177988052, 0.00733789149671793, 0.011861736886203289, 0.03730213642120361, 0.01119206566363573, -0.008207039907574654, 0.01061500795185566, 0.017710678279399872, -0.02853941172361374, -0.00784370768815279, -0.01909276656806469, 0.03616226837038994, 0.016998261213302612, -0.017639435827732086, 0.008449261076748371, -0.004203258082270622, -0.007936321198940277, -0.014262581244111061, 0.01528846099972725, -0.002577167237177491, 0.030633915215730667, 0.001971613150089979, -0.017026757821440697, -0.008484882302582264, -0.008028935641050339, -0.014476306736469269, 0.025618502870202065, -0.004242441151291132, 0.00894082896411419, 0.008698607794940472, 0.0044098589569330215, -0.012531409040093422, -0.0023153540678322315, 0.013122715055942535, -0.025917718186974525, -0.015174474567174911, 0.010180434212088585, 0.002719650510698557, 0.011697881855070591, -0.0029066598508507013, 0.010322917252779007, -0.0478174053132534, -0.02147223800420761, -0.02462111972272396, -0.02204217202961445, 0.01545944157987833, 0.004057212732732296, 0.02640216052532196, 0.024207917973399162, 0.06542834639549255, -0.014846762642264366, 0.02269759401679039, 0.0073165190406143665, 6.840313290013e-05, -0.003814991097897291, 0.01604362390935421, -0.006561357527971268, 0.005959365516901016, -0.010878602042794228, -0.0021514983382076025, -0.005296817980706692, 0.020503351464867592, 0.00873422808945179, 0.009004946798086166, 0.03097587637603283, -0.017796168103814125, -0.0007030661799944937, -0.0062977634370327, -0.009425272233784199, 0.0007101903320290148, 0.012153828516602516, -0.008114425465464592, -0.0032450577709823847, -0.03032045252621174, 0.011569646187126637, 0.02142949216067791, 0.0052327001467347145, 0.010458276607096195, 0.025760985910892487, 0.020018907263875008, -0.0044098589569330215, 0.028909867629408836, 0.005923744291067123, 0.04037977755069733, -0.03949638083577156, -0.01342905405908823, -0.03986683487892151, -0.008798345923423767, -0.006326260045170784, -0.010565139353275299, 0.014155718497931957, 0.012096834369003773, -0.004979792516678572, -0.012973107397556305, -0.004114205949008465, -0.02289707213640213, 0.013970490545034409, -0.004983354359865189, 0.009560631588101387, 0.007223905064165592, -0.017354469746351242, -0.01746845617890358, -0.0062906392849981785, -0.038555990904569626, 0.016998261213302612, -0.01258840225636959, 0.020831063389778137, -0.016171857714653015, -0.03738762438297272, 0.021671714261174202, -0.0011683632619678974, 0.03550684452056885, -0.000513830513227731, 0.00896220188587904, 0.00839939247816801, 0.002293981611728668, -0.0034748122561722994, -0.0059201824478805065, 0.010821608826518059, -0.006881944835186005, 0.003971722908318043, 0.0377865806221962, -0.02549026720225811, -0.022939816117286682, 0.00852762721478939, -0.008321026340126991, -0.014426437206566334, -0.05143648386001587, 0.008285406045615673, 0.014533299952745438, 0.01776767149567604, -0.04402735084295273, -0.005880999378859997, -0.020902303978800774, -0.0019270870834589005, -0.03391103446483612, 0.013870752416551113, 0.009432396851480007, -0.008634489960968494, -0.01008069608360529, 0.01223931834101677, 0.01752544939517975, 0.010728994384407997, -0.010757491923868656, -0.020218385383486748, 0.038669977337121964, -0.010607884265482426, 0.007163349539041519, 0.0166563019156456, 0.021671714261174202, 0.03117535263299942, -0.032315220683813095, 0.011063830927014351, 0.012004220858216286, -0.009261416271328926, -0.013863627798855305, 0.00029543027631007135, 7.213218486867845e-05, 0.03285665437579155, -0.006625474896281958, 0.009325534105300903, 0.02721431665122509, -0.005271883215755224, 0.027485035359859467, -0.008449261076748371, 0.004477538634091616, -0.01590113900601864, 0.01756819523870945, 0.02248387038707733, 0.03838500753045082, -0.009168802760541439, -0.006593415979295969, 0.01182611659169197, -0.0037900565657764673, -0.022455373778939247, 0.005054596345871687, -0.0031738162506371737, 0.016385583207011223, -0.0532032772898674, 0.014134346507489681, 0.0007703005103394389, -0.0024400269612669945, 0.008292529731988907, -0.0025077066384255886, -0.011683633551001549, -0.010109192691743374, 0.014960750006139278, -0.03733063116669655, 0.023068051785230637, 0.0002114987000823021, 0.019334988668560982, -0.013393432833254337, 0.02346700429916382, -0.029921500012278557, 0.0035656453110277653, 0.03487991914153099, -0.018950283527374268, -0.007302270736545324, -0.027955230325460434, 0.009247167967259884, 0.009603376500308514, 0.018594074994325638, -0.021002043038606644, 0.017240483313798904, -0.01701251044869423, -1.5931973393890075e-05, -0.029180586338043213, -0.010244551114737988, 0.017425712198019028, -0.012132455594837666, 0.02289707213640213, 0.01766793243587017, 0.001357153756543994, 0.016186106950044632, -0.01782466471195221, -0.022711843252182007, -0.009482265450060368, -0.018252113834023476, -0.005763450637459755, 0.005599594675004482, 0.008221288211643696, -0.021899687126278877, 0.0049655442126095295, -0.013998987153172493, 0.004769629333168268, -0.006465181242674589, 0.012096834369003773, 0.022612104192376137, 0.003483717329800129, 0.021400995552539825, -0.008185666985809803, 0.00784370768815279, 0.04083572328090668, -0.03487991914153099, -0.0071847219951450825, -0.008556123822927475, -0.006714527029544115, 0.006906879600137472, -0.01909276656806469, -0.006130345165729523, 0.034509461373090744, 0.004018030129373074, -0.02715732343494892, -0.04995465651154518, -0.021956682205200195, -0.043998852372169495, -0.013870752416551113, -0.02123001590371132, 0.005214889999479055, 0.014946501702070236, 0.01610061712563038, 0.002397282049059868, 0.02909509651362896, -0.012823499739170074, 0.004018030129373074, -0.013030100613832474, -0.013721144758164883, 0.017796168103814125, 0.0008330822456628084, 0.005670836661010981, -0.01812388002872467, -0.0343099869787693, -0.009482265450060368, 0.00977435614913702, -0.01355728879570961, 0.010009453631937504, 0.0288386270403862, -0.011484156362712383, -0.0166563019156456, -0.002363442210480571, -0.00418900977820158, -0.010550891049206257, -0.016884274780750275, -0.0021514983382076025, -0.03507939726114273, -0.004734008572995663, 0.028240196406841278, -0.008534751832485199, 0.008185666985809803, -0.013443302363157272, 0.009460893459618092, 0.006881944835186005, -0.017895907163619995, -0.006532860919833183, -0.009831349365413189, 0.0027908922638744116, -0.032258227467536926, 0.025803731754422188, 0.0033750738948583603, 0.005653026048094034, 0.02081681415438652, -0.0020731324329972267, -0.013728269375860691, 0.001989423530176282, -0.0005111589562147856, -0.0018789989408105612, 0.0016456824960187078, 0.017325973138213158, 0.005884561687707901, -0.010109192691743374, -0.00723459105938673, -0.008684358559548855, 0.002979682758450508, -0.0033964463509619236, -0.010664877481758595, -0.0043386174365878105, -0.024777851998806, 0.0342244952917099, 0.00817141868174076, -0.011562522500753403, 0.011220562271773815, -0.018879041075706482, 0.016770288348197937, -0.01545944157987833, -0.01096409186720848, 0.021059036254882812, -0.004591525532305241, -0.0031809404026716948, -0.016157610341906548, -0.03077640011906624, -0.0071206046268343925, -0.000988478073850274, 0.004616459831595421, -0.019263746216893196, 0.00039694964652881026, 0.22261595726013184, -0.015829898416996002, -0.01873655803501606, 0.023580990731716156, -0.00805030856281519, -0.014519051648676395, 0.011997096240520477, 0.004103519953787327, -0.04012330621480942, 0.00755161652341485, 0.004359989892691374, -0.025732489302754402, -0.013735393062233925, -0.0042673759162425995, 0.019819431006908417, -0.003558521158993244, -0.027599021792411804, -0.03288515284657478, -0.017026757821440697, 0.0006772410706616938, 0.01545944157987833, 0.005613843444734812, 0.01228918693959713, -0.029465552419424057, 0.015972381457686424, 0.008470633998513222, -0.002748147351667285, -0.0016697265673428774, 0.013699771836400032, 0.015060488134622574, -0.0180668868124485, 0.008299654349684715, -0.00903344340622425, 0.011662260629236698, -0.006062665954232216, -0.0004862243658863008, 0.003993095364421606, -0.004559466615319252, 0.01857982575893402, 0.005385870113968849, 0.0025326411705464125, 0.00810017716139555, 0.01013056468218565, -0.007437630090862513, 0.00013880993355996907, 0.0053466870449483395, -0.007270211819559336, -0.0010427999077364802, 0.006319135893136263, -1.561194221721962e-05, -0.044597283005714417, 0.02309654839336872, 0.015544931404292583, 0.03564932942390442, -0.00625858036801219, -0.002635941607877612, 0.006782206706702709, 0.004028716124594212, 0.01294461078941822, 0.025048568844795227, -0.023338770493865013, 0.006992369424551725, 0.0017943994607776403, 0.008128673769533634, -0.01588689163327217, 0.004299434367567301, -0.01574440859258175, 0.013500295579433441, 0.007366388104856014, -0.015815649181604385, -0.003084764117375016, -0.01467578299343586, -0.011363045312464237, 0.00916167814284563, -0.017254730686545372, -0.028924116864800453, 0.027542028576135635, 0.026031704619526863, 0.017454208806157112, 0.040693238377571106, 0.009069063700735569, -0.006507926154881716, -0.024564126506447792, -0.00928991287946701, -0.016841528937220573, -0.008292529731988907, 0.013022975996136665, -0.017069503664970398, -0.023082299157977104, -0.022982561960816383, 0.0007498185150325298, -0.03260018676519394, -0.026017455384135246, 0.005820443853735924, 0.004078585188835859, -0.014818266034126282, 0.016841528937220573, 0.006279952824115753, -0.015274212695658207, -0.03644723445177078, -0.04189009964466095, 0.06975983828306198, 0.022070668637752533, 0.0006135688163340092, 0.007156225387006998, -0.00025402105529792607, 0.0024079682771116495, 0.006835637614130974, 0.004744695033878088, -0.0025130496360361576, 0.004324369132518768, -0.05189242959022522, 0.009425272233784199, 0.006393939256668091, 0.008085928857326508, 0.0029654342215508223, 0.018209369853138924, 0.0028550096321851015, 0.02578948251903057, 0.0030206465162336826, -0.019862176850438118, -0.008356647565960884, 0.008021811954677105, 0.01994766667485237, -0.021457988768815994, -0.017340220510959625, -0.02051759883761406, -0.01563042216002941, -0.025219550356268883, 0.007608609739691019, 0.011049582622945309, -0.02802647091448307, 0.030291955918073654, 0.0014969655312597752, -0.001521900063380599, -0.004135578870773315, 0.005649464204907417, -0.015658918768167496, -0.02513405866920948, 0.0037579978816211224, 0.023979945108294487, 0.004883616231381893, -0.011391541920602322, 0.00590237183496356, 0.009660369716584682, 0.0040109059773385525, 0.006336946040391922, 0.04246003180742264, -0.013564413413405418, -0.013778137974441051, -0.005485608242452145, -0.008563248440623283, 0.002443589037284255, 0.0016483539948239923, 0.023538246750831604, 0.0011015742784366012, -0.0166563019156456, -0.025476019829511642, 0.0036208576057106256, -0.002260141773149371, -0.045309700071811676, 0.012196573428809643, -0.004067899193614721, 0.01040840707719326, -0.02299680933356285, -0.024492884054780006, -0.1830625832080841, -0.016713295131921768, 0.02204217202961445, -0.026943597942590714, 0.010415531694889069, 0.013400557450950146, 0.027556275948882103, -0.014184216037392616, -0.014918005093932152, -0.012531409040093422, 0.016998261213302612, 0.002828294178470969, -0.0198479276150465, -0.013015852309763432, -0.016998261213302612, 0.0005752764409407973, 0.008947953581809998, 0.004495349247008562, 0.03938239440321922, 0.00979572907090187, 0.0513794906437397, -0.030548425391316414, 0.004413421265780926, 0.012723761610686779, 0.02097354643046856, 0.001857626368291676, 0.002497020410373807, 0.025048568844795227, 0.0006616569589823484, -0.04992615804076195, -0.021201519295573235, 0.012759381905198097, 0.018009893596172333, -0.023182038217782974, 0.0054179285652935505, 0.018209369853138924, 0.015003494918346405, 0.006750147789716721, -0.028254443779587746, 0.006493677850812674, 0.018907537683844566, 0.01635708659887314, -0.007459002546966076, -0.006198024842888117, -0.01446918211877346, 0.02543327398598194, 0.0073806364089250565, -0.019976163282990456, 0.019221002236008644, -0.0025842913892120123, 0.020489102229475975, -0.01766793243587017, 0.03000698983669281, 0.009781480766832829, 0.008841090835630894, 0.014568920247256756, 0.011220562271773815, 0.0061766523867845535, -0.008392267860472202, -0.0033697306644171476, 0.00805030856281519, -0.013393432833254337, 0.024777851998806, -0.004566590767353773, 0.006522174458950758, -0.020232632756233215, -0.01256702933460474, 0.005015413276851177, -0.037188149988651276, 0.010629256255924702, -0.007594361435621977, -0.01243879459798336, -0.01630009338259697, -0.002878163242712617, 0.006244332063943148, 0.020289625972509384, -0.004726884420961142, 0.007815211080014706, 0.03143182396888733, 0.0018789989408105612, -0.004299434367567301, 0.0049049886874854565, 0.0006990588153712451, 0.024792099371552467, -0.020546095445752144, -0.004929923452436924, -0.0034409724175930023, 0.0377865806221962, -0.03362606465816498, -0.0038577362429350615, 0.028724638745188713, -0.011555397883057594, -0.011697881855070591, -0.012545657344162464, 0.010885726660490036, 0.009004946798086166, -0.0045950873754918575, -0.016870025545358658, 0.008306778036057949, -0.01675603911280632, 0.010871478356420994, 0.010187557898461819, 0.0019609269220381975, -0.009902591817080975, 0.020902303978800774, 0.003668945748358965, -0.04434081166982651, -0.002135468879714608, 0.024564126506447792, -0.031146856024861336, -0.004288748372346163, -0.011982847936451435, 0.009439520537853241, 0.019919170066714287, -0.023680729791522026, 0.02462111972272396, 0.019819431006908417, -0.017425712198019028, 0.00964612141251564, -0.018622571602463722, 0.07585812360048294, 0.009261416271328926, 0.011740626767277718, 0.0024613996502012014, 0.0055426014587283134, -0.013079970143735409, -0.12310560047626495, -0.01644257642328739, 0.009745859540998936, 0.024293407797813416, -0.0063013252802193165, 0.013414805755019188, -0.01490375678986311, 0.05083805322647095, -0.006016358733177185, 0.04300146922469139, -0.024407394230365753, -0.017340220510959625, -0.006336946040391922, 0.01025879941880703, -0.008370895870029926, -0.00795056950300932, -0.00025780577561818063, -0.026473402976989746, 0.0007084092940203846, 0.03610527515411377, 0.0017899468075484037, 0.0007881109486334026, 0.009425272233784199, -0.04636407643556595, -0.0059914239682257175, -0.002096286043524742, -0.0092186713591218, 0.00044169832835905254, -0.006436684634536505, 0.020375115796923637, 0.007302270736545324, -0.020175639539957047, 0.003036675974726677, -0.031061366200447083, 0.01711224764585495, -0.03593429550528526, -0.031916264444589615, -0.0130728455260396, 0.020603090524673462, -0.010394158773124218, 0.0032183423172682524, 0.014504803344607353, -0.013322191312909126, 0.002279733307659626, -0.015274212695658207, 0.0003437410341575742, -0.00043858151184394956, 0.026188436895608902, 0.015259964391589165, -0.018394598737359047, -0.02289707213640213, -0.006974559277296066, -0.024093931540846825, 0.013692648150026798, 0.046278584748506546, 0.0040928334929049015, 0.009190174750983715, 0.026060201227664948, -0.03026345930993557, 0.0019003713969141245, -0.003380417125299573, -0.020018907263875008, -0.006593415979295969, -0.011505529284477234, 0.025105562061071396, 0.019505968317389488, -0.004979792516678572, -0.01818087324500084, 0.0038719845470041037, -0.015060488134622574, -0.018622571602463722, 0.040294285863637924, -0.01167650893330574, 0.014084476977586746, -0.006714527029544115, -0.009069063700735569, 0.009019195102155209, -0.042374543845653534, 0.014241209253668785, 0.0013037224998697639, -0.01033716555684805, -0.012424546293914318, -0.007872204296290874, -0.0020268254447728395, -0.006821389310061932, -0.0013794167898595333, 0.0031791592482477427, 0.0017569975461810827, -0.005453549325466156, -0.02848241850733757, -0.015473689883947372, 0.023338770493865013, 0.012787878513336182, -0.02503432147204876, -0.013792386278510094, 0.011363045312464237, -0.026544645428657532, 0.0020001097582280636, 0.02437889762222767, 0.011897358112037182, -0.03428148850798607, -0.0018433780642226338, -0.05539751797914505, 0.016670549288392067, -0.007914949208498001, -0.020218385383486748, 0.005927306599915028, -0.01994766667485237, 0.0315743051469326, -0.007993314415216446, -3.6316553178039612e-06, 0.013756765983998775, -0.04194709286093712, -0.0008771630236878991, -0.011519777588546276, -0.015487938188016415, -0.014390815980732441, -0.02457837387919426, 0.006369004957377911, -0.011127947829663754, 0.015145977959036827, 0.013728269375860691, 0.009339782409369946, -0.021101782098412514, 0.012374677695333958, 0.018665315583348274, -0.01838034950196743, -0.02345275692641735, -0.025917718186974525, 0.023994192481040955, -0.012866244651377201, -0.004003781825304031, -0.000612678297329694, -0.011626639403402805, -0.00320409401319921, 0.009653246030211449, 0.012246442027390003, 0.008641613647341728, 0.01679878495633602, 0.01350742019712925, 0.03382554277777672, 0.01568741537630558, -0.04114918410778046, -0.026516146957874298, 0.0032771166879683733, -0.01786741055548191, -0.00852762721478939, -0.0038826707750558853, -0.0028746011666953564, -0.005058158189058304, -0.0016154047334566712, 0.027071833610534668, 0.024307657033205032, 0.014120098203420639, -0.018921786919236183, -0.04890028014779091, -0.013792386278510094, -0.017254730686545372, 0.004000219516456127, -0.004299434367567301, 0.024136675521731377, 0.006087600253522396, 0.0478174053132534, -0.018765054643154144, 0.014454933814704418, -0.015915388241410255, 0.006379690952599049, 0.0033447961322963238, -0.016015127301216125, 0.0010534861357882619, -0.0026662193704396486, -0.0003361716226208955, -0.014789769425988197, 0.006059103645384312, 0.011177817359566689, 0.032771166414022446, -0.001903933472931385, -0.0005213999538682401, -0.01078598853200674, 0.03832801431417465, -0.01167650893330574, 0.004527407698333263, 0.026843858882784843, -0.02107328549027443, -0.00951788667589426, -0.005628091748803854, 0.027556275948882103, 0.007857955992221832, -0.019121263176202774, -0.0004143147962167859, -0.01127043180167675, 0.001239605015143752, 0.0026252553798258305, 0.001165691763162613, -0.02137249894440174, 0.006992369424551725, -0.0021710896398872137, 0.018351852893829346, -0.014818266034126282, -0.008406516164541245, 0.016072120517492294, -0.0031310711055994034, 0.024564126506447792, -0.008990698494017124, -0.011213438585400581, -0.02742804028093815, 0.0025468894746154547, -0.012652520090341568, -0.03738762438297272, -0.021258512511849403, 0.02869614213705063, -0.002582510467618704, 0.007765341550111771, -0.02553301304578781, -0.016485322266817093, 0.011662260629236698, -0.013614282011985779, 0.004929923452436924, -0.014355195686221123, -0.009660369716584682, -0.03265717998147011, 0.04468277096748352, 0.008093053475022316, 0.0020392925944179296, 0.05468510091304779, 0.012837748043239117, 0.03827102109789848, 0.024592623114585876, 0.01376388967037201, -0.01679878495633602, 0.018565578386187553, 0.013030100613832474, 0.00015595245349686593, 0.00916167814284563, -0.010657752864062786, -0.022412627935409546, -0.017810415476560593, -0.004160513170063496, -0.010629256255924702, 0.022298641502857208, -0.012189448811113834, 0.09825650602579117, 0.02731405384838581, -0.017553946003317833, 0.008349522948265076, -0.0225408636033535, 0.004587963223457336, 0.009061940014362335, 0.002707183361053467, -0.015829898416996002, -0.03767259418964386, -0.0020588841289281845, 0.013799510896205902, 0.009710239246487617, -0.028211699798703194, -0.012111082673072815, -0.006169528234750032, -0.012168076820671558, 0.008114425465464592, -0.005759888794273138, -0.005264759063720703, 0.01828061044216156, -0.006782206706702709, 0.009254292584955692, 0.005225575994700193, -0.004246003460139036, -0.00827115774154663, 0.03533586487174034, 0.01320108026266098, -0.01434094738215208, -0.014875260181725025, 0.023994192481040955, 0.016228850930929184, -0.033483583480119705, -0.025347784161567688, 0.007451878394931555, -0.005435739178210497, 0.012018469162285328, -0.02564699947834015, 0.030405942350625992, -0.004516721703112125, 0.005193517543375492, 0.014084476977586746, -0.008071680553257465, -0.01994766667485237, -0.004630708135664463, -0.011890233494341373, 0.010508145205676556, -0.008955077268183231, -0.05132249742746353], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='b8e0cc56-effa-41aa-8284-d8b22046ed05', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '6', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_type': 'application/pdf', 'file_size': 885090, 'creation_date': '2024-02-25', 'last_modified_date': '2024-02-07', 'last_accessed_date': None}, hash='452f04a1073c7bb50aa9e027b7f08962fbea78b0be7cab31323cab8c01adcfbc')}, text='This contains\\n1.5k questions comparing two different entities, thus exhibiting a 2-way embarrassingly parallel execution pattern.\\nAn example question is shown in Figure 1.\\n•Movie Recommendation: A dataset with 500 examples that asks to identify the most similar movie out of four\\noptions to another set of four movies, exhibiting an 8-way embarrassingly parallel pattern [4].\\nExperimental Setups. As a baseline method, we compare LLMCompiler with ReAct. We follow the ReAct [58]\\nsetup using the same Wikipedia search tool that LLMs can use to search for information. We did not include the\\nlookup tool since it is not relevant to our problem setting. We have optimized the prompt and in-context examples for\\nboth ReAct and LLMCompiler to the best of our abilities. For all experiments across these datasets, we use gpt-\\n3.5-turbo (1106 release). For the experiments using GPT, we additionally report the results using OpenAI’s parallel\\nfunction calling capability, which was announced concurrently with our work. We also show how LLMCompiler\\ncan be effectively combined with the open-source LLaMA-2 70B model to provide the model with parallel function\\ncalling capabilities. For all experiments, we have measured accuracy, end-to-end latency, as well as input and output\\ntoken usage. See A.4 for more details on experimental setups.\\nAccuracy and Latency. We report the accuracy, end-to-end latency, and relative speed-up of LLMCompiler com-\\npared to ReAct in Table 1. First, we observe that ReAct consistently achieves lower accuracy compared to OpenAI\\nparallel function calling and LLMCompiler . We identify two main failure modes in ReAct: (1) the tendency for\\nredundant generation of prior function calls, a point also noted in the original ReAct paper [58]; and (2) premature\\nearly stopping based on the incomplete intermediate results. In Appendix. A.1, we offer a detailed analysis demon-\\nstrating how these two prevalent failure cases significantly hurt ReAct’s accuracy, and how they can be resolved with\\nLLMCompiler , leading to an accuracy enhancement of up to 7 – 8%. Furthermore, we have conducted interventional\\n6', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='5a7af86c-10a0-4f4d-a6bc-164f98b82d2d', embedding=[0.015480158850550652, -0.004841042682528496, -0.006741134449839592, -0.017030969262123108, -0.006342953070998192, 0.020439956337213516, 0.0009168640826828778, -0.009612228721380234, -0.04736258089542389, -0.031323570758104324, 0.02961907722055912, 0.02556741051375866, 0.0037058773450553417, -0.012560165487229824, -0.004634966608136892, 0.01853986643254757, 0.01872149109840393, 0.00729299895465374, 0.019895078614354134, -0.01059021707624197, -0.021390002220869064, -0.006203240714967251, -0.022801101207733154, -0.016374319791793823, -0.01006629504263401, -0.008326872251927853, 0.01820455491542816, -0.03182653710246086, 0.006905296351760626, 0.004799128510057926, 0.01687728613615036, -0.014208774082362652, -0.033614858984947205, 0.0013840282335877419, -0.01732436567544937, -0.0032937251962721348, -0.003625542623922229, 0.007893763482570648, 0.029730847105383873, -0.004460325464606285, 0.007956634275615215, 0.016458148136734962, 0.008124289102852345, -0.007781993132084608, 0.002347172237932682, 0.014048104174435139, 0.019280342385172844, -0.02767707221210003, -0.010038352571427822, 0.005015683360397816, 0.01257413625717163, 0.026391714811325073, -0.020859094336628914, 0.03400605171918869, -0.007348884362727404, 0.005235730670392513, 0.015061020851135254, 0.02013259008526802, 0.0055885049514472485, 0.004984247963875532, 0.0029007834382355213, 0.0005789342103525996, -0.009584286250174046, 0.04297560453414917, 0.004397455137223005, -0.01925240084528923, 0.0003501547616906464, -0.006891325116157532, 0.01634637638926506, -0.024449709802865982, -0.004746736492961645, 0.02224224992096424, 0.012504279613494873, -0.0021026749163866043, 0.04238881170749664, -0.020425986498594284, -0.010478447191417217, -0.013719780370593071, -0.012015285901725292, 0.0049772621132433414, 0.028948456048965454, 0.0007330547086894512, -0.0012347103329375386, 0.024379853159189224, 0.009416631422936916, -0.018511923030018806, 0.0012399496044963598, 0.028613146394491196, -0.00022965263633523136, -0.008138260804116726, 0.009067349135875702, 0.01767364703118801, 0.025287985801696777, 0.0020363114308565855, -0.014306573197245598, 0.004620994906872511, -0.0068494114093482494, 0.03671647980809212, -0.0033181749749928713, -0.011177009902894497, -0.0001086593110812828, -0.00723012862727046, -0.048899419605731964, -0.014683797024190426, -0.008906680159270763, 0.0019227949669584632, 0.01265097875148058, -0.0020712397526949644, -0.0005889760213904083, 0.027467502281069756, -0.020803209394216537, 0.010925527662038803, 0.0002444970887154341, -0.028864627704024315, -0.02161354385316372, -0.004572095815092325, 0.026140231639146805, -0.023946743458509445, -0.008801895193755627, 0.0029217402916401625, 0.04982152208685875, 0.007181229069828987, 0.029367594048380852, 0.006521086674183607, 0.039510730654001236, -0.0033199212048202753, -0.00896955095231533, -0.005455777980387211, -0.019280342385172844, -0.015368388965725899, -0.007258071098476648, 0.028249893337488174, 0.0314912274479866, 0.014285615645349026, -0.03568260371685028, 0.019042830914258957, -0.015074992552399635, -0.01200131420046091, -0.01960168220102787, 0.0032308544032275677, 0.008075390011072159, 0.005571040790528059, 0.007907734252512455, -0.01774350367486477, -0.023960715159773827, 0.021823111921548843, 0.009472516365349293, 0.019881106913089752, 0.02152971550822258, -0.008424671366810799, -0.01059021707624197, -0.0001253047666978091, -0.00595175800845027, 0.031127972528338432, 0.0019262878922745585, -0.005354486405849457, -0.0030230318661779165, 0.015102935023605824, -0.029926445335149765, -0.022815071046352386, 0.001130799064412713, 0.02573506534099579, 0.003552193520590663, -0.00035190116614103317, 0.0016521017532795668, 0.024463681504130363, 0.030457353219389915, -0.012168969959020615, 0.0015115159330889583, -0.024561479687690735, 0.0055885049514472485, 0.03534729406237602, -0.01958771049976349, 0.011044283397495747, 0.01186160184442997, -0.011840645223855972, 0.015857383608818054, -0.0208311527967453, -0.01499116513878107, -0.03389428183436394, 0.01128877978771925, -0.006692234892398119, 0.007223142776638269, 0.03395016863942146, -0.00393291050568223, -0.028864627704024315, 0.010366677306592464, -0.000972749141510576, 0.01696111261844635, -0.006751612760126591, 0.024449709802865982, 0.04085197299718857, -0.005833002272993326, -0.029563192278146744, -0.6245713233947754, 0.003084156196564436, -0.007900749333202839, -0.0231084693223238, 0.008264001458883286, -0.000518683111295104, 0.005061089992523193, 0.014034133404493332, -0.013405426405370235, 0.02064952626824379, 0.01511690579354763, -0.008061418309807777, -0.01890311762690544, -0.00857136957347393, -0.009032421745359898, -0.026377743110060692, 0.00332865328527987, -0.024463681504130363, 0.009940553456544876, 0.02011861838400364, -0.03118385747075081, 0.009339788928627968, -0.002628343878313899, -0.015061020851135254, -0.028445491567254066, 0.02144588902592659, 0.02187899686396122, -0.0020590147469192743, 0.008550412952899933, 0.005833002272993326, -0.011561219580471516, -0.002183009870350361, 0.007642280776053667, -0.0002541023422963917, 0.04957003891468048, -0.011477392166852951, -0.01661183126270771, 0.009744955226778984, 0.013642937876284122, 0.04202555865049362, -0.03761063888669014, 0.009325818158686161, 0.021809140220284462, -0.0017499006353318691, -0.008906680159270763, -4.5051863708067685e-05, 0.019224457442760468, 0.005047118756920099, -0.031323570758104324, -0.007258071098476648, -0.026126261800527573, 0.014641882851719856, -0.013209829106926918, 0.004317120183259249, 0.015494130551815033, 0.0056863040663301945, 0.02600052021443844, -0.012231840752065182, 0.006828454788774252, 0.007844864390790462, 0.004903913009911776, 0.0015106428181752563, -0.01520073413848877, -0.040209293365478516, -0.037135615944862366, 0.00019712578796315938, -0.00583998765796423, 0.008892708458006382, -0.006028600037097931, -0.03733121231198311, 0.01446025725454092, 0.022451819851994514, 0.007572424132376909, 0.00227556936442852, 0.0006273970357142389, -0.01402016170322895, 0.034676674753427505, -0.004331091418862343, -0.014041119255125523, 0.018567807972431183, 0.025972576811909676, -0.009744955226778984, -0.0036430067848414183, 0.0035487005952745676, 0.013789636082947254, -0.009968495927751064, 0.0017699843738228083, -0.0006295799976214767, 0.03515169769525528, 0.008913666009902954, 0.01765967532992363, 0.0026999465189874172, -0.026391714811325073, -0.042053502053022385, 0.0026912144385278225, 0.024030571803450584, -0.01292341761291027, 0.001211133785545826, 0.029814673587679863, -0.048899419605731964, -0.009619214572012424, -0.024715162813663483, 0.043981533497571945, 0.011561219580471516, 0.030457353219389915, 0.025190185755491257, -0.015843411907553673, 0.009416631422936916, -0.011763802729547024, -0.02214445173740387, -0.02855726145207882, -0.022954784333705902, 0.01006629504263401, -0.02335995063185692, 0.025776980444788933, -0.03503992781043053, 0.030094100162386894, 0.0039014751091599464, 0.020439956337213516, 0.014027147553861141, 0.0014346740208566189, -0.014655854552984238, 0.016765514388680458, -0.002074732445180416, 0.016681687906384468, 0.0032238687854260206, 0.007586395833641291, -0.007984576746821404, 0.013510211370885372, 0.005546591244637966, -0.01767364703118801, -0.02593066357076168, 0.012909446842968464, -0.018651636317372322, 0.013908391818404198, 0.010282848961651325, 0.040824029594659805, -0.024323968216776848, 0.026168175041675568, -0.010129165835678577, -0.03227361664175987, -0.004914391785860062, 0.007279027719050646, -0.0126160504296422, -0.03892393782734871, -0.02073335461318493, -0.021585600450634956, 0.008983521722257137, 0.009975481778383255, -0.000504275260027498, -0.009870696812868118, -0.001786575186997652, -0.011875573545694351, -0.004013244993984699, -0.03333543241024017, -0.02380703203380108, -0.00825701653957367, -0.009500458836555481, -0.00803347583860159, -0.030094100162386894, -0.0009579046745784581, 0.004048173315823078, -0.0078169209882617, 0.0009421870345249772, -0.003133055754005909, -0.009989452548325062, 0.0006854650564491749, 0.02186502516269684, -0.01589929684996605, -0.02732778899371624, 0.0014102243585512042, -0.036772362887859344, 0.0027121712919324636, 0.020090674981474876, -0.0035032941959798336, 0.009675099514424801, -0.012972317636013031, 0.021292204037308693, 0.008312901481986046, -0.018036900088191032, 0.004617502447217703, 0.009046392515301704, 0.005773624405264854, -0.009856726042926311, 0.044791869819164276, 0.01714273914694786, 0.01844206638634205, 0.010052323341369629, -0.015061020851135254, 0.02741161733865738, 0.01534044649451971, 0.028319749981164932, -0.017897186800837517, 0.009786869399249554, 0.0061508482322096825, 0.009214047342538834, 0.02046789973974228, -0.004641951993107796, 0.0022319091949611902, 0.01169394701719284, 0.011351650580763817, 0.018511923030018806, 0.011540262959897518, -0.023401865735650063, -0.003478844417259097, -0.024379853159189224, 0.02162751369178295, -0.03420165181159973, -0.0013534660683944821, -0.006601421628147364, 0.006224197335541248, 0.00035255608963780105, -0.020104646682739258, 0.0020520291291177273, -0.003782719373703003, 0.014921308495104313, -0.027830755338072777, 0.01606695167720318, -0.0026562863495200872, -0.005623433273285627, 0.011302751488983631, -0.007621323689818382, 0.018036900088191032, 0.02081718109548092, -4.9608897825237364e-05, -0.010338733904063702, -0.007467640098184347, 0.0059622363187372684, 0.018525894731283188, -0.0058260164223611355, -0.021068664267659187, -0.000727378879673779, 0.010331748984754086, 0.0063010393641889095, 0.04264029487967491, 0.002904276130720973, 0.027439560741186142, 0.019084744155406952, 0.03691207617521286, 0.008711081929504871, -0.0009037660784088075, -0.009053378365933895, -0.007530510425567627, -0.012909446842968464, 0.011232894845306873, -0.013070115819573402, 0.036772362887859344, 0.020719382911920547, -0.00711835827678442, 0.009325818158686161, -0.005253194831311703, 0.021320147439837456, -0.031155915930867195, 0.005515155848115683, 0.021068664267659187, -0.01812072843313217, 0.021334117278456688, 0.003307696431875229, 0.03842097148299217, 0.01564781367778778, -0.012378538958728313, -0.014446285553276539, 0.00711835827678442, 0.008850795216858387, 0.011854615993797779, -0.021934881806373596, -0.011393564753234386, -0.0138874351978302, -0.001505403546616435, 0.0012713848846033216, 0.006154341157525778, -0.007558452896773815, -0.007027545012533665, -0.03364279866218567, 0.001318537862971425, 0.03663264960050583, 0.004348555579781532, 0.02864108793437481, -0.005256687756627798, 0.011379593051970005, -0.003709370270371437, -0.03506786748766899, 0.02548358216881752, -0.008732039481401443, -0.007809935603290796, -0.00874601025134325, -0.025511525571346283, -0.01256715040653944, 0.0016040755435824394, 0.016849342733621597, -0.02382100187242031, 0.0021952346432954073, -0.00016765514737926424, 0.0017717307200655341, -0.003106859512627125, -0.003852575784549117, 0.03241332992911339, 0.002162052784115076, 0.0025549945421516895, -0.007390798069536686, -0.012532223016023636, 0.0036919061094522476, -0.02794252522289753, -0.026699082925915718, 0.050939224660396576, 0.015284561552107334, -0.030038215219974518, -0.028082238510251045, -0.005169366952031851, -0.022996697574853897, 0.0231084693223238, 0.023667318746447563, 0.007341898512095213, 0.016360348090529442, 0.02722999081015587, 0.011037297546863556, -0.01480953861027956, 0.01756187714636326, 0.0164302047342062, 0.010750886984169483, -0.010219978168606758, -0.019825221970677376, 0.0007391670951619744, 0.025972576811909676, 0.03495609760284424, 0.041885845363140106, -0.0025602339301258326, 0.014893366023898125, -0.029758788645267487, 0.009165148250758648, -0.02654539979994297, -0.01098141260445118, 9.294164192397147e-05, -0.00892065092921257, -0.009828783571720123, -0.015214704908430576, 0.009570314548909664, 0.001954230247065425, 0.01881929114460945, -0.0060146283358335495, -0.010960455983877182, -0.024659277871251106, 0.01133767981082201, 0.003653485095128417, -0.007795964367687702, -0.009444573894143105, 0.026671139523386955, 0.012483322992920876, -0.005990178789943457, 0.009570314548909664, 0.03920336440205574, 0.00537893595173955, 0.016891255974769592, -0.01534044649451971, -0.012182940728962421, -0.019727421924471855, -0.008871751837432384, 0.010722944512963295, -0.004697836935520172, 0.013594038784503937, 0.007914720103144646, 0.006367403082549572, 0.02320626750588417, 0.014865423552691936, 0.010681030340492725, 0.01819058321416378, 0.00518683111295104, -0.0018459530547261238, 0.010722944512963295, -0.01729642227292061, -0.012057200074195862, 0.00045930527267046273, 0.0033967632334679365, -0.013160929083824158, 0.007202185690402985, -0.0067620910704135895, -0.03674441948533058, -0.004163436125963926, 0.008990507572889328, 0.006531565450131893, -0.00011417140922276303, -0.00022124804672785103, -0.024044543504714966, -0.03205007687211037, -0.005487213376909494, -0.028403576463460922, 0.024100428447127342, 0.006653813645243645, -0.023513635620474815, -0.004708315711468458, -0.017785416916012764, -0.020509812980890274, -0.009500458836555481, 0.01239250972867012, -0.015382359735667706, -0.008655196987092495, -0.04071225970983505, -0.01405509002506733, -8.350012649316341e-05, 0.007481611333787441, 0.024212198331952095, -0.009814811870455742, -0.009682085365056992, 0.0036709492560476065, -0.005644389893859625, -0.011079211719334126, -0.003660470712929964, -0.027481473982334137, 1.1341418257870828e-06, 0.0122178690508008, -0.006639842409640551, -0.016639774665236473, -0.010345719754695892, -0.0033531030640006065, -0.02038407139480114, -0.006601421628147364, -0.022451819851994514, -0.010352705605328083, 0.018386181443929672, 0.014006190933287144, 0.0034491554833948612, 0.04079608619213104, 0.008578355424106121, -0.019392112269997597, -0.003904967801645398, -0.014201788231730461, 0.008159217424690723, -0.028012381866574287, 0.0016232860507443547, -0.01168696116656065, 0.0030143000185489655, 0.009654142893850803, 0.016989056020975113, -0.018581779673695564, 0.011177009902894497, -0.0021445888560265303, -0.0074117546901106834, -0.0009526654612272978, 0.02426808327436447, 8.180829172488302e-05, 0.011847631074488163, 0.0034701123367995024, -0.005630418658256531, -0.007893763482570648, -0.01721259579062462, -0.013405426405370235, 0.04375799372792244, 0.02872491627931595, -0.022214308381080627, 0.017799388617277145, -0.0053125726990401745, -0.01419480238109827, -0.016933171078562737, 0.021809140220284462, -0.007355869747698307, 0.02345775067806244, 0.006751612760126591, -0.003234347328543663, -0.011770788580179214, -0.015256619080901146, -0.006992617156356573, 0.02039804309606552, 0.000929088972043246, 0.024645308032631874, -0.010171079076826572, -0.0006378754624165595, 0.0006907042698003352, 0.002759324386715889, 0.020956894382834435, -0.025693152099847794, -0.014739681966602802, 0.0008745137020014226, 0.0033531030640006065, 0.0031889406964182854, -0.004949319642037153, 0.019545797258615494, -0.0453786626458168, -0.012462366372346878, -0.02987056039273739, -0.01969948038458824, -0.0034613802563399076, 0.0022895406000316143, 0.010492417961359024, 0.021934881806373596, 0.05784102901816368, -0.015452216379344463, 0.027635157108306885, 0.005742189008742571, -0.017226567491889, 0.008732039481401443, 0.0016590874874964356, -0.01499116513878107, -0.0008190652588382363, -0.014446285553276539, -0.008291943930089474, -0.002455449430271983, 0.004907405935227871, 0.010499403811991215, 0.00843165721744299, 0.0252321008592844, -0.025343870744109154, -0.0031243236735463142, -0.016723601147532463, -0.02259153127670288, 0.0048026214353740215, 0.015969153493642807, -0.025357842445373535, -0.008732039481401443, -0.02240990474820137, 0.007628309540450573, 0.018959002569317818, 0.005881901364773512, 0.025776980444788933, 0.029814673587679863, 0.02583286538720131, -0.020859094336628914, 0.02084512449800968, 5.910499021410942e-05, 0.016639774665236473, -0.032385386526584625, -0.014306573197245598, -0.03719150274991989, -0.008061418309807777, -0.015605900436639786, -0.00839672889560461, 0.012685906141996384, 0.008934622630476952, 0.00509951077401638, -0.0005095144733786583, 0.0060635278932750225, -0.02154368720948696, -0.007572424132376909, 0.008627254515886307, -0.008368786424398422, 0.013824564404785633, -0.024533536285161972, 0.0024379852693527937, -0.0024798992089927197, -0.0288366861641407, -0.000496853026561439, -0.017003025859594345, 0.010695001110434532, -0.013056145049631596, -0.016276521608233452, 0.034760501235723495, 0.00472577940672636, 0.03761063888669014, 0.006119412835687399, 0.01609489507973194, 0.011624090373516083, 0.004180900286883116, -0.0024502102751284838, -0.011225909925997257, 0.0020432970486581326, -0.005986685864627361, 0.010848685167729855, 0.034844327718019485, -0.016807429492473602, -0.019196514040231705, 0.007607352454215288, -0.006758598145097494, -0.0448477528989315, -0.05890284478664398, 0.018176613375544548, -0.0005605969345197082, 0.01652800291776657, -0.03973427042365074, 0.001887866877950728, -0.027285875752568245, -0.000648790504783392, -0.020789239555597305, 0.01853986643254757, 0.01059021707624197, -0.013740736991167068, -0.018693549558520317, 0.008445627987384796, 0.01767364703118801, 0.007558452896773815, -0.01164504699409008, -0.002977625234052539, 0.02407248504459858, -0.006168312393128872, 0.001138657913543284, 0.016388291493058205, 0.02460339292883873, 0.021948853507637978, -0.03931513428688049, 0.014963222667574883, 0.017114797607064247, -0.008417685516178608, -0.021823111921548843, 0.002478152746334672, 0.010611173696815968, 0.030010271817445755, -0.013992219232022762, 0.0161647517234087, 0.028333719819784164, -0.02750941552221775, 0.03395016863942146, -0.01765967532992363, 0.007684194482862949, -0.01659785956144333, -0.007488596718758345, 0.03724738582968712, 0.041969671845436096, -0.00612639868631959, -0.024743106216192245, 0.006583957467228174, -0.0029479365330189466, -0.010569260455667973, -0.003719848580658436, -0.012678921222686768, 0.029674962162971497, -0.049430325627326965, 0.011002369225025177, 0.019839193671941757, 0.0003091141988988966, 0.005288122687488794, -0.008662182837724686, -0.014739681966602802, -0.004180900286883116, 0.011952415108680725, -0.03928719088435173, 0.005661854054778814, 0.004233292769640684, 0.009409645572304726, -0.013077101670205593, 0.015284561552107334, -0.02900434099137783, 0.003443916328251362, 0.0252321008592844, -0.02880874276161194, -0.007446683011949062, -0.01651403307914734, -0.0011927965097129345, 0.01598312519490719, 0.006866875570267439, -0.0037652552127838135, 0.01687728613615036, -0.0027680564671754837, -0.004062144551426172, -0.013656909577548504, -0.002696453593671322, 0.0033164285123348236, -0.00018293621542397887, 0.014138917438685894, 0.030261754989624023, -0.015703698620200157, 0.015759583562612534, -0.020342158153653145, -0.008892708458006382, -0.006922760512679815, -0.02415631338953972, -0.013475283049046993, 0.004173914901912212, 0.003946881741285324, -0.03269275277853012, -0.00909529160708189, -0.024659277871251106, 0.008843809366226196, -0.011791746132075787, 0.01925240084528923, 0.010911555960774422, -0.0005771878059022129, 0.015801498666405678, 0.006315010599792004, 0.008829837664961815, 0.03191036358475685, -0.03749886900186539, -0.025972576811909676, -0.014250688254833221, 0.015242647379636765, -0.003573150373995304, -0.02073335461318493, -0.003307696431875229, 0.028277834877371788, 0.0056897965259850025, -0.039510730654001236, -0.04848027974367142, -0.023178324103355408, -0.049514155834913254, -0.010087251663208008, -0.03129562735557556, 0.003264036262407899, 0.020705411210656166, 0.019000917673110962, -0.010324763134121895, 0.04269617795944214, 0.0014460256788879633, -0.0010688016191124916, -0.03744298219680786, 0.003443916328251362, 0.012420452199876308, -0.01462791208177805, 0.0005972714861854911, -0.01367088034749031, -0.028864627704024315, 0.008243044838309288, 0.009940553456544876, -0.011058254167437553, 0.02426808327436447, 0.02847343310713768, -0.006465201731771231, -0.015438245609402657, -0.01589929684996605, 0.014753653667867184, -0.01002438087016344, -0.0006086231442168355, 0.0019821729511022568, -0.030373524874448776, 0.005536112934350967, 0.02539975568652153, -0.005050611216574907, -0.007621323689818382, -0.004764200653880835, 0.023751147091388702, 0.0010495911119505763, -0.014027147553861141, -0.015047050081193447, -0.021851055324077606, 0.015424273908138275, -0.017813360318541527, 0.04370211064815521, 0.0035906145349144936, -0.007963620126247406, 0.022829042747616768, 0.008857780136168003, -0.02169737033545971, -0.002354157855734229, 0.003639513859525323, -3.945790012949146e-05, -0.011498348787426949, 0.017030969262123108, -0.011135096661746502, 0.0014390400610864162, -0.017617762088775635, -0.014613940380513668, 0.0013936334289610386, -0.0019227949669584632, -0.022563589736819267, -0.009458544664084911, -0.039846040308475494, 0.0288366861641407, 0.035989973694086075, -0.0231084693223238, 0.01167997531592846, -0.01853986643254757, 0.021250290796160698, -0.001816264120861888, -0.02039804309606552, -0.014285615645349026, -0.012853561900556087, -0.00896256510168314, 0.003438676940277219, -0.022312106564641, -0.006940224673599005, 0.005630418658256531, 0.008885722607374191, -0.01058323122560978, 0.013524182140827179, 0.20621584355831146, -0.00989165436476469, -0.011065240018069744, 0.02689468115568161, 0.014048104174435139, 0.003169730305671692, 0.0075235250405967236, -0.006650321185588837, -0.024547507986426353, 0.006028600037097931, -0.0061124274507164955, -0.0046140095219016075, -0.009297875687479973, -0.004966783802956343, 0.02118043415248394, -0.0019280342385172844, -0.03559877723455429, -0.03163093701004982, -0.018847232684493065, 0.016500061377882957, 0.02593066357076168, 0.002217937959358096, 0.013754707761108875, -0.013384469784796238, 0.015368388965725899, 0.004097072873264551, 0.011190981604158878, -0.004820085596293211, 0.028892571106553078, 0.00632548937574029, -0.017631733790040016, 0.005288122687488794, -0.005410371348261833, 0.003215136704966426, -0.016751544550061226, 0.010736915282905102, 0.0010295073734596372, -0.0015211212448775768, 0.020775267854332924, 0.004474296700209379, 0.024589423090219498, 0.031155915930867195, 0.00509951077401638, -0.02303861267864704, -0.01295834593474865, 0.007726108189672232, -0.010038352571427822, 0.00465592322871089, -0.0134892538189888, 0.017953071743249893, -0.034061938524246216, 0.013831550255417824, 0.023611433804035187, 0.020635554566979408, -0.006933239288628101, 0.002595162019133568, 0.0011404042597860098, -0.006273096892982721, 0.003719848580658436, 0.02224224992096424, -0.022004738450050354, 0.004823578521609306, -0.004435875918716192, 0.004149464890360832, -0.023765116930007935, -0.007558452896773815, -0.008403714746236801, -0.003768748138099909, -0.002830927027389407, 0.005207788199186325, -0.008585341274738312, -0.022745216265320778, -0.005441806744784117, 0.0026545398868620396, -0.024673249572515488, -0.027872668579220772, 0.020258331671357155, 0.03979015722870827, 0.010639116168022156, 0.02486884780228138, 0.02101277932524681, 0.001195416203700006, -0.0032902322709560394, 0.006328981835395098, -0.019825221970677376, -0.015773555263876915, 0.007488596718758345, -0.03769446536898613, -0.016751544550061226, -0.01349623966962099, 0.004732765257358551, -0.015005135908722878, -0.024030571803450584, -0.001592723885551095, -0.017464078962802887, -0.010031366720795631, 0.013929348438978195, -0.008361800573766232, -0.012378538958728313, -0.04138287901878357, -0.0182883832603693, 0.06287068128585815, 0.01441834308207035, -0.004268220625817776, 0.014669825322926044, -0.0007321814773604274, -0.027355732396245003, 0.013070115819573402, 0.02662922628223896, -0.014963222667574883, 0.004872477613389492, -0.04364622384309769, 0.0018407138995826244, 0.0049912333488464355, 0.004746736492961645, 0.0019140630029141903, 0.006901803892105818, 0.01812072843313217, 0.027844727039337158, -0.01670962944626808, -0.01112112496048212, -0.01872149109840393, -0.0038455899339169264, 0.002890304895117879, 0.003040496027097106, -0.03269275277853012, -0.013349541462957859, -0.006580464541912079, -0.012853561900556087, -0.0004929236019961536, 0.009696056134998798, -0.025287985801696777, 0.011442463845014572, -0.00032963446574285626, 0.010150122456252575, 0.008857780136168003, 0.008291943930089474, -0.01040859054774046, -0.011959400959312916, 0.007481611333787441, 0.00593429384753108, 0.007432711776345968, -0.015144848264753819, 0.0019227949669584632, 0.03048529475927353, -0.007418740540742874, 0.013517196290194988, 0.020984835922718048, -0.00787280686199665, -0.026699082925915718, -0.01164504699409008, -0.0008544300217181444, -0.01063213124871254, -0.0034998012706637383, 0.02900434099137783, -0.001584865152835846, -0.017338337376713753, -0.021851055324077606, 0.014865423552691936, -0.01367088034749031, -0.05890284478664398, 0.0077470652759075165, 0.010743901133537292, -0.0003628162376116961, -0.024100428447127342, -0.01169394701719284, -0.17927923798561096, -0.002722649835050106, 0.03389428183436394, -0.035542890429496765, 0.0066258711740374565, 0.008284959010779858, 0.027467502281069756, -0.002932218834757805, -0.01330762729048729, -0.004173914901912212, 0.015074992552399635, 0.0008884849958121777, -0.023150382563471794, -0.0069472105242311954, 0.010115194134414196, -0.0035679112188518047, -0.004491760861128569, 0.014474228024482727, 0.025371812283992767, 0.017016997560858727, 0.03716355934739113, -0.011135096661746502, 0.012846576049923897, 0.011819688603281975, 0.02995438687503338, 0.007223142776638269, -0.018581779673695564, 0.024729134514927864, 0.002125378232449293, -0.030597064644098282, -0.02292684279382229, 0.00687386142089963, 0.005064582917839289, -0.00628357520326972, -0.004875970538705587, 0.0023332007694989443, 0.021236319094896317, 0.00012050213990733027, -0.007195200305432081, 0.0025637266226112843, 0.032022133469581604, 0.01986713521182537, 0.0029060225933790207, -0.0009386942256242037, -0.024547507986426353, 0.019028859212994576, 0.019992876797914505, -0.019042830914258957, 0.0033758063800632954, 0.00685639725998044, 0.013251742348074913, -0.018861204385757446, 0.022018710151314735, -0.004530182108283043, -0.008284959010779858, 0.00485501391813159, 0.00540338596329093, 0.00873902440071106, -0.0012189926346763968, 0.010750886984169483, 0.00035059137735515833, -0.015689728781580925, 0.013642937876284122, -0.0028082237113267183, -0.007628309540450573, -0.0030806635040789843, -0.019266370683908463, 0.001816264120861888, -0.03434136509895325, 0.0029549221508204937, -0.005064582917839289, -0.017827332019805908, 0.014893366023898125, 0.024128369987010956, 0.009675099514424801, 0.019559767097234726, 0.01423671655356884, -0.003344370983541012, 0.0280403234064579, 0.0063883597031235695, -0.008815866895020008, 0.03216184675693512, -0.0009317085496149957, 0.019881106913089752, -0.016905227676033974, 0.0019612160976976156, 0.01353116799145937, 0.04174613207578659, -0.031072087585926056, -0.00843864306807518, 0.018330296501517296, 0.006699220277369022, 0.010722944512963295, 0.007013573776930571, 0.022256221622228622, 0.014446285553276539, -0.0012128802482038736, -0.01626254990696907, 0.01792513020336628, -0.04104756936430931, -0.00582252349704504, 0.006206733640283346, -0.012448394671082497, -0.004317120183259249, 0.0292558241635561, 0.0033199212048202753, -0.04518306255340576, 0.00808237586170435, 0.017897186800837517, -0.022801101207733154, -0.019461968913674355, 0.0021882490254938602, 0.007355869747698307, 0.025092387571930885, -0.014669825322926044, 0.01969948038458824, 0.002148081548511982, -0.025371812283992767, 0.007202185690402985, 0.003377552842721343, 0.05546591430902481, 0.008347829803824425, -0.017771445214748383, 0.01659785956144333, -0.008829837664961815, -0.006807497702538967, -0.11948224157094955, -0.02355554886162281, 0.014006190933287144, 0.028152093291282654, 0.004383483435958624, 0.0049772621132433414, 0.007446683011949062, 0.04859204962849617, -0.01993699185550213, 0.039846040308475494, -0.010555288754403591, -0.023443778976798058, -0.006954195909202099, 0.004813100211322308, 0.004418411757797003, -0.005833002272993326, 0.007369840983301401, -0.039762213826179504, 0.00584697350859642, 0.03830920159816742, 0.013587052933871746, -0.01388044934719801, 0.017981015145778656, -0.04982152208685875, -0.015438245609402657, -0.014516142196953297, -0.006458216346800327, 0.010115194134414196, -0.0208311527967453, 0.016919199377298355, 0.0098846685141325, -0.00931883230805397, 0.009814811870455742, -0.04194173216819763, 0.007272042334079742, -0.02714616246521473, -0.017380250617861748, -0.025790950283408165, 0.006182283628731966, -0.011428493075072765, 0.005420850124210119, 0.022298134863376617, -0.01313298661261797, 0.015242647379636765, -0.0031749694608151913, 0.015047050081193447, 0.012462366372346878, 0.024826934561133385, 0.013335569761693478, -0.023052582517266273, -0.019727421924471855, 0.0013744229217991233, -0.02143191732466221, -0.002752338768914342, 0.011819688603281975, -0.008878737688064575, 0.0030125535558909178, 0.020342158153653145, -0.004180900286883116, -0.0016320181312039495, -0.018609721213579178, -0.014264659024775028, 0.0069472105242311954, -0.016919199377298355, 0.0156338419765234, 0.01624857820570469, -0.010799786075949669, -0.024673249572515488, -0.006346445996314287, -0.01476762443780899, -0.03023381158709526, 0.028082238510251045, -0.005054104141891003, -0.0035976001527160406, -0.011938444338738918, -0.02541372738778591, 0.006542043760418892, -0.03302806615829468, 0.012203898280858994, 0.001418083207681775, -0.020593641325831413, -0.023443778976798058, -0.0024257604964077473, -0.007733094040304422, -0.009654142893850803, -0.008955579251050949, 0.012546193785965443, -0.009598257020115852, -0.020090674981474876, -0.044680096209049225, -0.016500061377882957, 0.020006848499178886, 0.011253852397203445, -0.015787526965141296, -0.004910898860543966, 0.0017708574887365103, -0.014921308495104313, 0.003918939270079136, 0.011086196638643742, 0.014180831611156464, -0.03135151416063309, -0.0039014751091599464, -0.06650321185588837, 0.017352309077978134, -0.006133384071290493, -0.01571767032146454, -0.0032238687854260206, 0.00879491027444601, 0.013684852048754692, -0.0017184653552249074, -0.005585012026131153, 0.0124274380505085, -0.029647018760442734, 0.011924472637474537, -0.02795649692416191, -0.01958771049976349, -0.022731244564056396, -0.01511690579354763, 0.001606695237569511, -0.015172791667282581, 0.01598312519490719, 0.007107879966497421, 0.00010238315735477954, -0.003250065026804805, 0.015242647379636765, 0.016304463148117065, -0.01225279737263918, -0.010778829455375671, -0.03727532923221588, 0.01609489507973194, -0.011358636431396008, -0.007446683011949062, 0.007223142776638269, -0.018833262845873833, -0.009088306687772274, 0.013580067083239555, -0.004875970538705587, 0.005885394290089607, 0.01687728613615036, 0.014739681966602802, 0.03163093701004982, 0.0003132619021926075, -0.04546248912811279, -0.017505992203950882, 0.0017306901281699538, -0.016039010137319565, 0.006517594214528799, -0.010352705605328083, -0.008473570458590984, -0.0007867567474022508, -0.002277315827086568, 0.031686823815107346, 0.017226567491889, 0.011498348787426949, -0.008075390011072159, -0.029674962162971497, -0.013426383025944233, -0.007024052087217569, 0.01589929684996605, -0.005616447422653437, 0.011798731051385403, -0.007740079425275326, 0.052783429622650146, -0.02892051450908184, 0.029563192278146744, -0.02750941552221775, -9.910864173434675e-05, 0.004600038286298513, -0.008941608481109142, -0.014201788231730461, -0.005270658992230892, -0.008103332482278347, -0.019909048452973366, 0.002139349700883031, 0.003370567224919796, 0.0374150425195694, 0.018232498317956924, -0.003127816366031766, 0.0032448256388306618, 0.021292204037308693, -0.0016695659141987562, 0.015689728781580925, 0.017883216962218285, -0.010094237513840199, -0.02945142239332199, 0.005780609790235758, 0.020272301509976387, 0.020495843142271042, -0.013433368876576424, 0.003183701541274786, -0.010366677306592464, 0.008997493423521519, 0.0063848672434687614, 0.009046392515301704, 0.002429253188893199, -0.005431328434497118, 0.016486089676618576, 0.013216814026236534, 0.010003424249589443, -0.014544084668159485, 0.011170024052262306, -0.005141424480825663, 0.01863766461610794, -0.012399495579302311, -0.017994986847043037, -0.022312106564641, 0.004170421976596117, -0.029199939221143723, -0.037135615944862366, -0.035710547119379044, 0.02187899686396122, -0.004634966608136892, 0.009269933216273785, -0.010136150754988194, 0.010338733904063702, 0.012874518521130085, -0.013258728198707104, 0.016332406550645828, -0.003929417580366135, -0.014131932519376278, -0.03333543241024017, 0.027453530579805374, 0.02127823233604431, 0.0038246330805122852, 0.031938306987285614, -0.007439697161316872, 0.06421191990375519, 0.015047050081193447, 0.01573164202272892, -0.01573164202272892, 0.03182653710246086, 0.023583492264151573, 0.007558452896773815, 0.008305915631353855, -0.012182940728962421, -0.01441834308207035, -0.005508170463144779, -0.0005736949970014393, -0.012846576049923897, 0.022731244564056396, 0.006566493306308985, 0.1132231131196022, 0.037219442427158356, -0.006175298243761063, 0.006241661496460438, 0.0025165737606585026, -0.01933622732758522, 0.00931184645742178, -0.005005205050110817, -0.03649293631315231, -0.026307888329029083, 0.014097004197537899, -0.0035329831298440695, 0.005246208980679512, -0.006880846805870533, -0.0048899417743086815, -0.0288366861641407, 0.017072882503271103, -0.0002497363311704248, -0.016653744503855705, -0.017533933743834496, 0.03006615675985813, -0.0016468625981360674, 0.0052636731415987015, 0.016905227676033974, -0.010792800225317478, -0.007265056483447552, 0.030820606276392937, 0.004079608712345362, -0.00022179378720466048, -0.027872668579220772, 0.025776980444788933, 0.012595092877745628, -0.03727532923221588, -0.01923842914402485, 0.008683139458298683, -0.018483979627490044, -0.001952483900822699, -0.00804046168923378, 0.01827441155910492, 0.0020153545774519444, -0.0003630345163401216, 0.01714273914694786, -0.011582177132368088, -0.011309737339615822, -0.01967153698205948, 0.008326872251927853, 0.007740079425275326, -0.015843411907553673, -0.03610174357891083], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='2d279a1a-09d1-43f8-83cd-ac7189fadeaf', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '7', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_type': 'application/pdf', 'file_size': 885090, 'creation_date': '2024-02-25', 'last_modified_date': '2024-02-07', 'last_accessed_date': None}, hash='0090957a597bc50ed7aa08a8d0620a1c1a717679db6e28c700e26b4fa61a8d01')}, text='Table 2: Input and output token consumption as well as the estimated cost on HotpotQA, Movie Recommendation,\\nand our custom dataset named ParallelQA. The cost is computed based on the pricing table of the GPT models used\\nfor each benchmark.\\nBenchmark Method In. Tokens Out. Tokens Cost ($/1k) Cost Red.\\nHotpotQAReAct 2900 120 5.00 1.00 ×\\nOAI Para. Func. 2500 63 2.66 1.87 ×\\nLLMCompiler 1300 80 1.47 3.37×\\nMovie Rec.ReAct 20000 230 20.46 1.00 ×\\nOAI Para. Func. 5800 160 6.14 3.33 ×\\nLLMCompiler 2800 115 3.04 6.73×\\nParallelQAReAct 46000 470 480 1.00 ×\\nOAI Para. Func. 25000 370 260 1.81 ×\\nLLMCompiler 9200 340 103 4.65×\\nexperiments in which we incorporated ReAct-specific prompts to avoid repetitive function calls and early stopping.\\nReAct†in Table 1 refers to ReAct with this ReAct-specific prompt. The ReAct-specific prompt yields a general accu-\\nracy improvement with ReAct†as compared to the original ReAct. Nevertheless, LLMCompiler still demonstrates\\non-par and better accuracy than ReAct†as such prompting does not serve as a perfect solution to completely avoiding\\nthe erroneous behavior of ReAct.\\nAdditionally, when compared to ReAct†,LLMCompiler demonstrates a noticeable speedup of 1.80×and1.40×\\non the HotpotQA benchmark with GPT and LLaMA, respectively. Similarly, LLMCompiler demonstrates 3.74×\\nand2.82×speedup on the Movie Recommendation benchmark with each model. Note that we benchmark the latency\\nofLLMCompiler against that of ReAct†since the repeating and early stopping behavior of the original ReAct as\\ndiscussed above makes its latency unpredictable and unsuitable for a fair comparison. LLMCompiler demonstrates\\na speedup of up to 35% compared to OpenAI parallel function calling whose latency gain over ReAct is 1.61×and\\n2.76×on each benchmark1.\\nCosts. Another important consideration of using LLMs is cost, which depends on the input and output token usage.\\nThe costs for GPT experiments are provided in Table 2. LLMCompiler is more cost-efficient than ReAct for cost as\\nit involves less frequent LLM invocations. Interestingly, LLMCompiler also outperforms the recent OpenAI parallel\\nfunction calling in cost efficiency. This is because LLMCompiler ’s planning phase is more prompt length efficient\\nthan that of OpenAI parallel function calling since our Planner’s in-context examples are rather short and only include\\nplans, not observations (see Appendix A.7).\\n4.2 Parallel Function Calling with Dependencies\\nThe cases considered above are rather simple, as only one tool is used and all tasks can be executed independently\\nof one another. However, similar to code execution in traditional code blocks, we may encounter function calling\\nscenarios that involve more complex dependencies. To systematically evaluate the capability to plan out function\\ncalling in scenarios that involve complex task dependencies, we have designed a custom benchmark called ParallelQA.\\nThis benchmark is designed to incorporate non-trivial function calling patterns, including three different types of\\npatterns in Figure 3 (b) and (c). Inspired by the IfQA benchmark [60], ParallelQA contains 113 examples that involve\\nmathematical questions on factual attributes of various entities. In particular, completing the task requires using\\ntwo tools (i.e., search and math tools), with the second tool’s argument depending on the result of the first tool’s\\noutput. We have meticulously included questions that are only answerable with information from Wikipedia’s first\\nparagraph, effectively factoring out the failure cases due to unsuccessful searches. See Appendix A.8 for more details\\nin ParallelQA.\\nExperimental Setups. ', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='7c2bb1b3-654b-493f-b860-38b229ca1813', embedding=[0.0008903964189812541, -0.0005836398922838271, -0.01146413292735815, -0.020602623000741005, 0.004533575847744942, 0.013647097162902355, -0.01147126592695713, -0.006552461534738541, -0.02188671939074993, -0.018833423033356667, 0.03735295310616493, 0.007840125821530819, -0.001842322526499629, 0.0024451345670968294, -0.014239208772778511, 0.01076501328498125, 0.0022739218547940254, 0.00954512134194374, 0.000259494612691924, 0.006844950374215841, 0.0069020213559269905, -0.006944824475795031, -0.007854392752051353, -0.027950510382652283, -0.0016505996463820338, -0.017078489065170288, 0.019004635512828827, -0.04331687092781067, 0.0039628660306334496, -0.004865300841629505, 0.011335723102092743, -0.022557303309440613, -0.03213096037507057, 0.004269622266292572, -0.027394069358706474, 0.0015899616992101073, -0.005075749941170216, -0.004351662006229162, 0.026652146130800247, -0.005938948597759008, 0.02348470687866211, 0.023356297984719276, 0.0003352919884491712, -0.0032744472846388817, 0.005107852630317211, 0.004141212906688452, 0.008403701707720757, -0.025796081870794296, -0.025681938976049423, 0.04676966741681099, 0.028949253261089325, 0.030162012204527855, -0.016579119488596916, 0.007890062406659126, -0.008995812386274338, -0.0036347077693790197, 0.003326167818158865, 0.019018903374671936, 0.014117932878434658, -0.01493832841515541, -0.016436440870165825, 0.009595057927072048, -0.0220721997320652, 0.028934985399246216, 0.015437698923051357, -0.006784312427043915, 0.0019511140417307615, 0.021629899740219116, 0.004312425851821899, -0.015580376610159874, -0.00569996377453208, 0.004437268245965242, 0.012926576659083366, -0.0016880524344742298, 0.03175999969244003, -0.008981545455753803, -0.020417142659425735, -0.012812434695661068, 0.006317043676972389, -0.007462030276656151, 0.005917546804994345, 0.00375955062918365, 0.0009300785604864359, 0.0357549674808979, 0.006477555725723505, -0.027736494317650795, 0.008389433845877647, 0.023013871163129807, -0.005460978951305151, -0.008903072215616703, 0.003411774290725589, 0.01330467127263546, 0.03857998177409172, 0.014581634663045406, -0.012569882906973362, -0.0028303638100624084, 0.01330467127263546, 0.023741526529192924, -0.0229282658547163, -0.029505694285035133, -0.005496648605912924, -0.01407512929290533, -0.036268606781959534, -0.0069983284920454025, -0.01722116768360138, -0.0007896304596215487, 0.004462237004190683, 0.0026716350112110376, -0.004319559782743454, 0.0111145731061697, -0.02140161581337452, 0.008560646325349808, 0.009067151695489883, -0.019760826602578163, -0.005072182975709438, -0.01827698014676571, 0.011492667719721794, -0.02488294616341591, -0.011785157024860382, -0.009530853480100632, 0.04080574959516525, 0.013597160577774048, 0.030304688960313797, -0.015095273032784462, 0.027265658602118492, -0.006966226268559694, -0.01669326052069664, -0.007775920443236828, -0.03786659240722656, -0.031189288944005966, 0.009423845447599888, 0.005635758861899376, 0.007861526682972908, 0.014710044488310814, -0.014389020390808582, 0.010187169536948204, 0.006456154398620129, 0.0189618319272995, -0.008653386496007442, -0.0013251167256385088, 0.020074715837836266, 0.0005011545144952834, -0.016450708732008934, -0.0009710983722470701, -0.023584581911563873, 0.013732703402638435, 0.014217806980013847, 0.008439370431005955, 0.015409164130687714, -0.004508607089519501, -0.022828390821814537, -0.01635083556175232, -0.012355866841971874, 0.009887547232210636, 0.0044765048660337925, 0.006167232524603605, 0.005596522707492113, 0.034356728196144104, -0.020959315821528435, -0.021972326561808586, 0.031189288944005966, 0.014838454313576221, 0.0072159115225076675, -0.003452794160693884, 0.009702065959572792, 0.02503989078104496, 0.043887581676244736, -0.005503782536834478, 0.001406264491379261, -0.009052883833646774, -0.01253421325236559, 0.013518687337636948, -0.021872451528906822, 0.00594964949414134, -0.001514164381660521, -0.02539658546447754, 0.03187413886189461, -0.01689300872385502, -0.009880413301289082, -0.010201437398791313, 0.011499801650643349, -0.002924887463450432, 0.007301518227905035, 0.024226630106568336, -0.007640377152711153, -0.012412937358021736, 0.02171550691127777, -0.006459721364080906, 0.01269829273223877, -0.020088983699679375, 0.0168644730001688, 0.04160474240779877, -0.003411774290725589, -0.0036882117856293917, -0.644673764705658, -0.019903503358364105, 0.01044398918747902, -0.03638274967670441, -0.008553512394428253, -0.00966639630496502, -0.0111145731061697, 0.007462030276656151, -0.002382713370025158, 0.04137645661830902, 0.008025606162846088, -0.002207933459430933, -0.0028303638100624084, -0.00826102402061224, -0.0007209669565781951, -0.03255899250507355, 0.007711715996265411, -0.011093171313405037, 0.016094015911221504, 0.017420915886759758, -0.0458565317094326, 0.006627367343753576, -0.013083521276712418, -0.010108697228133678, -0.015723053365945816, 0.014624438248574734, 0.023541778326034546, 0.0025289575569331646, -7.262059079948813e-05, 0.008631985634565353, -0.0058069718070328236, -6.297871732385829e-05, 0.0084322365000844, -0.0038594247307628393, 0.04605627804994583, 0.004886702634394169, -0.027565281838178635, 0.009459514170885086, 0.01138565968722105, 0.027165785431861877, -0.019418399780988693, -6.504084740299731e-05, 0.030732721090316772, 0.003912928979843855, -0.02210073545575142, 0.0012769631575793028, 0.02262864261865616, 0.013475884683430195, -0.01997484266757965, -0.0130549855530262, -0.01617962121963501, -0.007069667335599661, 0.010115830227732658, 0.018562335520982742, 0.018890492618083954, 0.010550997219979763, 0.027222856879234314, -0.015594644472002983, -0.01105036772787571, 0.0012778548989444971, -0.0016479244222864509, 0.0051114195957779884, -0.026837626472115517, -0.023741526529192924, -0.025282442569732666, 0.0175635926425457, 0.0030425963923335075, 0.011571140959858894, -0.007989936508238316, -0.009109954349696636, 0.011863629333674908, 0.020588355138897896, 0.00483319815248251, -0.009844743646681309, 0.0053290026262402534, -0.01522368285804987, 0.0265808068215847, -0.0045050401240587234, -0.015295022167265415, 0.03638274967670441, 0.02485441043972969, -0.014296279288828373, -0.01653631590306759, -0.008353764191269875, 0.01719263195991516, -0.016593387350440025, 0.005732066463679075, -0.007176675368100405, 0.024440646171569824, 0.017349576577544212, 0.011927833780646324, 0.021159064024686813, -0.03010494075715542, -0.05701390653848648, 6.710298475809395e-05, 0.02361311763525009, -0.00035647067124955356, 0.016992883756756783, 0.026880430057644844, -0.036439817398786545, -0.011621077544987202, -0.012912308797240257, 0.04816790297627449, 0.007569038309156895, 0.011321455240249634, 0.030219081789255142, -0.021258939057588577, 0.02138734795153141, 0.016422173008322716, -0.01997484266757965, -0.02384140156209469, -0.030304688960313797, -0.0016131468582898378, -0.014681508764624596, 0.01406799629330635, -0.03860851749777794, 0.006598831620067358, 0.012370134703814983, 0.0035936881322413683, 0.0011342857033014297, 0.015951337292790413, -0.007761653047055006, -0.0021633466240018606, -0.0069555253721773624, 0.0048438990488648415, 0.012305929325520992, 0.025653403252363205, -0.007540503051131964, -0.012384401634335518, 0.016293764114379883, -0.0032316441647708416, -0.02331349439918995, 0.02730846218764782, -0.014767115004360676, 0.018362587317824364, 0.005796270910650492, 0.03669663891196251, -0.01026564184576273, 0.024982819333672523, -0.025111230090260506, -0.03041882999241352, 0.006951958406716585, 0.008439370431005955, -0.030019333586096764, -0.05236262083053589, -0.030304688960313797, -0.017135560512542725, 0.020616890862584114, 0.00948091596364975, 0.00799707043915987, -0.004419433884322643, 0.004159047268331051, -0.016393637284636497, 0.011942101642489433, -0.016122551634907722, -0.015908535569906235, -0.02031726762652397, -0.01776334084570408, -0.006249271798878908, -0.011585407890379429, -0.0015266486443579197, 0.012198921293020248, -0.01460303645581007, 0.014317681081593037, -0.00439803209155798, 0.001016576774418354, -0.001594420406036079, 0.03370041027665138, -0.027522478252649307, -0.04471511021256447, 0.005810538772493601, -0.029134733602404594, -0.009702065959572792, 0.022685714066028595, 0.008653386496007442, 0.026309721171855927, -0.04177595674991608, 0.009281167760491371, 0.015751589089632034, -0.014752847142517567, 0.01217038556933403, 0.01806296408176422, -0.004262488801032305, -0.017178364098072052, 0.017649199813604355, 0.029134733602404594, 0.022842658683657646, -0.008403701707720757, -0.004141212906688452, 0.016479244455695152, -0.009809073992073536, 0.03629714250564575, -0.005828373599797487, 0.013104923069477081, -0.01268402487039566, 0.0035972550977021456, 0.002149078994989395, 0.00791146419942379, 0.00861058384180069, 0.01295511145144701, 0.0017914936179295182, 0.027950510382652283, 0.016607655212283134, -0.028606826439499855, -0.02208646759390831, -0.022029398009181023, 0.005175624042749405, -0.025624869391322136, 0.007312219124287367, -0.0008743451908230782, -0.0006728133303113282, -0.016079748049378395, -0.022728515788912773, -0.011264383792877197, 0.011349990963935852, 0.024954285472631454, -0.001215433469042182, 0.018020160496234894, 0.027907708659768105, -0.016950080171227455, 0.01636510342359543, -0.01619388908147812, 0.019218651577830315, -0.013960987329483032, -0.001406264491379261, 0.01840539090335369, -0.021273206919431686, 0.00236666202545166, -0.009944617748260498, -0.008967277593910694, -0.005628624930977821, -0.012484276667237282, 0.0039057950489223003, 0.004390898160636425, 0.025282442569732666, 0.0009933917317539454, 0.01566598378121853, 0.007244447246193886, 0.02903486043214798, 0.003616873174905777, -0.016094015911221504, 0.0027304894756525755, -0.004979442805051804, -0.02070249617099762, 0.03270167112350464, -0.01276963111013174, 0.055387381464242935, 0.02190098725259304, 0.0020830905996263027, 0.002891001757234335, -0.00999455526471138, 0.012120448984205723, -0.026038633659482002, 0.00760470749810338, 0.019033171236515045, 0.0017861432861536741, -0.0002020892279688269, 0.00886026956140995, 0.012263125739991665, 0.025296710431575775, -0.006317043676972389, -0.0020884410478174686, 0.008646252565085888, -0.002122326986864209, 0.005161356646567583, -0.021087726578116417, -0.0037987870164215565, 0.004369496833533049, -0.01792028732597828, -0.0007686747121624649, 0.01130005344748497, 0.0034349593333899975, 0.0059282477013766766, -0.022543035447597504, 0.026381058618426323, 0.036097392439842224, 0.00168359384406358, 0.005325435660779476, 0.006028121802955866, -0.005361104849725962, 0.010336981154978275, -0.0286781657487154, 0.03569789603352547, 0.0071980771608650684, 0.009188427589833736, 0.010279909707605839, -0.02660934254527092, -0.014039460569620132, -0.006017420906573534, 0.025867421180009842, -0.004387331195175648, 0.005114986095577478, -0.007725983392447233, 0.005696396809071302, -0.004009236115962267, 0.0031531713902950287, 0.03461354598402977, -0.009837609715759754, 0.009987421333789825, -0.015252218581736088, -0.003506298176944256, 0.01068654004484415, -0.01406799629330635, -0.02188671939074993, 0.05861189216375351, 0.011578274890780449, -0.0071481396444141865, -0.023755794391036034, -2.4773486074991524e-05, -0.038865335285663605, 0.012676890939474106, 0.02849268540740013, 0.010650871321558952, -0.002389847068116069, 0.018162839114665985, -0.0026645013131201267, -0.0060495235957205296, -0.01633656769990921, -0.005578687880188227, 0.024440646171569824, -0.004230386111885309, -0.011571140959858894, 0.01723543554544449, 0.01653631590306759, 0.03843730315566063, 0.029420088976621628, 0.004116244148463011, 0.007019730284810066, -0.015922803431749344, 0.002987308893352747, -0.029091930016875267, -0.030875397846102715, 0.004415866918861866, -0.0016934028826653957, -0.020374339073896408, -0.008589182049036026, 0.010365515947341919, -0.008047007955610752, 0.010279909707605839, -0.001578369177877903, -0.005774869583547115, -0.010750745423138142, -0.007208777591586113, -0.01613681949675083, -0.004758292809128761, 0.014981131069362164, 0.007326486520469189, 0.01700715161859989, -0.019361328333616257, -0.00022984444512985647, 0.01910450868308544, 0.015694519504904747, -0.00569996377453208, -0.03689638525247574, 0.013440215028822422, 0.00010895875311689451, -0.008803198114037514, 0.029848121106624603, 0.0037773852236568928, 0.017977356910705566, 0.0020188859198242426, 0.020231660455465317, 0.01505247037857771, 0.0005497540114447474, 0.016036944463849068, 0.017977356910705566, 0.006720107514411211, -0.005746333859860897, 0.01009442936629057, -0.012148983776569366, 0.015680251643061638, -0.002339910017326474, 0.011599675752222538, -0.021458687260746956, -0.018904760479927063, -0.015708785504102707, -0.033300913870334625, 0.00973060168325901, -0.006752209737896919, 0.010558131150901318, -0.007875794544816017, 0.00025860287132672966, -0.006702272687107325, -0.026737753301858902, -0.008738993667066097, -0.004900970030575991, 0.022913997992873192, 0.0005256772274151444, -0.0004106435226276517, 0.006181500386446714, -0.009780538268387318, -0.0150382025167346, -0.0111145731061697, 0.018005892634391785, -0.006795013323426247, -0.007611841429024935, -0.04020650312304497, 0.004333827178925276, 0.007333620451390743, 0.019247187301516533, 0.024041149765253067, 0.0016604086849838495, -0.02361311763525009, 0.00041755446000024676, -0.016436440870165825, -0.024397842586040497, -0.018705012276768684, -0.01723543554544449, 0.002635965822264552, -1.6302012227242813e-05, -0.008988678455352783, -0.024198094382882118, -0.006944824475795031, 0.016393637284636497, -0.009609325788915157, -0.00904574990272522, 0.016921544447541237, -0.005956783425062895, 0.02034580335021019, 0.019589612260460854, 0.006823548581451178, 0.03917922452092171, 0.004797528963536024, -0.023441903293132782, 0.0032815812155604362, -0.024554787203669548, 0.006620233412832022, 0.0011378525523468852, -0.005485947709530592, -0.017135560512542725, 0.015423431992530823, 0.03601178526878357, 0.004594213794916868, -0.02014605514705181, 0.02715151757001877, -0.009331104345619678, 0.018633674830198288, -0.0014178571291267872, 0.017606396228075027, -0.02535378187894821, 0.010472523979842663, 0.017634931951761246, 0.001490087597630918, -0.017820412293076515, 0.014695776626467705, -0.017692003399133682, 0.022699981927871704, -0.007832991890609264, -0.02054555155336857, 0.004194716922938824, 0.007098202593624592, -0.010272775776684284, -0.017806144431233406, 0.014545965008437634, 0.004865300841629505, 0.01633656769990921, 0.001226134249009192, -0.02522537112236023, -0.007583306171000004, -0.02227194793522358, -0.012548481114208698, 0.0030568642541766167, 0.005243395920842886, -0.005946082528680563, -0.004223252180963755, 0.011585407890379429, -0.024611858651041985, -0.002159779891371727, 0.008639119565486908, -0.02033153548836708, -0.0021419450640678406, 0.020388606935739517, 0.015551840886473656, 0.0009202695218846202, -0.016079748049378395, 0.025767546147108078, -0.03686784952878952, -0.01563744805753231, -0.012198921293020248, -0.030333224684000015, 0.0005114094819873571, 0.0072943842969834805, 0.025482190772891045, 0.023770062252879143, 0.03917922452092171, -0.0037345821037888527, 0.018747815862298012, 0.009024348109960556, 0.015851464122533798, 0.001721046632155776, 0.010465390048921108, -0.0035455343313515186, -0.006249271798878908, 1.587007864145562e-05, -0.006623800378292799, -0.010572398081421852, 0.015551840886473656, -0.010365515947341919, 0.008917340077459812, 0.012448607012629509, -0.018890492618083954, -0.007369290105998516, -0.005168490577489138, -0.01633656769990921, 0.007533369120210409, 0.008489307947456837, 0.006242138333618641, 0.013069253414869308, -0.0351271852850914, 0.006791446357965469, 0.026323989033699036, -0.0034973807632923126, 0.0029890923760831356, 0.021601364016532898, 0.03255899250507355, 0.00030586475622840226, 0.01582292839884758, 0.014824186451733112, 0.01809149980545044, -0.03247338533401489, -0.016907276585698128, -0.030647113919258118, -0.021472955122590065, -0.005735632963478565, 0.002266787923872471, 0.02693750150501728, 0.011656747199594975, 0.0033511363435536623, -0.007272982504218817, -0.005332569591701031, -0.009409577585756779, 0.00157569395378232, 0.012241724878549576, -0.0013911051210016012, -0.005617924500256777, -0.013518687337636948, -0.006709406618028879, -0.012484276667237282, -0.016036944463849068, 0.0138325784355402, -0.006424051709473133, 0.016593387350440025, -0.022814122959971428, -0.026552272960543633, 0.025253906846046448, 0.0013545439578592777, 0.023541778326034546, 0.0021954490803182125, 0.01113597396761179, 0.0084322365000844, 0.021173331886529922, 0.0022418193984776735, 0.0013456266606226563, -0.006766477599740028, -0.008874536491930485, 0.02922034077346325, 0.037295881658792496, -0.0269660372287035, -0.012933710590004921, 0.006056657526642084, 0.0037880861200392246, -0.011364257894456387, -0.05324722081422806, 0.01914731226861477, 0.002641316270455718, 0.013276136480271816, -0.03649688884615898, -0.0025610600132495165, -0.025482190772891045, 0.005446711555123329, -0.013647097162902355, 0.00039169416413642466, -0.004348095040768385, -0.0029783917125314474, -0.01754932478070259, 0.027593817561864853, 0.02241462655365467, 0.019561076536774635, 0.013161994516849518, -0.004437268245965242, 0.009894680231809616, -0.0017049954039976, 0.0039914012886583805, 0.006513225380331278, 0.0008681030594743788, 0.015723053365945816, -0.023784330114722252, 0.02973397821187973, 0.0024183825589716434, -0.008731859736144543, -0.01928999088704586, -0.00869619008153677, -0.004455103073269129, 0.028549756854772568, -0.010857753455638885, 0.00964499544352293, 0.006206468679010868, 0.0016122551169246435, 0.009459514170885086, -0.001917228102684021, 0.0030639981850981712, 0.001236835028976202, -0.01076501328498125, 0.006288508418947458, 0.042660556733608246, 0.0021579964086413383, -0.009766271337866783, 0.013283269479870796, -0.004077007994055748, -0.006003153510391712, 0.017492255195975304, -0.01683593913912773, 0.003973566927015781, -0.04451536387205124, 0.012705426663160324, 0.0065631624311208725, 0.006488256622105837, 0.01635083556175232, -0.00868192221969366, -0.020616890862584114, -0.007219478487968445, 0.023256422951817513, -0.040063824504613876, 0.009181293658912182, -0.012427205219864845, 0.013647097162902355, -0.007647511083632708, 0.015509038232266903, -0.011007565073668957, -0.017977356910705566, 0.033300913870334625, -0.026694949716329575, -0.011257249861955643, -0.014824186451733112, 0.00973060168325901, 0.01984643191099167, 0.011535471305251122, 0.0065274927765131, 0.017092756927013397, 0.0005573337548412383, 0.015865731984376907, -0.01897609978914261, -0.0025878120213747025, 0.013953854329884052, -0.010087295435369015, 0.013040718622505665, 0.029091930016875267, -0.012741095386445522, 0.006106594577431679, -0.0030051437206566334, -0.012191787362098694, -0.020031912252306938, -0.01633656769990921, -0.002969474298879504, -0.002511122962459922, -0.006627367343753576, -0.0077973222360014915, -0.02241462655365467, -0.017121292650699615, 0.005421742796897888, -0.013090655207633972, -0.00483319815248251, 0.01683593913912773, -0.01809149980545044, 0.018633674830198288, -0.013611428439617157, 0.0009149190736934543, 0.01522368285804987, -0.029277410358190536, -0.0029141867998987436, -0.0015195147134363651, -0.007811590097844601, -0.012612685561180115, -0.01566598378121853, -0.01739238016307354, 0.043202728033065796, 0.0269660372287035, -0.016036944463849068, -0.056443195790052414, -0.0032013251911848783, -0.036439817398786545, -0.007533369120210409, -0.04160474240779877, 0.01754932478070259, 0.012990781106054783, 0.008582048118114471, 0.013625695370137691, 0.03127489611506462, -0.02906339429318905, 0.01259841863065958, -0.015723053365945816, -0.01077928114682436, 0.012398669496178627, 0.006334878504276276, -0.007904330268502235, -0.013547223061323166, -0.009024348109960556, 0.0074334945529699326, 0.020959315821528435, -0.020117519423365593, 0.0215300265699625, 0.02311374619603157, -0.016379371285438538, -0.016621921211481094, -0.00904574990272522, 0.016992883756756783, -0.008417969569563866, 0.0004146563296671957, 0.002309591043740511, -0.029591301456093788, 0.0006224303506314754, 0.03144610673189163, 0.0022899729665368795, -0.00861058384180069, 0.004244653973728418, 0.010222839191555977, -0.0030996673740446568, 0.0053718057461082935, 0.011970637366175652, -0.003426042152568698, 0.017463719472289085, -0.029448624700307846, 0.05376086011528969, 0.000881924934219569, -0.0027090879157185555, 0.018120035529136658, 0.0024594024289399385, -0.011678148992359638, -0.02123040333390236, -0.005239828955382109, -0.02171550691127777, -0.000508288387209177, 0.024041149765253067, -0.004925938788801432, -0.015023934654891491, -0.006402650382369757, -0.004019937012344599, -0.013062119483947754, -0.0040841419249773026, -0.002256087027490139, -0.00923123024404049, -0.03475622460246086, 0.026509469375014305, 0.01261981949210167, -0.002751891268417239, -0.0007486107060685754, -0.013390278443694115, 0.004230386111885309, -0.009024348109960556, -0.026538005098700523, 0.0017959523247554898, 0.013647097162902355, 0.0027946943882852793, -0.010579532012343407, -0.01451743021607399, -0.0018155704019591212, 0.005364671815186739, 0.01861940696835518, -0.01844819262623787, 0.001293014269322157, 0.20773835480213165, -0.009281167760491371, -0.012498543597757816, 0.03701052814722061, -0.016750331968069077, -0.013140592724084854, 0.018747815862298012, -0.012577016837894917, -0.035583753138780594, -0.0006019204738549888, -0.006324177607893944, 0.00807554367929697, -0.0010442205239087343, 0.0007160624372772872, 0.017321040853857994, -0.005746333859860897, -0.01563744805753231, -0.016750331968069077, -0.013811176642775536, 0.0076760463416576385, 0.03392869606614113, 0.02205793187022209, -0.01329040341079235, -0.036953456699848175, 0.04220398887991905, 7.652192289242521e-05, -0.00018079907749779522, 0.006702272687107325, 0.010565265081822872, 0.00504008075222373, -0.009930349886417389, 0.022157806903123856, -0.0006081626052036881, 0.027964778244495392, -0.014488894492387772, -0.010650871321558952, 0.021458687260746956, 0.008382299914956093, 0.011150241829454899, 0.015865731984376907, 0.004840332083404064, -0.006991194561123848, 0.0038736925926059484, -0.021301742643117905, -0.0276651568710804, 0.01009442936629057, -0.011228715069591999, -0.019689487293362617, -0.0034866800997406244, 0.013368876650929451, -0.04231812804937363, 0.021472955122590065, 0.004401599057018757, 0.02763662114739418, 0.0028160959482192993, -0.00756190437823534, 0.001449067727662623, 0.021159064024686813, 0.0073906914331018925, 0.01933279260993004, -0.025253906846046448, 0.009088553488254547, 0.0018173538846895099, 0.016778867691755295, -0.025011355057358742, -0.006645201705396175, -0.01946120336651802, 0.007301518227905035, 0.023327762261033058, -0.012177519500255585, -0.012220323085784912, -0.003383238799870014, 0.0025485758669674397, -0.002710871398448944, -0.03198828175663948, -0.030675649642944336, -0.0010317362612113357, 0.03078979253768921, 0.0012190004345029593, 0.03412844240665436, 0.006331311538815498, 0.0012805300066247582, -0.03307263180613518, -0.0057641686871647835, -0.021786846220493317, -0.0009737735381349921, 0.008268157951533794, -0.016793135553598404, -7.278779230546206e-05, -0.007697448134422302, -0.008746127597987652, -0.02401261404156685, -0.023399099707603455, -0.006152964662760496, 0.006816414650529623, -0.012013440951704979, 0.003659676294773817, 0.0326445996761322, -0.013575758785009384, -0.0031014508567750454, -0.033129703253507614, 0.08777516335248947, 0.016036944463849068, 0.004940206650644541, 0.02710871398448944, 0.011357123963534832, -0.0009131356491707265, 0.0034135577734559774, 0.012748229317367077, 0.004433701746165752, 0.0030800492968410254, -0.04890982806682587, 0.004041338339447975, -0.008988678455352783, -0.007761653047055006, 0.006616666447371244, -0.006976927164942026, -0.003937897272408009, 0.030047869309782982, -0.0002864695561584085, -0.02297106757760048, -0.0005947866011410952, -0.01009442936629057, 0.02903486043214798, -0.01667899265885353, -0.012027708813548088, -0.03721027821302414, -0.026552272960543633, -0.028992056846618652, -0.0015979873714968562, 0.014296279288828373, -0.003590121166780591, 0.01635083556175232, 0.0117352195084095, 0.015851464122533798, -0.021958058699965477, -0.0008368924027308822, -0.024982819333672523, -0.020402874797582626, -0.005193458870053291, 0.012255992740392685, 0.009859011508524418, -0.0062528387643396854, -0.0008475931826978922, 0.017649199813604355, 0.00760470749810338, -0.0033761048689484596, 0.026281185448169708, -0.023570314049720764, 0.0029730412643402815, -0.0009363206918351352, -0.006648768670856953, -0.005607223603874445, -0.012134716846048832, 0.005963916890323162, -0.004291024059057236, -0.0051114195957779884, -0.02309947833418846, 0.029334481805562973, 4.294256723369472e-05, -0.04762573167681694, 0.007968534715473652, -4.451703262020601e-06, 0.011342857033014297, -0.03592618182301521, -0.019004635512828827, -0.18536652624607086, -0.01736384443938732, 0.030903933569788933, -0.039036549627780914, 0.016607655212283134, 0.013440215028822422, 0.010636603459715843, 0.009452380239963531, -0.017149828374385834, -0.003033679211512208, 0.015879999846220016, -0.01087915524840355, -0.011414195410907269, -0.0050864508375525475, -0.005236261989921331, -0.013540089130401611, 0.010172901675105095, -0.003616873174905777, 0.023185083642601967, -0.00012718356447294354, 0.038865335285663605, -0.017948823049664497, -0.0015150561230257154, 0.0018280547810718417, 0.025953026488423347, -0.010650871321558952, 0.0041661811992526054, 0.014838454313576221, 0.0036810780875384808, -0.048938363790512085, -0.024897214025259018, 0.015437698923051357, 0.0017299640458077192, -0.010137232020497322, 0.0076332432217895985, -0.0045977807603776455, 0.011621077544987202, 0.00853211060166359, -0.03247338533401489, 0.007704582065343857, 0.009245498105883598, 0.01278389897197485, -0.0018004110315814614, -0.012063377536833286, -0.009859011508524418, 0.024083951488137245, 0.017107024788856506, -0.024469181895256042, 0.02016032300889492, -0.01522368285804987, 0.029420088976621628, -0.02068822830915451, 0.010108697228133678, 0.006969793234020472, 0.02816452644765377, -0.0008587398333474994, 0.004808229859918356, 0.014189271256327629, -0.013126324862241745, -0.010279909707605839, -0.006213602609932423, -0.027522478252649307, 0.03076125681400299, -0.0022899729665368795, -0.006980493664741516, -0.00560008967295289, -0.0261099711060524, 0.01113597396761179, -0.03518425673246384, 0.01650778017938137, 0.0065631624311208725, -0.020574087277054787, -0.00504008075222373, -0.010308445431292057, 0.004337394144386053, 0.023513242602348328, -0.0006206468679010868, 0.0043837642297148705, 0.01131432130932808, 0.0029783917125314474, 0.0006875269464217126, 0.011171643622219563, 0.0021419450640678406, 0.004704788792878389, -0.016379371285438538, -0.010772147215902805, 0.004922371823340654, 0.027593817561864853, -0.011685282923281193, -0.020731031894683838, 0.02225768193602562, -0.014995398931205273, 0.00495804101228714, -0.019732290878891945, 0.007711715996265411, 0.019432667642831802, 0.009573656134307384, -0.010736477561295033, 0.0002989538188558072, 0.0005047214799560606, 0.016921544447541237, 0.008703324012458324, -0.004483638796955347, -0.011442731134593487, 0.006117295473814011, -0.011086037382483482, -0.042146917432546616, 0.0045442767441272736, 0.03686784952878952, -0.026866162195801735, 0.0027394068893045187, -0.0056678615510463715, 0.017107024788856506, 0.02053128369152546, -0.03641128167510033, 0.036439817398786545, -0.004640583880245686, -0.017948823049664497, -0.001556967617943883, 0.009987421333789825, 0.06237857788801193, 0.019603880122303963, 0.000447650469141081, 0.005585821811109781, -0.0030586477369070053, -0.022571571171283722, -0.12840969860553741, -0.02815025858581066, -0.007497699465602636, 0.014966864138841629, -0.0023488274309784174, 0.015394896268844604, -0.0131334587931633, 0.03287288174033165, -0.01876208372414112, 0.02762235328555107, -0.012020574882626534, -0.016436440870165825, -0.009373907931149006, 0.015451966784894466, -0.015009666793048382, 0.006556028500199318, -0.024055417627096176, -0.03344359248876572, 0.0027982613537460566, 0.031360503286123276, -0.008674788288772106, -0.004879568703472614, 0.018662208691239357, -0.026024365797638893, -0.007547636516392231, 0.005460978951305151, -0.014303413219749928, 0.003028328763321042, 0.0006705839768983424, 0.025981562212109566, 0.02572474256157875, -0.012541347183287144, 0.0017620663857087493, -0.01967521943151951, 0.011942101642489433, -0.02454051934182644, -0.029591301456093788, -0.01268402487039566, 0.032787274569272995, -0.016664724797010422, -0.008803198114037514, 0.004658418707549572, -0.013326073065400124, 0.007661778479814529, -0.012127582915127277, -0.00824675615876913, 0.005411041900515556, 0.028421346098184586, -0.006306342780590057, -0.018847690895199776, -0.01009442936629057, -0.01303358469158411, -0.03738148882985115, -0.01174948737025261, 0.0300764050334692, 0.017634931951761246, 0.010322713293135166, 0.021087726578116417, -0.014809918589890003, -0.01016576774418354, -0.02191525511443615, -0.008931607939302921, -0.031702928245067596, -0.016935812309384346, 0.019389864057302475, 0.023884203284978867, -0.01154973916709423, -0.010493925772607327, 0.0074834320694208145, -0.011271517723798752, 0.006584563758224249, 0.03872265666723251, -0.011671015061438084, 0.03195974603295326, -0.007533369120210409, -0.017278239130973816, -0.0016880524344742298, -0.021958058699965477, 0.009038615971803665, -0.015266486443579197, -0.018048696219921112, -0.021301742643117905, 0.007611841429024935, -0.0075547704473137856, 0.0007539610960520804, 0.011656747199594975, 0.007012596353888512, -0.0027447573374956846, -0.0071731084026396275, -0.029248876497149467, -0.02172977477312088, 0.02118759974837303, 0.01619388908147812, -0.003194191260263324, -0.016407905146479607, 0.0017647416098043323, -0.01928999088704586, -0.004223252180963755, 0.012141850776970387, -0.008168283849954605, -0.040948424488306046, -0.015180880203843117, -0.05427449941635132, 0.014567366801202297, -0.003554451745003462, -0.013982389122247696, -0.016579119488596916, -0.014189271256327629, 0.02765088900923729, -0.04174742102622986, -0.0068092807196080685, 0.029305946081876755, -0.05430303514003754, 0.007882928475737572, -0.023584581911563873, -0.005225561559200287, -0.012206055223941803, -0.029791049659252167, 0.01512380875647068, -0.02381286583840847, 0.02783636935055256, 0.010008822195231915, 0.00032258479041047394, -0.010336981154978275, 0.014324815012514591, 0.013076387345790863, 0.009523719549179077, 0.0007896304596215487, -0.03569789603352547, 0.012577016837894917, -0.008853135630488396, 0.013789774850010872, 0.00142499094363302, -0.013711302541196346, -0.00560008967295289, 0.009908948093652725, 0.0053290026262402534, 0.0002065478911390528, 0.01580866053700447, 0.01615108735859394, 0.03321531042456627, 0.0067129735834896564, -0.030390296131372452, -0.017021419480443, -0.004323126282542944, -0.025453655049204826, 0.016778867691755295, -0.014624438248574734, -0.020217394456267357, 0.0020830905996263027, 0.011321455240249634, 0.012755363248288631, 0.017963090911507607, 0.00853211060166359, -0.0365254245698452, -0.04343101382255554, -0.00888167042285204, -0.013946720398962498, 0.011699549853801727, -0.006434752605855465, 0.014132200740277767, 0.0033975066617131233, 0.031246360391378403, -0.022343287244439125, 0.011150241829454899, -0.0021793979685753584, 0.014995398931205273, -0.0028731669299304485, -0.017435183748602867, 0.016308031976222992, 0.011307187378406525, 0.013490152545273304, -0.029120465740561485, 0.0016176054487004876, 0.013376010581851006, 0.0368393138051033, 0.0023434769827872515, -0.010872021317481995, -0.016065480187535286, 0.020459944382309914, -0.01356862485408783, 0.01947547122836113, 0.016550583764910698, -0.02382713370025158, 0.0026252649258822203, 0.004073441028594971, 0.02087371051311493, 0.004426567815244198, -0.024640394374728203, -0.0033689711708575487, -0.015237950719892979, -0.02065969444811344, 0.0045728120021522045, 0.008268157951533794, -0.021672703325748444, 0.006812847685068846, 0.01493832841515541, -0.005485947709530592, -0.023013871163129807, 0.003138903761282563, 0.009331104345619678, 0.0020848740823566914, 0.00429815798997879, 0.0009586140513420105, -0.01759212836623192, -0.0300764050334692, -0.011043233796954155, -0.0037203142419457436, -0.03344359248876572, -0.02155856229364872, 0.028749505057930946, -0.010365515947341919, 0.01207051146775484, -0.008788930252194405, 0.013825444504618645, 0.009687798097729683, -0.019789360463619232, 0.013775506988167763, -0.030190546065568924, -0.0027875604573637247, -0.024226630106568336, 0.024440646171569824, 0.023056674748659134, 0.015009666793048382, 0.0424322709441185, 0.0038986611180007458, 0.036439817398786545, 0.004184016026556492, 0.023570314049720764, -0.016379371285438538, 0.022999603301286697, -0.0038843934889882803, -0.00036226693191565573, 0.0018762083491310477, -0.02435503900051117, -0.018890492618083954, -0.02314228191971779, 0.008453638292849064, -0.003638274734839797, 0.007890062406659126, -0.00685921823605895, 0.07715996354818344, 0.013240466825664043, -0.015537573955953121, 0.004144779872149229, -0.010693673975765705, 0.01191356685012579, -0.009873279370367527, 0.0070518325082957745, -0.013996656984090805, -0.01667899265885353, -0.0033493528608232737, 0.019375596195459366, 0.0067129735834896564, -0.0067557767033576965, -0.0136399632319808, -0.008396567776799202, -0.0017950605833902955, -0.003987834323197603, 0.0030051437206566334, -0.019575344398617744, 0.01156400702893734, 0.02466893009841442, 0.003848724067211151, 0.013768373057246208, -0.025667671114206314, 0.0057641686871647835, 0.023427635431289673, -0.0016479244222864509, -0.010857753455638885, -0.01893329620361328, 0.018633674830198288, 0.020631158724427223, -0.03897947818040848, -0.010408319532871246, 0.005339703056961298, 0.0061030276119709015, -0.007412093225866556, -0.0004645934095606208, 0.03133196756243706, 0.00801133830100298, 0.008332362398505211, 0.005671428516507149, -0.014895524829626083, -0.03298702463507652, -0.012477142736315727, 0.003845157101750374, 0.004679820034652948, -0.0076760463416576385, -0.03227363899350166], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='2d279a1a-09d1-43f8-83cd-ac7189fadeaf', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '7', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_type': 'application/pdf', 'file_size': 885090, 'creation_date': '2024-02-25', 'last_modified_date': '2024-02-07', 'last_accessed_date': None}, hash='0090957a597bc50ed7aa08a8d0620a1c1a717679db6e28c700e26b4fa61a8d01')}, text='Similar to Sec. 4.1, we use ReAct [58] as the main baseline. Here, both LLMCompiler and\\nReAct are equipped with two tools: (1) the search tool, identical to the one mentioned in Sec.4.1; and (2) the math\\n1Unfortunately, we are unable to conclude why this is the case, as OpenAI has not publicly disclosed any details about their function calling\\nmechanism. One speculation is that there might be additional overheads to validate the function and argument names and to convert them into a\\nsystem prompt. ', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='73e4dfd2-4ee5-411d-b5fe-74ccb0fe30da', embedding=[-0.022100450471043587, -0.010603820905089378, 0.01064502727240324, -0.011881223879754543, -0.003360051428899169, 0.0046941135078668594, -0.016166705638170242, -0.0015503967879340053, -0.014779418706893921, -0.0023075672797858715, 0.0032913738396018744, 0.03304766118526459, 0.016990836709737778, -0.009079177863895893, 0.007643816526979208, 0.018062207847833633, 0.01594693772494793, -0.015191484242677689, 0.01837812550365925, -0.0006490033119916916, -0.010026928968727589, 0.0025530897546559572, -0.03203123062849045, -0.012643545866012573, -0.01078238245099783, -0.0019435760332271457, 0.005463302601128817, -0.029806077480316162, 0.011881223879754543, -0.016647448763251305, 0.0008747808751650155, -0.029558837413787842, -0.01287704985588789, -0.013556957244873047, -0.03211364522576332, -0.01116010919213295, -0.009003632701933384, 0.005933744367212057, -0.008509154431521893, -0.02729247696697712, 0.024778876453638077, 0.0092371366918087, -0.00624622730538249, 0.0034218612127006054, -0.029009416699409485, 0.007334767375141382, 0.016510093584656715, -0.005724277812987566, -0.031069744378328323, 0.021866947412490845, 0.02741609700024128, -0.014092642813920975, -0.018968751654028893, -0.013467676937580109, 0.017045779153704643, 0.008206972852349281, -0.0051199146546423435, 0.01262980978935957, -0.009202797897160053, -0.036042001098394394, -0.010954076424241066, -0.00816576648503542, -0.00551137700676918, 0.012966330163180828, -0.013151760213077068, -0.020204948261380196, -0.020699428394436836, 0.018831396475434303, 0.006459128111600876, 0.021825740113854408, 0.0215372946113348, 0.014985451474785805, -0.01961432211101055, -0.014381088316440582, -0.004773092921823263, -0.005621261429041624, 0.0019058033358305693, -0.004803997930139303, -0.004484646953642368, 0.006129475310444832, 0.016029350459575653, 0.0010138530051335692, -0.021084021776914597, 0.013453940860927105, 0.007945997640490532, -0.013220437802374363, 0.005404926836490631, 0.01568596251308918, -0.010816721245646477, 0.013879742473363876, -0.01874898374080658, 0.017375431954860687, 0.02091919630765915, 0.02295205369591713, -0.010851060040295124, 0.003387522418051958, -0.0026440874207764864, 0.044420670717954636, 0.004900146741420031, -0.005841029807925224, 0.003174621844664216, -0.01835065335035324, 0.002669841516762972, -0.0118606211617589, -0.03313007205724716, 0.003323995741084218, 0.009092913940548897, -0.005463302601128817, 0.01773255504667759, -0.0159332025796175, -0.002345339860767126, 0.025918925181031227, 0.010432126931846142, -0.01862536370754242, -0.008680848404765129, 0.017691349610686302, -0.0018886339385062456, -0.02127631939947605, -0.004031375050544739, -0.012478719465434551, 0.019284669309854507, 0.005937178153544664, 0.03389926254749298, -0.010164284147322178, 0.01644141599535942, 0.01591946743428707, -0.0037085902877151966, -0.014710741117596626, 0.008893748745322227, 0.00040670015732757747, -0.0005601516459137201, 0.006304603535681963, 0.02141367457807064, -0.012622942216694355, -0.008880013599991798, 0.007726229727268219, -0.026221105828881264, 0.0167161263525486, 0.00011696653382387012, 0.0007923677912913263, 0.00873578991740942, -0.02563047967851162, -0.014999187551438808, 0.002420885255560279, 0.018062207847833633, 0.02829517051577568, 0.02561674267053604, -0.003064737655222416, 0.009381359443068504, -0.011585910804569721, 0.01618044264614582, -0.04076702147722244, 0.007678155321627855, 0.01898248866200447, 0.010514539666473866, -0.004000470042228699, 0.015122806653380394, 0.005157687701284885, -0.036783721297979355, 0.002788310404866934, 0.013460809364914894, 0.021866947412490845, 0.030025845393538475, 0.01708698645234108, -0.0022182862740010023, 0.009882706217467785, 0.02755345217883587, -0.007149337790906429, 0.011057092808187008, -0.0071218665689229965, -0.012451248243451118, -0.0007726229378022254, -0.026825468987226486, 0.026605701074004173, 0.004072581417858601, 0.011476026847958565, -0.02039724588394165, -0.01670239120721817, -0.016674920916557312, -0.02727874182164669, -0.02129005454480648, 0.01747157983481884, 0.025589272379875183, -0.016757333651185036, -0.010864796116948128, -0.0181171502918005, 0.019408289343118668, -0.008145162835717201, 0.011984240263700485, 0.007815510965883732, 0.002815781394019723, 0.01447723712772131, -0.015631021931767464, 0.004364461172372103, -0.6896329522132874, 0.002427753061056137, -0.029119301587343216, 0.012712223455309868, 0.015837054699659348, 0.0168122760951519, 0.008179501630365849, 0.006898664403706789, -0.02130378969013691, 0.013227305375039577, -0.0014980300329625607, 0.01975167728960514, 0.006881495006382465, -0.0044743455946445465, -0.011002151295542717, -0.011393613182008266, 7.51161205698736e-05, -0.011036490090191364, -0.0006919268053025007, 0.02933906950056553, -0.013179230503737926, 0.005861632991582155, -0.01007500384002924, -0.004934485536068678, 0.014751947484910488, -0.0009529016679152846, 0.004038242623209953, -0.01822703331708908, 0.006716669071465731, 0.020974138751626015, -0.02207298018038273, 0.0020517432130873203, 0.019284669309854507, -0.018694041296839714, 0.03288283199071884, -0.011592778377234936, -0.019353346899151802, 0.027965517714619637, 0.020465923473238945, 0.03249824047088623, -0.01962805725634098, 0.024888761341571808, 0.02361135743558407, -0.002877591410651803, -0.007630080915987492, 0.0201362706720829, 0.007863584905862808, -0.012780901044607162, 0.0062599629163742065, -0.04433825612068176, 0.021578500047326088, -0.007128734607249498, 0.00640418566763401, -0.0014800021890550852, 0.019710469990968704, 0.028459995985031128, 0.008309989236295223, -0.015754640102386475, 0.0012507907813414931, 0.006575880106538534, 0.013021272607147694, -0.0005927734891884029, 0.0023006994742900133, -0.019669264554977417, -0.013488279655575752, 0.005404926836490631, -0.029256656765937805, -0.0025651082396507263, 0.012231480330228806, -0.017512787133455276, -0.009285210631787777, 0.006023025140166283, 0.012149066664278507, -0.012155934236943722, 0.01134553924202919, 0.0069227018393576145, 0.02598760277032852, 0.0023779617622494698, -0.02167464978992939, 0.013721783645451069, -0.01693589612841606, -0.014394824393093586, -0.021647177636623383, 0.031536754220724106, -0.004333556164056063, 0.013295982964336872, -0.01159964594990015, 0.006915833801031113, -0.01070683728903532, 0.011517233215272427, -0.0066960658878088, 0.011180712841451168, 0.011565307155251503, -0.01256799977272749, -0.009127252735197544, 0.028652293607592583, -0.0018371257465332747, 0.011469158343970776, 0.008776997216045856, -0.01579584740102291, -0.01961432211101055, 0.010438994504511356, 0.009415698237717152, -0.013295982964336872, 0.023941010236740112, 0.0010069853160530329, -6.937510624993593e-05, 0.008248179219663143, 0.02690788172185421, -0.012842711061239243, 0.024943703785538673, 0.002867289585992694, -0.008261915296316147, 0.012636677362024784, 0.008007807657122612, -0.034119028598070145, -0.0009297229698859155, -0.0021066851913928986, -0.009065442718565464, -0.0030063618905842304, 0.027347419410943985, 0.002357358578592539, 0.004264878574758768, -0.01939455419778824, -0.003483670996502042, 0.007781171705573797, -0.004955088719725609, -0.035904645919799805, 0.023680035024881363, -0.016482623293995857, -0.01390034519135952, 0.0019349913345649838, 0.03370696306228638, -0.02167464978992939, 0.015205220319330692, -0.011125770397484303, -0.00264580431394279, 0.0008503145072609186, 0.0423603430390358, -0.04170103743672371, 0.0006897806306369603, 0.012403174303472042, -0.005792955402284861, -0.0071218665689229965, -0.004501816350966692, -0.005576620809733868, -0.040464840829372406, 0.0017564295558258891, 0.0020225553307682276, -0.004989427514374256, 0.01116010919213295, 0.00898302998393774, -0.011613382026553154, 0.018048472702503204, -0.010864796116948128, 0.016606243327260017, 0.0022491912823170424, -0.02766333520412445, -0.015837054699659348, -0.00040412473026663065, -0.0036948546767234802, 0.007719361688941717, 0.00931268185377121, 0.008007807657122612, -0.0005704532959498465, -0.019408289343118668, -0.031014801934361458, 0.018446803092956543, -0.00026312103727832437, -0.010438994504511356, -0.002017404418438673, -0.04334929957985878, 0.00905857514590025, 0.024023422971367836, -0.011105167679488659, 0.004326688591390848, -0.02613869309425354, 0.0013666842132806778, -0.003907755482941866, -0.01835065335035324, 0.0009623448131605983, 0.01938081718981266, -0.019586849957704544, -0.0040794494561851025, 0.03183893486857414, 0.01344707328826189, 0.022375160828232765, 0.019916502758860588, 0.0030475682578980923, 0.027100179344415665, -0.010184887796640396, 0.004206502810120583, -0.018913811072707176, 0.0017770328558981419, -0.006589615251868963, -0.016152970492839813, 0.0014104661531746387, 0.012478719465434551, 0.00936075672507286, 0.023103144019842148, 0.03579476475715637, -0.0030029278714209795, -0.01837812550365925, -0.027814427390694618, 0.023226764053106308, -0.028130343183875084, 0.027072709053754807, -0.02104281634092331, 0.04389872029423714, -0.013110552914440632, 0.004989427514374256, -0.04804684594273567, -0.00854349322617054, -0.019023694097995758, -0.04153621196746826, 0.025781570002436638, -0.002980607794597745, -0.01350888330489397, 0.0035403301008045673, 0.0009383076685480773, -0.006325206719338894, -0.008625905960798264, 0.015891995280981064, -0.008783864788711071, -0.022732283920049667, 0.02270481362938881, 0.012904520146548748, -0.002874157391488552, 0.010555746965110302, 0.008337460458278656, 0.01217653788626194, 0.023254234343767166, -0.011743868701159954, 0.01884513348340988, 0.017389167100191116, 0.009305814281105995, 0.015246426686644554, -0.015507400967180729, 0.025836512446403503, 0.020452188327908516, -0.0010181453544646502, 0.00481773354113102, 0.02664690837264061, -0.00259773014113307, 0.01876271888613701, -0.006689197849482298, 0.04159115254878998, -0.022018037736415863, -0.017897382378578186, 0.01685348153114319, 0.024188250303268433, 0.01070683728903532, 0.00593031058087945, 0.006397318094968796, -0.006139777135103941, -0.02807540073990822, -0.008646509610116482, -0.002077497309073806, 0.0018817661330103874, 0.0215372946113348, 0.01822703331708908, 0.007602610159665346, 0.014820625074207783, -0.00911351665854454, 0.01416132040321827, -0.0211801715195179, 0.008680848404765129, -0.018831396475434303, -0.00411378825083375, -0.016359003260731697, -0.002972023095935583, -0.0052847410552203655, 0.014628328382968903, -0.031811464577913284, 0.020850518718361855, -0.0027968951035290956, 0.02269107848405838, 0.017293019220232964, 0.008062750101089478, 0.02167464978992939, -0.01874898374080658, -0.026880411431193352, -0.006225624121725559, 0.012142199091613293, 0.0006884929025545716, -0.010699969716370106, 0.012925123795866966, -0.011874356307089329, -0.005892537999898195, -0.010912870056927204, -0.002869006711989641, 0.02027362585067749, -0.005027200095355511, -0.01824077032506466, -0.010837324894964695, 0.02740236185491085, 0.030410440638661385, -0.031289514154195786, 0.0006438524578697979, -0.016523830592632294, 0.004615134559571743, 0.005463302601128817, 0.01822703331708908, -0.04090437665581703, 0.03598706051707268, -0.008811336010694504, -0.001294572721235454, -0.03095986135303974, 0.011455423198640347, 0.025918925181031227, -0.010514539666473866, 0.0016259420663118362, -0.01975167728960514, 0.023680035024881363, 0.0035918382927775383, 0.01535631064325571, 0.004306085407733917, 0.01191556267440319, 0.03714084252715111, -0.00784298125654459, -0.004584229551255703, -0.02563047967851162, -0.02255372330546379, 0.019724205136299133, 0.07823751866817474, 0.019092371687293053, 0.006881495006382465, 0.005082142073661089, 0.019092371687293053, 0.002625201130285859, -0.020960401743650436, -0.008715187199413776, 0.01962805725634098, -0.004055412020534277, -0.02079557627439499, -0.009820896200835705, 0.004024507012218237, -0.008646509610116482, 0.006297735497355461, 0.014751947484910488, -0.012485587038099766, -0.014175055548548698, -0.008083352819085121, 0.008770128712058067, -0.0065587107092142105, 0.006071099545806646, 0.021097756922245026, 0.03840451315045357, 0.005854764953255653, -0.0036742514930665493, 0.0076506840996444225, 0.02525961957871914, -0.017238076776266098, -0.027361154556274414, 0.0024380546528846025, 0.018556686118245125, -0.014642063528299332, 0.03225100040435791, -0.004992861300706863, 0.007801774889230728, 0.013364660553634167, -0.01774629019200802, 0.014999187551438808, -0.01416132040321827, -0.0024226021487265825, -0.020726898685097694, 0.017938587814569473, 0.010699969716370106, -0.002673275535926223, -0.0005768918199464679, 0.0005691655678674579, 0.022114185616374016, -0.013083082623779774, -0.03266306594014168, 0.0034218612127006054, -0.0053053442388772964, -0.012190273031592369, 0.0038905858527868986, 0.014202526770532131, 0.015589814633131027, 0.015109071508049965, 0.007300428580492735, -0.009910177439451218, -0.03431132808327675, -0.01620791293680668, -0.024531638249754906, 0.008385534398257732, -0.010061267763376236, -0.025685422122478485, -0.019834090024232864, -0.00905857514590025, -0.01402396522462368, -0.015012922696769238, -0.009401963092386723, -0.018268240615725517, -0.017238076776266098, -0.005422096233814955, 0.01179881114512682, 0.013110552914440632, 0.030025845393538475, 0.010287904180586338, -0.02552059479057789, 0.010679366067051888, -0.0004773093096446246, -0.02715512178838253, 0.01357069332152605, 0.003068171674385667, -0.022910846397280693, 0.0014980300329625607, -0.0006095136632211506, 0.008461079560220242, -0.020465923473238945, -0.014092642813920975, 0.004378196783363819, 0.013241040520370007, -0.013625634834170341, 0.03648154065012932, 0.013151760213077068, -0.02306193672120571, -0.00981402862817049, 0.005576620809733868, 0.02028736285865307, 0.0001396086736349389, -0.0014242016477510333, 0.0372781977057457, -0.01523269060999155, -0.004896712489426136, 0.007149337790906429, 0.024655256420373917, -0.011791943572461605, -0.009264607913792133, -0.005157687701284885, -0.005020332522690296, -0.0012413475196808577, 0.03367949277162552, -6.492179090855643e-05, 0.004415969364345074, -0.002870723605155945, 0.02256745845079422, 0.02997090294957161, -0.016482623293995857, 0.004663208965212107, 0.018968751654028893, 0.00017051359463948756, -0.015974409878253937, 0.0014482388505712152, 0.021578500047326088, -0.0038116066716611385, 0.011991108767688274, 0.01936708204448223, -0.00929894670844078, -0.01885886862874031, -0.022361425682902336, 0.006864325609058142, -0.012952595017850399, 0.026468345895409584, -0.01390034519135952, -0.005343116819858551, -0.013419602066278458, -0.01774629019200802, -0.021784532815217972, 0.013453940860927105, -0.018007265403866768, -0.005178290884941816, -0.021633442491292953, 0.010164284147322178, 0.0032621859572827816, -0.002929099602624774, -0.008275650441646576, -0.02179826982319355, 0.0013520901557058096, 0.010384052991867065, -0.003691420890390873, -0.004000470042228699, 0.01363250333815813, -0.002889609895646572, -0.013378395698964596, -0.002530769445002079, -0.007272957358509302, -0.011585910804569721, 0.010933473706245422, 0.009683541022241116, 0.011997976340353489, 0.008447344414889812, 0.031866405159235, -0.01685348153114319, -0.017004573717713356, 0.009223401546478271, 0.0006279707886278629, 0.010789250023663044, -0.02141367457807064, -0.021839475259184837, -0.026701848953962326, 0.002144458005204797, -0.01376985851675272, -0.028899531811475754, -0.015603549778461456, 0.00420993659645319, 0.029146771878004074, 0.028020460158586502, -0.022361425682902336, 0.018776454031467438, -0.006606784649193287, -0.026358461007475853, 0.0123001579195261, -0.003481954103335738, -0.0027900272980332375, 0.000568736344575882, -0.012725958600640297, -0.01416132040321827, 0.029888490214943886, 0.015273897908627987, -0.0025960132479667664, 0.02753971703350544, 0.01988903246819973, -0.007190544158220291, 0.02552059479057789, 0.007788039278239012, 0.00022534836898557842, -0.023391589522361755, -0.018199563026428223, -0.03977806493639946, -0.007575138937681913, 0.022883376106619835, -0.015067865140736103, 0.027072709053754807, -0.0023522076662629843, 0.008213840425014496, -0.019957710057497025, 0.024188250303268433, -0.005882236175239086, -0.02447669580578804, 0.004045110661536455, -0.010727440938353539, -0.014394824393093586, -0.003368636127561331, -0.016386475414037704, 0.0046735103242099285, 0.011194447986781597, -0.004814299754798412, -0.018021000549197197, 0.009587392210960388, -0.013934683986008167, -0.01770508475601673, 0.02181200496852398, -0.002412300556898117, 0.02983354777097702, 0.0010353147517889738, 0.05021705850958824, 0.017897382378578186, 0.019435759633779526, -0.023995952680706978, -0.00848168320953846, -0.005926876794546843, -0.005428963806480169, 0.025781570002436638, 0.011585910804569721, -0.009189062751829624, -0.04159115254878998, 0.0035231607034802437, 0.0082275765016675, -0.01707325130701065, -0.04461296647787094, 0.03670130670070648, 0.017512787133455276, 0.0027917444240301847, -0.008371799252927303, -0.018941281363368034, 0.0031763387378305197, 0.011901827529072762, -0.013955287635326385, 0.0019349913345649838, 0.00936075672507286, -0.00937449187040329, -0.009539318270981312, 0.01166145596653223, -0.015164013020694256, 0.022759756073355675, -0.026550758630037308, -0.02166091464459896, -0.014449765905737877, 0.021770797669887543, 0.004965390078723431, -0.016661185771226883, -0.004518985748291016, 0.0279243104159832, -0.019325876608490944, 0.0024535071570426226, -0.009189062751829624, 0.008577832020819187, -0.021702120080590248, -0.01255426462739706, -0.0271413866430521, 0.027319947257637978, -0.014999187551438808, -0.013872874900698662, 0.00885940995067358, 0.0068608918227255344, -0.014003361575305462, -0.019092371687293053, -0.00577235221862793, -0.014257469214498997, -0.019202256575226784, 0.002223437186330557, 0.015109071508049965, 0.040464840829372406, 0.017402902245521545, -0.000359269673936069, -0.01293199136853218, -0.018707776442170143, -0.022347690537571907, -0.0133921317756176, 0.00031999466591514647, -0.04219551384449005, 0.01140734925866127, -0.010954076424241066, 0.01591946743428707, 0.02385859750211239, -0.01006813533604145, -0.006713235285133123, -0.006654859054833651, 0.02958630956709385, -0.03966818004846573, 0.014875567518174648, 0.0031248305458575487, 0.02359762229025364, -0.028006723150610924, 0.004450308158993721, -0.014216262847185135, -0.00949811190366745, 0.008083352819085121, -0.011833149939775467, -0.02447669580578804, -0.0016671486664563417, 0.004488080739974976, 0.025424446910619736, -0.020823046565055847, 0.016152970492839813, 0.016551300883293152, 0.011242522858083248, 0.011840017512440681, -0.0168122760951519, -0.015974409878253937, 0.025946395471692085, -0.014298675581812859, 0.008880013599991798, 0.02499864436686039, -0.01537004578858614, -0.005933744367212057, 0.002407149877399206, 0.0026990296319127083, -0.0007352795219048858, -0.013749254867434502, -0.011414216831326485, -0.012897652573883533, 0.001295431167818606, -0.02424319088459015, -0.024586578831076622, -0.002522184746339917, -0.02718259207904339, -0.006836854852735996, 0.018666571006178856, -0.005796389188617468, -0.023501474410295486, -3.863114761770703e-05, 0.008976161479949951, 0.017128191888332367, 0.0033428820315748453, -0.01710072159767151, -0.01990276761353016, 0.005064972676336765, -0.008880013599991798, -0.005758616607636213, -0.02638593316078186, -0.021880682557821274, 0.013344056904315948, 0.015301368199288845, 0.020726898685097694, -0.0037532306741923094, -0.017183134332299232, -0.025410709902644157, -0.013625634834170341, 0.03095986135303974, 0.004264878574758768, 0.010397788137197495, 0.0005043511046096683, 0.002183947479352355, 0.03620683029294014, -0.014614592306315899, 0.015631021931767464, -0.031674109399318695, -0.017938587814569473, 0.005806691013276577, -0.008117691613733768, 0.0073897093534469604, -0.022347690537571907, -0.0004863232315983623, -0.0026080317329615355, -0.007060057017952204, 0.002633785828948021, 0.008495418354868889, 0.01620791293680668, 0.02612495794892311, 0.015727169811725616, -0.018021000549197197, 0.014078907668590546, 0.004494948778301477, 0.008021543733775616, 0.0021805136930197477, -0.02318555675446987, -0.019847825169563293, 0.005562885198742151, -0.006857458036392927, -0.0029308164957910776, 0.003269053529947996, 0.003938660025596619, 0.005744880996644497, -0.005988686345517635, -0.027072709053754807, -0.02652328833937645, -0.0026595399249345064, -0.03214111551642418, 0.0054186624474823475, 0.014298675581812859, 0.0023625092580914497, -0.0003787998575717211, 0.006253095343708992, 0.008776997216045856, -0.0024826950393617153, -0.008577832020819187, 0.0039146230556070805, 0.009882706217467785, 0.021125229075551033, -0.017169399186968803, 0.009292079135775566, -0.009614863432943821, 0.015713434666395187, 0.0004961956292390823, -0.009971987456083298, 0.015026657842099667, -0.014422295615077019, 0.010851060040295124, 0.012945727445185184, -0.003897453658282757, -0.008124560117721558, 0.014257469214498997, -0.0002974598319269717, -0.010020061396062374, 0.015576078556478024, 0.00784984976053238, -0.005034067668020725, -0.03087744675576687, -0.011640852317214012, -0.028597351163625717, -0.011778207495808601, 0.023226764053106308, -0.01693589612841606, 0.00995138380676508, -0.03365202248096466, 0.005092443898320198, 0.19449494779109955, -0.008880013599991798, -0.013598164543509483, 0.043651480227708817, 0.005950913764536381, -0.012595470994710922, 0.013838536106050014, 0.0077330972999334335, -0.015383781865239143, 0.008426740765571594, 0.019188521429896355, -0.006569012068212032, 0.005343116819858551, 0.002274945378303528, 0.024820083752274513, 0.0065793138928711414, -0.02079557627439499, -0.026715585961937904, -0.033597081899642944, 0.020960401743650436, 0.01965552754700184, -0.014999187551438808, -0.007348502986133099, -0.0023367551621049643, 0.02028736285865307, 0.008708319626748562, -0.02564421482384205, 0.003979866858571768, 0.0223202183842659, 0.0008919502724893391, -0.030437910929322243, -0.02420198544859886, -0.028981946408748627, 0.014106377959251404, 0.0014156169490888715, -0.004124089609831572, 0.023872332647442818, -0.004958522506058216, 0.007767436094582081, 0.01848800852894783, -0.0010713705560192466, 0.0184742733836174, 0.0031849234364926815, -0.007396577391773462, -0.009092913940548897, 0.009546185843646526, -0.009711012244224548, -0.019284669309854507, 0.007760568521916866, -0.02308940887451172, -0.0067613092251122, 0.009127252735197544, 0.01608429290354252, 0.019298404455184937, 0.006888363044708967, -0.009072310291230679, 0.007437783759087324, -0.01261607464402914, -0.004017639439553022, -0.007053188979625702, 0.003533462295308709, 0.008529757149517536, -0.01988903246819973, 0.00796660128980875, -0.018652835860848427, 0.02064448595046997, -0.026344725862145424, 0.03791003301739693, -0.004450308158993721, -0.00798033643513918, 0.013975891284644604, -0.004333556164056063, -0.01668865606188774, 0.010699969716370106, -0.016015615314245224, -0.02295205369591713, 0.03491568937897682, 0.03008078783750534, 0.030795034021139145, -0.000987240462563932, -0.0038699826691299677, -0.0005279590259306133, -0.0056487321853637695, 0.006211888510733843, -0.010088738985359669, -0.03714084252715111, 0.018666571006178856, 0.014044568873941898, -0.016098028048872948, 0.03672877699136734, 0.007382841780781746, -0.0006666019326075912, 0.0036845530848950148, 0.007595742121338844, 0.0112081840634346, -0.005174857098609209, 0.010342845693230629, 0.008062750101089478, 0.007156205363571644, -0.018529215827584267, -0.009614863432943821, 0.038679223507642746, 0.0020637616980820894, 0.02271854877471924, -0.0008000939851626754, -0.012746562249958515, 0.001061927294358611, -0.0006125183426775038, 0.0031419999431818724, -0.014188791625201702, -0.005298476666212082, -0.04549204185605049, 0.024064630270004272, -0.0013838536106050014, -0.013172362931072712, 0.01721060648560524, 0.010802986100316048, -0.0023745279759168625, -0.009395095519721508, 0.0002656964643392712, -0.013529486954212189, -0.024174513295292854, 0.007183676585555077, 0.016249120235443115, 0.011592778377234936, -0.018900074064731598, -0.008488550782203674, 0.019820354878902435, 0.0014937376836314797, -0.01064502727240324, 0.019106106832623482, -0.02258119359612465, 0.014683269895613194, -0.013213569298386574, -0.01237570308148861, -0.014559650793671608, -0.017622672021389008, -0.0029668721836060286, -0.014765683561563492, 0.0008073910139501095, 0.005590356420725584, -0.014030832797288895, 0.004189333412796259, 0.008049014024436474, 0.02385859750211239, -0.0030887748580425978, 0.017499051988124847, 0.015521137043833733, -0.030273085460066795, -0.025905190035700798, 0.01976541243493557, 0.0031093782745301723, -0.005010030698031187, 0.0026818602345883846, 0.01517774909734726, -0.00649690069258213, -0.040712080895900726, -0.03469592332839966, -0.017691349610686302, -0.0031299814581871033, -0.026097487658262253, -0.00481773354113102, 0.02854240871965885, -0.00174526940099895, -0.03170157968997955, 0.01925719901919365, -0.17878152430057526, 0.022636136040091515, 0.0184742733836174, 0.0012052918318659067, -0.007259221747517586, -0.0059989881701767445, 0.051700495183467865, -0.016908423975110054, -0.01350888330489397, -0.008612170815467834, 0.039723120629787445, 0.021331261843442917, -0.04604146257042885, 0.019188521429896355, 0.010727440938353539, 0.014504708349704742, -0.016400210559368134, 0.028102872893214226, 0.029531367123126984, 0.008584699593484402, 0.047634780406951904, -0.029146771878004074, -0.02139993943274021, -0.01326851174235344, -0.004852072335779667, -0.000501346483360976, -0.008474815636873245, 0.025012381374835968, 0.017952322959899902, -0.02054833620786667, -0.022787226364016533, 0.018652835860848427, 0.007836113683879375, -0.010356581769883633, -0.0015624152729287744, -0.0009657787159085274, -0.013893477618694305, -0.011888092383742332, 0.0024826950393617153, 0.0048074317164719105, 0.02207298018038273, 0.002092949813231826, 0.006785346660763025, -0.0015624152729287744, -0.004100052639842033, 0.024421753361821175, 0.005844463594257832, -0.0025651082396507263, 0.0150541290640831, 0.009429434314370155, 0.015012922696769238, -0.006074533332139254, 0.014834361150860786, -0.004100052639842033, -0.013749254867434502, 0.010006326250731945, 0.010871663689613342, -0.0035025575198233128, -0.0012559415772557259, -0.03796497732400894, -0.0040279412642121315, -0.015713434666395187, 0.0012147349771112204, -0.010006326250731945, -0.007657552137970924, -0.0011245956411585212, -0.028734706342220306, 0.019202256575226784, -0.02194936014711857, 0.022375160828232765, -0.017512787133455276, -0.026482081040740013, -0.004024507012218237, -0.017114456743001938, 0.019312139600515366, -0.0027179159224033356, -0.003746362868696451, 0.0024775443598628044, 0.001804503845050931, -0.0022406065836548805, -0.004251143429428339, 0.04892592132091522, -0.011778207495808601, 0.003147150855511427, -0.011558439582586288, 0.011647720821201801, 0.01314489170908928, 0.024517901241779327, -0.023886067792773247, -0.027745749801397324, 0.021015344187617302, -0.02475140616297722, -0.023144349455833435, -0.0036227433010935783, 0.01262980978935957, 0.0005678778979927301, 0.023267969489097595, -0.0032759213354438543, 0.029503894969820976, 0.005219497252255678, -0.0048074317164719105, 0.01822703331708908, -0.04370642080903053, 0.022210335358977318, 0.0025874285493046045, 0.006641123443841934, 0.006905532442033291, 0.02243010327219963, 0.028377583250403404, -0.028844591230154037, -0.04323941469192505, 0.005030633881688118, 0.0032621859572827816, 0.012471851892769337, -0.004498382564634085, 0.01491677388548851, -0.0018645967356860638, -0.002214852487668395, 0.016468888148665428, -0.019559379667043686, 0.034888219088315964, -0.012471851892769337, -0.02025989070534706, -0.0003800875856541097, -0.005758616607636213, 0.0010954076424241066, -0.11713650822639465, -0.025479387491941452, 0.010040665045380592, 0.015136542730033398, -0.0011469158343970776, 0.027951782569289207, 0.006963908206671476, 0.01939455419778824, -0.0064453925006091595, 0.036399126052856445, 0.01313115656375885, -0.014367353171110153, -0.009930780157446861, -0.009244004264473915, 0.033844318240880966, -6.686675988021307e-06, 0.008625905960798264, -0.009271475486457348, -0.025177206844091415, 0.015424988232553005, 0.0015409535262733698, 0.015026657842099667, -0.003320561721920967, -0.02764960005879402, 0.010672498494386673, 0.004357593599706888, -0.016647448763251305, 0.021207641810178757, 0.01859789341688156, 0.01608429290354252, 0.01685348153114319, 0.010232961736619473, 0.013302850537002087, -0.008625905960798264, 0.029998375102877617, -0.016784803941845894, -0.021097756922245026, -0.011633984744548798, 0.014999187551438808, -0.021248849108815193, 0.006023025140166283, 0.003107661148533225, -0.009532450698316097, 0.015342575497925282, 0.011455423198640347, -0.006737272255122662, -0.0024174514692276716, 0.00784298125654459, -0.007218015380203724, -0.019573114812374115, -0.007932262495160103, -0.006160380318760872, 0.001989933429285884, -0.006242793519049883, 0.0063423761166632175, -0.0006099428865127265, 0.015164013020694256, 1.0563204568825313e-06, -0.008474815636873245, -0.0027385191060602665, -0.01861162856221199, 0.002905062399804592, -0.012272686697542667, 0.025328297168016434, 0.0005275298026390374, -0.010143681429326534, -0.03200376033782959, 0.007815510965883732, 0.01670239120721817, -0.009257740341126919, -0.015891995280981064, 0.01785617507994175, -0.014202526770532131, 0.032580651342868805, -0.018556686118245125, 0.02815781533718109, -0.02856988087296486, -0.028212755918502808, -0.0012233196757733822, -0.02027362585067749, -0.007211147807538509, -0.011888092383742332, 0.0035231607034802437, -0.008673980832099915, 0.012162802740931511, 0.008296254090964794, -0.0004949079593643546, -0.007973468862473965, 0.004415969364345074, -0.007616345304995775, -0.00458766333758831, 0.005545715801417828, 0.016468888148665428, -0.04282734915614128, -0.006692631635814905, 0.015315104275941849, -0.003466501599177718, -0.011201316490769386, 0.0005288174725137651, -0.013488279655575752, -0.019559379667043686, -0.004900146741420031, -0.04192080348730087, 0.020053857937455177, 0.011894959956407547, 0.004062280058860779, -0.0004120655939914286, 0.010081871412694454, 0.018694041296839714, -0.004615134559571743, -0.022265277802944183, -0.005514810793101788, -0.002965155290439725, 0.011050225235521793, -0.02881711907684803, -0.01582331769168377, -0.022086715325713158, -0.004814299754798412, -0.013028140179812908, -0.004769659135490656, 0.019985180348157883, -0.004546456970274448, -0.006009289529174566, 0.025561802089214325, -0.00784984976053238, 0.00752706453204155, -0.005343116819858551, -0.010432126931846142, -0.0008421590318903327, 0.023240499198436737, -0.006469429470598698, -0.003698288695886731, 0.006685764063149691, -0.02487502619624138, 4.528429053607397e-05, -0.00030454221996478736, -0.0016568470746278763, -0.029613779857754707, -0.010569482110440731, 0.025273354724049568, 0.02129005454480648, 0.018900074064731598, -0.0369485467672348, -0.016661185771226883, 0.018941281363368034, -0.009793424978852272, -0.011352406814694405, -0.007211147807538509, -0.01535631064325571, 0.005044369492679834, -0.019573114812374115, 0.007499593775719404, 0.014738212339580059, 0.023693770170211792, 0.009965118952095509, -0.027704542502760887, 0.005535414442420006, -0.015740904957056046, -0.009388227015733719, -0.0053980592638254166, 0.01618044264614582, -0.029146771878004074, 0.019930237904191017, -0.004010771866887808, 0.014353618025779724, 0.016359003260731697, 0.014930509962141514, -0.003770400071516633, -0.007897923700511456, -0.008145162835717201, -0.004855506122112274, -0.028707236051559448, 0.015891995280981064, -0.006108872126787901, 0.0159332025796175, 0.006462561897933483, 0.010713704861700535, 0.0057311453856527805, -0.001559839933179319, 0.015411253087222576, 0.005799822974950075, -0.008831938728690147, 0.012506190687417984, -0.00936075672507286, -0.018790191039443016, 0.008619038388133049, 0.012650413438677788, 0.007595742121338844, -0.013790461234748363, 0.019545644521713257, -0.010404655709862709, -0.002640653634443879, -0.013234172947704792, 0.005882236175239086, 0.004072581417858601, 0.005161121487617493, -0.011379878036677837, 0.03620683029294014, -0.004828034900128841, 0.013158627785742283, -0.0223202183842659, 0.021605972200632095, -0.0035952720791101456, 0.006723536644130945, 0.006737272255122662, -0.019600586965680122, -0.0206582210958004, 0.005442699417471886, -0.002530769445002079, -0.014834361150860786, 0.004865807946771383, -0.00040670015732757747, 0.002594296121969819, 0.0007610336178913713, -0.025204677134752274, 0.022402632981538773, -0.0010490502463653684, 0.0008580407011322677, 0.010535143315792084, -0.009683541022241116, -0.013756122440099716, 0.019792882725596428, 0.008941822685301304, 0.006764743477106094, -0.008241311646997929, -0.017444109544157982, 0.018295710906386375, -0.011166977696120739, 0.021193906664848328, -0.03277295082807541, -0.0011151524959132075, 0.00424084160476923, 0.0006172399153001606, -0.00627713231369853, 0.015988145023584366, -0.019023694097995758, -0.029531367123126984, -0.02549312449991703, -0.005463302601128817, 0.011373010464012623, 0.010301639325916767, 0.06999620795249939, -0.014078907668590546, -0.030547795817255974, 0.0248612891882658, -0.012506190687417984, 0.018021000549197197, 0.006249661091715097, 0.01758146472275257, -0.014518443495035172, -0.02983354777097702, 0.0026664077304303646, -0.007478990126401186, 0.017114456743001938, -0.02130378969013691, -0.01608429290354252, -0.0074515193700790405, 0.02194936014711857, 0.00411378825083375, -0.010919737629592419, -0.008131427690386772, 0.02663317136466503, -0.016249120235443115, 0.03084997646510601, 9.464631148148328e-05, 0.0016740164719522, -0.007726229727268219, 0.02752598002552986, -0.01594693772494793, -0.00822070799767971, -0.0215372946113348, 0.013028140179812908, -0.0019161049276590347, -0.028020460158586502, -0.005576620809733868, -0.01447723712772131, -0.018817661330103874, -0.0026080317329615355, -0.022485045716166496, 0.023006994277238846, 0.0049447868950665, -0.0107686473056674, 0.007135602179914713, -0.023515209555625916, 0.0019555946346372366, -0.006960474420338869, -0.002561674453318119, -0.011386745609343052, 0.008619038388133049, -0.008131427690386772], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='2d279a1a-09d1-43f8-83cd-ac7189fadeaf', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '7', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_type': 'application/pdf', 'file_size': 885090, 'creation_date': '2024-02-25', 'last_modified_date': '2024-02-07', 'last_accessed_date': None}, hash='0090957a597bc50ed7aa08a8d0620a1c1a717679db6e28c700e26b4fa61a8d01')}, text='Nevertheless, we have seen a consistent trend with multiple runs over several days.\\n7', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='38d960b3-162e-41b4-b0b9-09100db6b473', embedding=[-0.014404608868062496, 0.004030775744467974, -0.007907864637672901, -0.032777123153209686, -0.013678091578185558, 0.016779763624072075, -0.03328009694814682, -0.00883696973323822, -0.007069575600326061, -0.01979760453104973, 0.015075241215527058, -0.0017280990723520517, -0.005221845582127571, 0.013796849176287651, 0.008809026330709457, 0.02373756654560566, 0.007083546835929155, 0.0012347307056188583, -0.007202304434031248, 0.008264138363301754, -0.025484003126621246, 0.004970358684659004, 0.01662607677280903, -0.019504204392433167, -0.01831662654876709, 0.006730766501277685, 0.01749230921268463, -0.025456059724092484, -0.0006221680669113994, 0.005340603180229664, 0.015075241215527058, -0.0037408671341836452, -0.03638176620006561, -0.013761920854449272, -0.026014920324087143, 0.008299066685140133, 0.002836212981492281, -0.007586520630866289, 0.01033191941678524, 0.00055754987988621, 0.043982259929180145, 0.01877768710255623, -0.008299066685140133, -0.006985746324062347, 0.007907864637672901, 0.016709905117750168, 0.018749743700027466, -0.021655814722180367, -0.012742001563310623, 0.0004077929479535669, 0.01664004847407341, 0.02644803561270237, -0.03431398794054985, 0.008543567731976509, 0.010450677014887333, 0.008809026330709457, 0.01719890721142292, -0.007544605992734432, 0.01439063809812069, -0.007066082675009966, -0.02674143761396408, 0.0005492542986758053, -0.035096392035484314, 0.010024545714259148, 0.01598338782787323, -0.01112130843102932, -0.00743283424526453, 0.03551553562283516, 0.0072162761352956295, 0.0045337495394051075, -0.0021516098640859127, 0.0164584182202816, 0.019839519634842873, -0.012301899492740631, 0.02925630658864975, -0.01490758266299963, -0.018386485055088997, -0.004069197457283735, 0.01662607677280903, 0.008816012181341648, 0.010911735706031322, 0.00764240650460124, -0.0011736054439097643, 0.014572267420589924, 0.016709905117750168, -0.02757972665131092, 0.008843954652547836, 0.007789107505232096, -0.011757011525332928, -0.0267274659126997, 0.008816012181341648, 0.004984329920262098, 0.02055206522345543, 0.0048096864484250546, -0.0006924621411599219, 0.011959598399698734, -0.00017093248607125133, 0.008536581881344318, -0.01490758266299963, -0.01823279820382595, -0.0066329664550721645, -0.0004750307707581669, -0.003583687823265791, -0.006227793172001839, -0.025763433426618576, -0.020510151982307434, -0.009989617392420769, -0.010716134682297707, 0.015410556457936764, 0.002106202533468604, -0.03730388730764389, 0.02850184589624405, 0.013147174380719662, -0.014460494741797447, 0.004764278884977102, -0.022200701758265495, 0.03339186683297157, -0.042780712246894836, 0.008871898055076599, -0.03355952724814415, 0.026140663772821426, 0.012399699538946152, 0.0458264984190464, -0.0021411313209682703, 0.017534224316477776, 0.004027282819151878, -0.0005894223577342927, -0.015452471561729908, -0.028837161138653755, -0.025749461725354195, 0.004977344535291195, 0.012218070216476917, -0.0008775843889452517, 0.03224620595574379, -0.009451715275645256, 0.013929578475654125, 0.003601152217015624, 0.002981167286634445, -0.028431987389922142, 0.0012941095046699047, 0.0010635799262672663, 0.014250922948122025, -0.020705752074718475, 0.008620411157608032, -0.0282363872975111, 0.03171528875827789, 0.008676297031342983, 0.01524289883673191, 0.003946946933865547, -0.029032763093709946, 0.0096263587474823, -0.007984708063304424, 0.014027378521859646, -0.0009229917777702212, 0.020873410627245903, 0.02411479689180851, 0.005892476998269558, 0.029759280383586884, -0.029563678428530693, 0.009479657746851444, -0.012832816690206528, 0.00972415879368782, 0.020510151982307434, -0.000649237830657512, 0.007733221165835857, 0.024170681834220886, 0.02496705763041973, -0.020496180281043053, -0.006720288190990686, 0.007181347347795963, -0.00591343455016613, 0.014628153294324875, -0.026098748669028282, -0.00038552586920559406, -0.005627018865197897, 0.0019036158919334412, 0.03923195227980614, 0.0017211133381351829, -0.001891390886157751, -0.0006260975496843457, 0.016123102977871895, 0.0063046361319720745, -0.016486361622810364, 0.01962994784116745, -0.029200419783592224, -0.01192466914653778, 0.007244219072163105, 0.019657891243696213, 0.017799681052565575, -0.006398943718522787, 0.012141227722167969, 0.0040517328307032585, -0.006825074087828398, -0.003999339882284403, -0.6442534923553467, -0.016779763624072075, -0.009018599055707455, -0.02552591823041439, -0.008515625260770321, -0.011861797422170639, -0.00882998388260603, 0.0005579864955507219, -0.042193908244371414, 0.03319626674056053, -0.007817050442099571, -0.009067499078810215, -0.0006147457170300186, -0.02130652591586113, -0.0066678947769105434, -0.019769662991166115, -0.006727274041622877, -0.03411838412284851, -0.007907864637672901, 0.003208204172551632, -0.02365373820066452, 0.0045337495394051075, -0.008075523190200329, -0.0007627562154084444, -0.01256735809147358, 0.0027419053949415684, 0.031463801860809326, 0.005298688542097807, -0.005700368899852037, -0.019224774092435837, 0.0027453983202576637, 0.009521572850644588, -0.018260741606354713, -0.021725671365857124, 0.0440940298140049, -0.006769188214093447, -0.025484003126621246, 0.018637971952557564, 0.004086661618202925, 0.009437743574380875, -0.03610233590006828, -0.021991129964590073, 0.029926937073469162, -0.012888702563941479, -0.017073163762688637, 0.008215237408876419, 0.03464930132031441, 0.02720249630510807, -0.00021710390865337104, -0.03973492607474327, 0.0038805820513516665, -0.015312756411731243, 0.011673182249069214, 0.013377704657614231, 0.01107240840792656, -0.013140189461410046, 0.01683564856648445, -0.028012843802571297, 0.008103465661406517, 0.007565563544631004, -0.003999339882284403, 0.002829227363690734, -0.04208213835954666, -0.006063628010451794, -0.02092929556965828, 0.0024816864170134068, -0.011889740824699402, -0.00278032710775733, -0.017408480867743492, 0.013517419807612896, 0.026573779061436653, 0.030262254178524017, -0.006199849769473076, -0.005218352656811476, -0.000352343573467806, 0.005703861825168133, 0.02662966586649418, -0.010897764936089516, -0.00467695714905858, 0.013237989507615566, 0.010080432519316673, -0.004956386983394623, -0.02805475704371929, -0.029004819691181183, 0.0613069124519825, -0.00808250904083252, 0.006322100758552551, -0.02478542923927307, 0.008515625260770321, 0.025106772780418396, 0.02440819889307022, 0.02700689621269703, -0.008096479810774326, -0.051834240555763245, -0.0023646752815693617, 0.015117155387997627, -0.005812141112983227, 0.006461815442889929, 0.01598338782787323, -0.030066652223467827, -0.02150212787091732, -0.0172128789126873, 0.03037402592599392, -0.0009876098483800888, -0.008033608086407185, 0.024450112134218216, 0.009291042573750019, 0.019671862944960594, 0.04177476465702057, -0.026755409315228462, -0.0334477536380291, 0.006912396289408207, -0.0074258483946323395, 0.00040430008084513247, -3.883092722389847e-05, -0.03001076728105545, 0.022885305806994438, -0.004760786425322294, 0.00048463616985827684, -0.046776559203863144, 0.017268765717744827, -0.010185218416154385, 0.0034387337509542704, -0.01233682781457901, 0.0009448222117498517, 0.008697254583239555, 0.017506280913949013, -0.020593980327248573, -0.026937037706375122, 0.004711885936558247, -0.01009440328925848, -0.01383876334875822, 0.02626640722155571, -0.025917120277881622, 0.02728632651269436, 0.006549137178808451, 0.024743514135479927, -0.008396867662668228, 0.007886908017098904, -0.004020296968519688, -0.014879640191793442, -0.0017184936441481113, 0.008340980857610703, -0.024268483743071556, -0.02440819889307022, -0.033335983753204346, -0.01482375431805849, 0.016011331230401993, 0.013720005750656128, 0.013133203610777855, -0.015061269514262676, 0.005309167318046093, -0.026196548715233803, 0.01183385495096445, 0.005906448699533939, -0.010387805290520191, -0.013447562232613564, -0.021446241065859795, 0.0029549708124250174, -0.037136226892471313, -0.006587558891624212, 0.024352312088012695, -0.01830265484750271, 0.003953932318836451, -0.000802051043137908, -0.011442652903497219, -0.007530634757131338, 0.02981516532599926, -0.008103465661406517, -0.04264099523425102, -0.016011331230401993, -0.024380255490541458, -0.011798925697803497, 0.015536299906671047, -0.002492164960131049, 0.016849620267748833, -0.006521194241940975, -0.022033045068383217, -0.008403852581977844, -0.017254794016480446, -0.012602286413311958, 0.007279147859662771, -0.036772970110177994, -0.010604362934827805, 0.03900840878486633, 0.012965545058250427, 0.03769508749246597, 0.0050716521218419075, 0.0057772123254835606, 0.02027263678610325, 0.0013988957507535815, 0.047531019896268845, -0.014083264395594597, -0.012364771217107773, 0.0016110878204926848, 0.008536581881344318, -0.0018355048960074782, -0.00404125452041626, 0.034900788217782974, 0.03777891770005226, -0.008424810133874416, 0.012392714619636536, 0.020817523822188377, -0.03129614517092705, 0.006657416466623545, -0.04384254291653633, 0.010122346691787243, -0.013217031955718994, 0.016304731369018555, 0.003459690837189555, 0.0035243090242147446, -0.02002114988863468, -0.03381101414561272, -0.02665760926902294, 0.010625320486724377, 0.029591621831059456, 0.006374493706971407, 0.006161428522318602, 0.01954611949622631, -0.017031250521540642, -0.0008029242162592709, -0.015075241215527058, 0.03361541032791138, -0.026517894119024277, -0.01680770516395569, 0.014879640191793442, -0.001891390886157751, 0.009130370803177357, -0.01624884642660618, -0.02197715826332569, 0.01999320648610592, -0.02159992791712284, 0.0013098274357616901, 0.010213160887360573, 0.012881716713309288, 0.0006156188901513815, 0.027873128652572632, -0.004320684354752302, 0.020440293475985527, 0.00018381245899945498, -0.03017842397093773, 0.01010138913989067, 0.01905711553990841, -0.007865950465202332, 0.03830983489751816, 0.007488720118999481, 0.038561321794986725, 0.0021847921889275312, 0.010583406314253807, -0.005008780397474766, -0.022563960403203964, 0.025833290070295334, -0.02431039698421955, 0.002988153137266636, 0.011240066029131413, -0.0005859294906258583, 0.008543567731976509, 0.010555462911725044, 0.037527430802583694, 0.026042861863970757, -0.002829227363690734, 0.01490758266299963, -0.0026685551274567842, -0.003765317378565669, 0.008767112158238888, -0.013706034980714321, 0.012511472217738628, -0.03428604453802109, -0.016039274632930756, 0.0030772213358432055, 0.014034364372491837, -0.012225056067109108, -0.004282262641936541, -0.014034364372491837, 0.027803270146250725, -0.001475738943554461, 0.004949401132762432, 0.016849620267748833, 0.009444729425013065, -0.01079297810792923, -0.01738053746521473, -0.015312756411731243, 0.015759844332933426, 0.005452374927699566, -0.004414991941303015, -0.02224261686205864, -0.017785711213946342, 0.051946010440588, 0.0011980555718764663, -0.01257434394210577, 0.007474748883396387, 0.02299707755446434, 0.015173041261732578, 0.009179270826280117, -0.018763715401291847, 0.00044534134212881327, 0.019685832783579826, -0.0001743161992635578, -0.002118427539244294, -0.0052253385074436665, -0.003723402973264456, 0.009919759817421436, -0.00933994259685278, -0.04113207384943962, 0.04423374682664871, 0.011680168099701405, -0.02749589830636978, 0.0009160059853456914, 0.014795810915529728, 0.003351411782205105, 0.008676297031342983, -0.017743796110153198, -0.008487681858241558, -0.016514305025339127, 0.02383536659181118, 0.010660248808562756, -0.0024764470290392637, 0.00574577646329999, 0.020398380234837532, 0.028809217736124992, -0.001518526580184698, -0.022661762312054634, -0.007782121654599905, 0.027412069961428642, 0.025176629424095154, 0.019699804484844208, -0.0019402910256758332, 0.010925707407295704, -0.033783070743083954, 0.002602190477773547, -0.019196830689907074, -0.02579137682914734, 0.03436987102031708, 0.011666196398437023, -0.0013892903225496411, -0.006730766501277685, 0.028837161138653755, -0.008368924260139465, 0.024533942341804504, 0.019951291382312775, -0.006538658868521452, 0.006828567013144493, -0.010290004312992096, -0.0020957239903509617, 0.020538095384836197, 0.0019856984727084637, 0.0028135094325989485, 0.005969320423901081, 0.006860002875328064, -0.0061719068326056, 0.0048516010865569115, 0.030709341168403625, -0.018093083053827286, -0.037080343812704086, 0.004401020240038633, -0.0055571612901985645, 0.008941755630075932, 0.0024397720117121935, -0.004236855078488588, 0.024240540340542793, 0.01300047431141138, 0.027230439707636833, 0.024981029331684113, -0.009095441550016403, -0.0017673939000815153, 0.012630229815840721, -0.004656000062823296, -0.007349005434662104, -0.01458623819053173, -0.006371000781655312, -0.0031121501233428717, 0.009074484929442406, 0.009018599055707455, 0.0069962251000106335, 0.02263381890952587, -0.019085058942437172, -0.044904377311468124, -0.008299066685140133, 0.01004550326615572, 0.025763433426618576, -0.0057213264517486095, 0.005731804762035608, -0.012755973264575005, -0.027887100353837013, -0.003571462817490101, -0.022927219048142433, 0.026713494211435318, -0.008648354560136795, 0.009619372896850109, -0.008620411157608032, -0.013726991601288319, 0.008536581881344318, -0.01490758266299963, -0.005211366806179285, -0.007621449418365955, -0.01682167686522007, -0.05214161053299904, 0.012769944965839386, 0.0022179745137691498, 0.006053149234503508, 0.028292272239923477, 0.02541414648294449, -0.006577080115675926, 0.039315782487392426, -0.01374794915318489, -0.02194921486079693, -0.021194754168391228, -0.03981875628232956, -0.013964506797492504, -0.013559333980083466, 0.014684039168059826, -0.005427924916148186, -0.005822619888931513, -0.0018459835555404425, -0.006755216978490353, -0.00883696973323822, 0.00845275353640318, -0.005131030920892954, -0.014362694695591927, 0.03017842397093773, 0.02113886922597885, 0.026042861863970757, 0.002705230377614498, -0.028264330700039864, -0.009479657746851444, -0.03484490513801575, -0.011281980201601982, -0.011198151856660843, 0.002233692444860935, -0.016332674771547318, 0.010220146737992764, 0.025218544527888298, -0.019420376047492027, -0.020789582282304764, 0.0008583735907450318, -0.010576420463621616, 0.012099312618374825, 0.00818729493767023, 0.01943434588611126, 0.015410556457936764, 0.014851696789264679, 0.007195319049060345, 0.010806949809193611, -0.03020636737346649, 0.0036465595476329327, -0.0031121501233428717, 0.015159069560468197, 0.012308885343372822, -0.015089211985468864, 0.010450677014887333, 0.01926668919622898, -0.025819318369030952, -0.01765996776521206, 0.022102901712059975, -0.005518739577382803, 0.008250166662037373, -0.025497974827885628, -0.004928444046527147, -0.04171887785196304, -0.035934679210186005, -0.03093288466334343, -0.0024712078738957644, 0.0020852452144026756, -0.00738393422216177, 0.009402814321219921, -0.01777173951268196, -0.007705278228968382, -0.005305674392729998, -0.006231285631656647, -0.016486361622810364, -0.022270560264587402, 0.025679603219032288, -0.0013587276916950941, -0.00010183908307226375, -0.0093050142750144, 0.02588917687535286, -0.02579137682914734, -0.01870782859623432, 0.00827810913324356, -0.028208443894982338, -0.01229491364210844, 0.012972530908882618, 0.023025020956993103, 0.02981516532599926, 0.04498820751905441, -0.001634664717130363, 0.027160583063960075, -0.012735015712678432, -0.0019926840905100107, -0.0026598230469971895, 0.001193689415231347, -0.005043708719313145, -0.03233003616333008, -0.003078967798501253, 0.043227799236774445, -0.007761164102703333, 0.02628037892282009, -0.014600209891796112, 0.009814973920583725, 0.023346364498138428, 0.006853017490357161, 0.021837443113327026, 0.00925611425191164, -0.02588917687535286, 0.0010976353660225868, 0.014348722994327545, -2.000215681619011e-05, 0.008089493960142136, -0.044904377311468124, 0.0024467576295137405, 0.005340603180229664, -0.007349005434662104, 0.010911735706031322, 0.028865104541182518, 0.008822998031973839, -0.017715852707624435, 0.016472389921545982, 0.008159351535141468, 0.020677808672189713, -0.01981157623231411, -0.02309487760066986, -0.029200419783592224, -0.017995283007621765, 0.005812141112983227, -0.008403852581977844, 0.01654224842786789, 0.014725953340530396, -0.024995001032948494, 0.011603324674069881, -0.007097518537193537, -0.005934391636401415, 0.0055466825142502785, 0.019029174000024796, -0.02618257701396942, -0.008774098008871078, -0.02450599893927574, -0.006479280069470406, 0.0018197869649156928, 0.03833777830004692, 0.01411819364875555, 0.009710188023746014, 0.01042971946299076, -0.03534787893295288, 0.0023175214882940054, 0.02196318656206131, 0.007831022143363953, 0.015354670584201813, -0.004034268669784069, 0.025567831471562386, 0.010911735706031322, 0.01480978261679411, 0.001242589671164751, -0.009242142550647259, 0.012553386390209198, 0.008941755630075932, 0.013384690508246422, 0.02150212787091732, 0.004037761595100164, -0.0060950638726353645, 0.001788351102732122, -0.0028274809010326862, -0.013342775404453278, -0.04177476465702057, 0.0053475890308618546, -0.005948363337665796, 0.03403455764055252, -0.01075106393545866, -0.007649392355233431, -0.009123384952545166, 0.015857644379138947, -0.02383536659181118, 0.017799681052565575, -0.01261625811457634, -0.0184982568025589, 0.0023611823562532663, 0.012735015712678432, 0.006220807321369648, 0.016095159575343132, -0.00933994259685278, -0.01047163363546133, 0.018023226410150528, -0.017226850613951683, -0.035767022520303726, 0.019951291382312775, 0.013880678452551365, 0.029004819691181183, -0.010806949809193611, 0.020398380234837532, 0.016304731369018555, 0.02327650785446167, -0.009444729425013065, -0.004310205578804016, -0.012651186436414719, 0.026992924511432648, -0.044820550829172134, 0.02178155817091465, 0.0018215334275737405, -0.026937037706375122, 0.008536581881344318, -0.016681961715221405, -0.0060950638726353645, -0.034537531435489655, -0.004194940906018019, 3.181789361406118e-05, 0.0267274659126997, -0.0006514208507724106, -0.020160865038633347, 0.006695838179439306, 0.008892855606973171, 0.0001999669912038371, -0.019322574138641357, -0.024282455444335938, 0.016765791922807693, -0.04526763781905174, -0.012085340917110443, -0.00935391429811716, 0.01346153300255537, 0.028529789298772812, -0.004614085424691439, -0.009835931472480297, -0.011358823627233505, 0.034146327525377274, -0.0184982568025589, 0.03244180604815483, -0.006730766501277685, 0.0032483721151947975, 0.004310205578804016, 0.007069575600326061, 0.016206931322813034, -0.022270560264587402, 0.008711226284503937, -0.017338622361421585, -0.006196357309818268, -0.0172128789126873, 0.022005101665854454, -0.002516615204513073, -0.0007566436543129385, -0.0035470128059387207, -0.005564147140830755, 0.004219390917569399, 0.005427924916148186, -0.011288966052234173, 0.005483810789883137, 0.02009100653231144, -0.014642124995589256, 0.00033073144732043147, 0.027789300307631493, 0.0016198200173676014, -0.005791184026747942, -0.014055321924388409, -0.003974889870733023, -0.025861233472824097, -0.034816961735486984, -0.014614181593060493, -0.010136318393051624, -0.016192959621548653, -0.006367507856339216, 0.010296990163624287, -0.03741565719246864, -0.0013735723914578557, -0.007607477717101574, 0.007010196801275015, -0.008320024237036705, 0.014320780523121357, 0.007167375646531582, 0.02243821695446968, 0.001513287308625877, 0.011240066029131413, -0.03249769285321236, -0.011100350879132748, 0.005277731455862522, -0.01033191941678524, -0.01895931549370289, -0.028068728744983673, -0.017813652753829956, 0.01728273741900921, -0.004411499015986919, -0.017059192061424255, -0.023961110040545464, 0.0068879458121955395, -0.028529789298772812, -0.01887548714876175, -0.02692306600511074, 0.011358823627233505, 0.016416504979133606, 0.025442088022828102, -0.004736335948109627, 0.024519970640540123, -0.026895124465227127, 0.03504050523042679, -0.017506280913949013, 0.0025445581413805485, 0.017590109258890152, -0.013293875381350517, 0.006164921447634697, -0.0029619564302265644, 0.0054453895427286625, 0.001966487616300583, 0.0003104291099589318, -0.0015560750616714358, 0.009472671896219254, 0.016500333324074745, -0.0019629946909844875, -0.03867309167981148, -0.00016733046504668891, 0.015829700976610184, 0.01979760453104973, -0.021082982420921326, 0.01636061817407608, -0.01556424330919981, -0.00499830162152648, -0.0021219204645603895, -0.011240066029131413, -0.02260587550699711, -0.007307090796530247, -0.0024292932357639074, -0.016011331230401993, 0.013028416782617569, 0.005909941624850035, 0.002596951322630048, 0.021362412720918655, 0.00355225196108222, 0.03710828348994255, -0.028948932886123657, 0.01877768710255623, 0.034537531435489655, 0.006699330639094114, -0.013496462255716324, -0.01518701296299696, -0.005036723334342241, -0.026378178969025612, -0.018274713307619095, 0.03339186683297157, 0.007446805946528912, -0.002492164960131049, -0.0048516010865569115, 0.004924951121211052, 0.00425082677975297, 0.011184180155396461, -0.0007147291908040643, -0.0029898995999246836, -0.03842160478234291, 0.006241764407604933, 0.012120270170271397, -0.010380819439888, -0.007698292378336191, 0.012630229815840721, 0.0004972978495061398, 0.006549137178808451, -0.014139151200652122, 0.004575663711875677, 0.0018809122266247869, -0.005155480932444334, 0.002638865727931261, 0.018847543746232986, -0.016584161669015884, -0.002209242433309555, 0.00537553196772933, 0.014376666396856308, -0.013279903680086136, 0.19783633947372437, -0.00925611425191164, -0.0036221095360815525, 0.028068728744983673, -0.004638535436242819, 0.011023507453501225, 0.019657891243696213, 0.008320024237036705, -0.011268009431660175, 0.012141227722167969, 0.010394791141152382, 0.003912018146365881, -0.02045426517724991, 0.0005750142736360431, -0.010401776060461998, -0.013182103633880615, -0.010723120532929897, -0.019741719588637352, -0.014174079522490501, -0.0020433308091014624, 0.003828189102932811, 0.007789107505232096, 0.004928444046527147, -0.03492873162031174, 0.015424528159201145, -0.006570094730705023, -0.012029455043375492, -0.007956765592098236, 0.018582085147500038, 0.004607099574059248, -0.019392432644963264, 0.003908525221049786, 0.018582085147500038, -0.0020747666712850332, -0.009388843551278114, -0.010408761911094189, 0.025218544527888298, -0.004802700597792864, 0.018749743700027466, 0.021669786423444748, 0.020398380234837532, -0.014348722994327545, 0.015815729275345802, -0.016318703070282936, 0.02560974657535553, -0.008983669802546501, -0.011526481248438358, -0.031827062368392944, -0.005099595058709383, 0.017170965671539307, -0.022787505760788918, 0.009116399101912975, 0.021711699664592743, 0.04216596484184265, -0.005791184026747942, -0.017827624455094337, -0.011184180155396461, 0.020705752074718475, 0.026378178969025612, 0.009039555676281452, -0.011526481248438358, -0.0024205611553043127, -7.460558845195919e-05, 0.002008402021601796, -0.019406404346227646, 0.011051450856029987, -0.010967621579766273, -0.0033933264203369617, -0.008662325330078602, -0.019769662991166115, -0.011205137707293034, -0.01673784852027893, -0.009968659840524197, -0.007509677670896053, -0.035012561827898026, -0.041467390954494476, 0.01795336790382862, 0.01448843814432621, -0.010310961864888668, 0.03635382279753685, -0.01258132979273796, -0.014949497766792774, -0.00233847857452929, 0.0036779954098165035, -0.02301104925572872, -0.006992732174694538, 0.000869725423399359, -0.01233682781457901, 0.01258132979273796, -0.013140189461410046, 0.0017778724431991577, 0.0006832933286204934, -0.025777405127882957, -0.004495327826589346, -0.0008256278815679252, -5.427597716334276e-05, -0.004002832807600498, 0.010366847738623619, -0.008697254583239555, 0.010227132588624954, -0.028348159044981003, 0.04328368604183197, 0.003227414796128869, 0.011100350879132748, 0.016947420313954353, -0.007991693913936615, -0.006570094730705023, -0.015368642285466194, 0.010716134682297707, -0.01332181878387928, 0.02037043683230877, -0.027621641755104065, 0.003971396945416927, -0.026406122371554375, 0.0024642220232635736, 0.009395829401910305, 0.0039399610832333565, -0.0060950638726353645, -0.0028920990880578756, 0.011323895305395126, -0.008194280788302422, -0.0005383390816859901, -0.022745590656995773, 0.011722082272171974, 0.007460777182132006, -0.022116873413324356, -0.04652507230639458, 0.0013814313570037484, -0.006601530592888594, 0.010653262957930565, 0.00888586975634098, -0.008243180811405182, 0.03666119650006294, 0.0002484306169208139, 0.007586520630866289, -0.022787505760788918, -0.006723781116306782, -0.017632024362683296, -0.01578778773546219, 0.006975268013775349, -0.017031250521540642, 0.011240066029131413, -0.011149250902235508, -0.015312756411731243, 0.04442934691905975, -0.026308320462703705, -0.014104221947491169, 0.020314550027251244, -0.020789582282304764, -0.011645239777863026, -0.0057213264517486095, 0.011386767029762268, -0.007237233221530914, -0.01805116795003414, 0.01757613755762577, -0.01041574776172638, -0.03819806128740311, -0.013210046105086803, 0.03702445700764656, -0.0023192677181214094, -0.03302861005067825, -0.013873692601919174, 0.022019073367118835, -0.0020311058033257723, -0.012029455043375492, -0.0035033519379794598, -0.18073523044586182, -0.006961296312510967, 0.016053244471549988, -0.009374871850013733, 0.021739643067121506, 0.014104221947491169, 0.035375818610191345, 0.018554141744971275, -0.013265932910144329, 0.006608515977859497, -0.010206175968050957, -0.001304588164202869, -0.03076522797346115, -0.020580008625984192, 0.004690928850322962, 0.0004553833568934351, 0.020733695477247238, -0.008313038386404514, 0.02150212787091732, 0.011470595374703407, 0.04504409432411194, -0.008040593937039375, 0.01444652397185564, 0.012113284319639206, 0.022270560264587402, 0.00553620420396328, -0.0016451432602480054, 0.005644483026117086, 0.014132165350019932, -0.031631458550691605, -0.02159992791712284, -0.0006806736928410828, 0.004020296968519688, -0.0074817342683672905, 0.004781743511557579, 0.013237989507615566, 0.018344569951295853, 0.0013884170912206173, -0.003522562561556697, 0.011009536683559418, -0.009773059748113155, 0.036856796592473984, -0.0053266314789652824, 0.004865572322160006, 0.0044778636656701565, 0.015145097859203815, 0.024240540340542793, -0.027216468006372452, 0.0006723781116306782, -0.0019245730945840478, 0.028180500492453575, -0.029759280383586884, 0.02493911422789097, -0.000379413366317749, 0.024058910086750984, -0.004027282819151878, -0.009828945621848106, 0.02111092582345009, -0.012839801609516144, 0.0016739595448598266, -0.005253281444311142, -0.015773816034197807, 0.016095159575343132, 0.003625602461397648, 0.008655339479446411, -0.008655339479446411, -0.021082982420921326, 0.0015621875645592809, -0.029312191531062126, 0.01116322260349989, -0.01571792922914028, 0.013901635073125362, 0.003484141081571579, -0.00499830162152648, 0.015298784710466862, 0.03618616610765457, 0.016025302931666374, 0.012064384296536446, 0.011037479154765606, -0.010401776060461998, 0.0010696924291551113, 0.011351837776601315, 0.01228792779147625, -0.007614463567733765, -0.0016608611913397908, -0.015117155387997627, 0.0014661335153505206, 0.00882998388260603, -0.01116322260349989, -0.022019073367118835, 0.015578215010464191, -0.012141227722167969, 0.011009536683559418, -0.033224210143089294, 0.012853773310780525, 0.019560089334845543, 0.024380255490541458, -0.017799681052565575, 0.027048809453845024, -0.01805116795003414, 0.02094326727092266, 0.00813140906393528, -0.0002279099717270583, 0.01271405816078186, 0.007167375646531582, 0.0060845850966870785, -0.018665915355086327, 0.0011989286867901683, 0.044820550829172134, -0.011107336729764938, -0.02439422719180584, -0.010192204266786575, 0.013286889530718327, 0.027062781155109406, 0.004827150609344244, 0.030262254178524017, -0.005714340601116419, -0.017520252615213394, 0.007300104945898056, 0.024519970640540123, 0.047251589596271515, 0.0026720480527728796, -0.013587276451289654, 0.015592185780405998, -0.008543567731976509, 0.008194280788302422, -0.10400379449129105, -0.03157557547092438, -0.0041076187044382095, 0.010611348785459995, -0.007041632197797298, 0.012043426744639874, -0.024380255490541458, 0.013510433956980705, -0.018288685008883476, 0.043423399329185486, -0.010450677014887333, -0.007733221165835857, 0.014125179499387741, 0.01823279820382595, -0.008746154606342316, 0.020216749981045723, -0.010632306337356567, -0.023569907993078232, -0.005675918888300657, 0.024366283789277077, 0.00958444457501173, -0.01673784852027893, 0.01037383358925581, -0.003716417122632265, -0.0055466825142502785, 0.013293875381350517, -0.02851581759750843, 0.022577932104468346, 0.0066678947769105434, 0.01010138913989067, 0.002595204859972, -0.008725197054445744, 0.021180782467126846, -0.03336392343044281, 0.015159069560468197, -0.021474184468388557, 0.007376948371529579, 0.0002768101985566318, 0.029926937073469162, -0.02299707755446434, 0.0012879970017820597, 0.00204507727175951, -0.01596941612660885, 0.015214955434203148, 0.0026895124465227127, -0.027174552902579308, 0.008040593937039375, 0.025735490024089813, -0.00813839491456747, 0.005242802668362856, -0.044177860021591187, -0.0043241772800683975, -0.035655248910188675, 0.0064932513050735, 0.039762869477272034, -0.011526481248438358, 0.008997641503810883, 0.016304731369018555, -0.011226094327867031, -0.015298784710466862, -0.019755691289901733, -0.007572548929601908, -0.007544605992734432, -0.018903430551290512, 0.009507601149380207, 0.02280147559940815, -0.011470595374703407, 0.006535165943205357, 0.021837443113327026, -0.008494667708873749, -0.0068984245881438255, 0.009877845644950867, -0.03439781442284584, 0.038728978484869, -0.01972774788737297, -0.0013674598885700107, -0.008389881812036037, -0.025386203080415726, 0.014725953340530396, 0.002946238499134779, -0.0015377374365925789, -0.019015202298760414, 0.008354952558875084, 0.0072162761352956295, 0.006510715465992689, -0.0005920419935137033, 0.0005313533474691212, 0.005756255239248276, 0.010283018462359905, -0.031240258365869522, 0.006531673017889261, -0.008564525283873081, 0.024450112134218216, -0.004530256614089012, 0.00859246775507927, -0.021753614768385887, -0.009193242527544498, -0.01898725889623165, -0.00651770131662488, 0.0023611823562532663, -0.035459648817777634, -0.011861797422170639, -0.0529240146279335, 0.01700330711901188, -0.005888984072953463, -0.010862835682928562, -0.012651186436414719, -0.04093647375702858, 0.012134241871535778, -0.040237899869680405, 0.0392598956823349, 0.01637458987534046, -0.04739130288362503, 0.005082130432128906, -0.02628037892282009, -0.01746436581015587, -0.033419810235500336, -0.030625512823462486, 0.024352312088012695, -0.004708393011242151, 0.02692306600511074, 0.03171528875827789, 0.015634100884199142, -0.0062487502582371235, -0.005857548210769892, 0.011268009431660175, 0.004785236436873674, 3.375193500687601e-06, 0.0028327202890068293, 0.018624000251293182, -0.027132639661431313, 0.013824792578816414, 0.00859945360571146, -0.01961597613990307, 0.01262324396520853, 0.020077034831047058, -0.002160342177376151, -0.012273956090211868, 0.03520816192030907, 0.010171246714890003, -0.002939252881333232, 0.036046452820301056, -0.004561692476272583, -0.027314268052577972, -0.0020730202086269855, 0.00307372841052711, 0.01867988519370556, -0.01480978261679411, -0.0031732753850519657, 0.007181347347795963, 0.023723594844341278, 0.017436422407627106, 0.0224242452532053, -0.0022371853701770306, -0.013300861231982708, -0.01897328719496727, 0.001267039799131453, -0.018093083053827286, 0.008522611111402512, -0.0035557448863983154, 0.012546400539577007, -0.0029794208239763975, 0.021069010719656944, 0.00023249437799677253, 0.0093050142750144, -0.018358541652560234, 2.7342648536432534e-05, -0.0030108566861599684, -0.01476786844432354, 0.011931654997169971, 0.031268201768398285, -0.009745116345584393, -0.008990655653178692, 0.010953650809824467, 0.0029602099675685167, 0.012504486367106438, 0.005525725428014994, -0.026098748669028282, 0.00845275353640318, 0.008494667708873749, -0.020398380234837532, 0.011470595374703407, 0.013831778429448605, -0.016989335417747498, -0.002474700566381216, 0.011309923604130745, 0.01224601361900568, -0.012064384296536446, -0.04867668077349663, -0.0005003541009500623, 0.015955444425344467, -0.00845275353640318, -0.007404891308397055, 0.014949497766792774, -0.015522328205406666, 0.011030493304133415, -0.011351837776601315, 0.004897008184343576, -0.019518176093697548, -0.0010696924291551113, 0.024659685790538788, 0.006440858356654644, 0.020817523822188377, 0.003391579957678914, -0.01008741743862629, -0.02298310585319996, -0.014670067466795444, 0.007467763032764196, -0.018484285101294518, -0.0018774194177240133, 0.015075241215527058, 0.012769944965839386, 0.01701727882027626, -0.021446241065859795, -0.007838007062673569, 0.003894553752616048, 0.0010443690698593855, 0.029787223786115646, -0.014614181593060493, -0.008096479810774326, -0.024226568639278412, 0.020063063129782677, 0.01295157428830862, 0.02055206522345543, 0.01655621826648712, -0.00630812905728817, 0.019126974046230316, 0.006957803387194872, 0.006060135085135698, -0.025763433426618576, 0.019490232691168785, -0.005798169411718845, -0.0172128789126873, 0.013384690508246422, -0.013929578475654125, -0.015829700976610184, -0.009388843551278114, 0.010869821533560753, -0.000643125269562006, -0.014851696789264679, 0.010073446668684483, 0.0845554769039154, 0.028012843802571297, -0.0033269617706537247, 0.01982554793357849, -0.004037761595100164, 0.014739925041794777, -0.01256735809147358, -0.004593128338456154, -0.002018880797550082, -0.0336712971329689, 0.018582085147500038, 0.004373077303171158, -0.018009254708886147, -0.020803552120923996, -0.011316909454762936, 0.015815729275345802, -0.005878505762666464, 0.04233362525701523, -0.04579855501651764, -0.03523610532283783, 0.018651943653821945, 0.040154069662094116, 0.0021358919329941273, -0.006486265454441309, 0.00010926144022960216, -0.01032493356615305, 0.019853491336107254, -0.007523648906499147, 0.0013604741543531418, -0.028012843802571297, -0.002235438907518983, 0.010765035636723042, -0.018637971952557564, -0.02319267764687538, -0.0007950652507133782, -0.028948932886123657, -0.007768149953335524, -0.003202964784577489, 0.017645996063947678, 0.01265817228704691, -0.01191768329590559, 0.010255075991153717, -0.007258190773427486, -0.02869744598865509, -0.0033391867764294147, 0.004125083331018686, -0.013775891624391079, -0.01032493356615305, -0.05392996221780777], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='8d48e4a4-a62e-4339-bbc1-b744e54ee822', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '8', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_type': 'application/pdf', 'file_size': 885090, 'creation_date': '2024-02-25', 'last_modified_date': '2024-02-07', 'last_accessed_date': None}, hash='1f88cb8d1d9fb8253751ea32dbc14b20217661f00e34f0fd1b907350f97b3d49')}, text='tool, which solves mathematical problems. The math tool is inspired by the Langchain [26]’s LLMMathChain , which\\nuses an LLM as an agent that interprets input queries and invokes the numexpr function with the appropriate formula.\\nThis enables the math chain to address a broad spectrum of math problems that are written both in mathematical and\\nverbal form. See Appendix A.4 for more details on experimental setups.\\n', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='645b79bf-9a46-4a92-82ca-6414852d9026', embedding=[-0.00673851789906621, 0.015301684848964214, -0.004551053512841463, -0.03764834254980087, -0.0160625409334898, 0.017062928527593613, -0.01241324469447136, 0.00044427369721233845, -0.05633161589503288, -0.036352068185806274, 0.027545850723981857, 0.02653137408196926, -0.0018123197369277477, -0.006051633041352034, 0.009785469621419907, 0.006351044401526451, 0.011779197491705418, 0.015484853647649288, 0.005163966212421656, 0.0013781731249764562, -0.0025978342164307833, -0.009602299891412258, -0.00588255375623703, -0.02815171703696251, -0.0011157478438690305, -0.01509033516049385, 0.020500876009464264, -0.04173442721366882, 0.0033921552821993828, 0.00877099297940731, 0.024417880922555923, -0.02619321458041668, -0.0320405438542366, -0.004406631458550692, -0.01429425273090601, -0.015893463045358658, 0.008925982750952244, -0.0014988182811066508, 0.0233047753572464, -0.00019318640988785774, 0.019866827875375748, 0.01765470579266548, 0.005382360424846411, -0.017725156620144844, 0.016597960144281387, 0.018486013635993004, 0.006749085616320372, -0.028856215998530388, -0.024474240839481354, 0.008749858476221561, 0.018006954342126846, 0.02734859101474285, -0.012807763181626797, 0.0283207967877388, 0.00901052262634039, -0.0007185873691923916, 0.013934959657490253, 0.005667681805789471, 0.0058684637770056725, 0.0009757289662957191, 0.004462991375476122, -0.00744653819128871, -0.004480603616684675, 0.04128355160355568, 0.01323046162724495, -0.01841556280851364, -0.005569052416831255, 0.012892303057014942, 0.01961320824921131, -0.014378792606294155, 0.012547099962830544, 0.021684430539608, 0.0021645682863891125, -0.017668796703219414, 0.018598733469843864, -0.025418268516659737, -0.005815626587718725, -0.00253266841173172, -0.025530988350510597, 0.011293093673884869, 0.025995954871177673, -0.0007789100054651499, 0.003818376222625375, 0.029391633346676826, 0.0005041559925302863, -0.033421359956264496, 0.01851419359445572, 0.006259460002183914, -0.009877054020762444, -0.006410926580429077, 0.003274151822552085, 0.021205373108386993, 0.043368861079216, 0.0129063930362463, -0.012723224237561226, 0.0031808060593903065, -0.01862691156566143, 0.014280163682997227, -0.024643320590257645, -0.007467672694474459, 0.009405041113495827, -0.019810467958450317, -0.03905733674764633, -0.006407404318451881, -0.01470990665256977, -0.011934186331927776, -0.0024534123949706554, 0.007256323471665382, 0.0080312704667449, 0.011659433133900166, -0.03094152733683586, 0.021149013191461563, 0.005001931916922331, -0.02619321458041668, -0.008348294533789158, -0.015118515118956566, 0.020078176632523537, -0.02603822574019432, 0.004558098502457142, -0.001977876527234912, 0.040381792932748795, 0.015231234952807426, 0.03404131531715393, 0.002724643796682358, 0.023220235481858253, -0.009933413937687874, -0.0036774766631424427, -0.012385064736008644, -0.04187532886862755, -0.0030575189739465714, 0.010250438004732132, 0.020500876009464264, 0.011638297699391842, 0.025728246197104454, -0.018387382850050926, 0.008897802792489529, 0.0005098800174891949, -0.0010162375401705503, -0.025023749098181725, -0.009440265595912933, 0.005276686046272516, 0.0009537134319543839, -0.0027299276553094387, -0.00801013596355915, -0.03928277641534805, 0.021473081782460213, 0.013751789927482605, 0.01607663184404373, 0.009073927067220211, -0.016104811802506447, -0.01655568927526474, -0.021261733025312424, -0.007059064228087664, 0.0301806703209877, 0.01640070043504238, 0.006315819453448057, 0.008115810342133045, 0.02565779723227024, -0.04601777344942093, -0.030321570113301277, 0.0042234621942043304, 0.012046906165778637, -0.015217144973576069, 0.01125082466751337, -0.007545167580246925, 0.030406109988689423, 0.024375611916184425, -0.006287639494985342, 0.010306797921657562, -0.03316773846745491, 0.007027362007647753, 0.03871918097138405, -0.022233938798308372, 0.027855828404426575, 0.010229302570223808, -0.007509942632168531, 0.02009226754307747, -0.006601140834391117, -0.007531077601015568, -0.017739245668053627, 0.01971183903515339, 0.0020553714130073786, 0.008136945776641369, 0.01710519753396511, -0.01672476902604103, -0.009080972522497177, 0.0301806703209877, 0.016471149399876595, 0.020500876009464264, -0.0038042862433940172, 0.01563984341919422, 0.029109833762049675, -0.00597766088321805, -0.018218303099274635, -0.6154489517211914, 0.0010250437771901488, 0.0043432265520095825, -0.022403018549084663, -0.016161171719431877, 0.012786628678441048, -0.007298593409359455, 0.002504488453269005, -0.016752948984503746, 0.024741949513554573, 0.006766697857528925, -0.02096584439277649, 0.008073540404438972, -0.013498171232640743, -0.012265300378203392, -0.031730566173791885, 0.009616389870643616, -0.019866827875375748, 0.003083937568590045, 0.014019499532878399, -0.03883190080523491, -0.012913438491523266, -0.0011509726755321026, -0.017668796703219414, -0.031054247170686722, 0.025953685864806175, 0.024164263159036636, -0.006495466455817223, -0.00445242365822196, 0.024037452414631844, -0.004762402735650539, 0.02565779723227024, 0.001379053806886077, -0.006234802305698395, 0.04742676764726639, -0.006777265574783087, -0.020359976217150688, 0.011715792119503021, 0.019035521894693375, 0.0371411070227623, -0.038042861968278885, -0.015780743211507797, 0.005220326129347086, 0.013906779699027538, -0.006164352875202894, 0.0014785639941692352, 0.007249278947710991, 0.01113810483366251, -0.033844057470560074, -0.0257705170661211, -0.011624207720160484, -0.0005926584708504379, 0.0011994069209322333, 0.008503284305334091, 0.012370974756777287, 0.016569780185818672, 0.03759198263287544, -0.015893463045358658, -0.003628161735832691, 0.0016370759112760425, -0.005449287593364716, -0.008418744429945946, -0.014470377936959267, -0.021543532609939575, -0.028095358982682228, 0.0029853079468011856, 0.007967866025865078, 0.005551439709961414, -0.015597573481500149, -0.021966230124235153, 0.006463764235377312, 0.021149013191461563, 0.0103983823210001, -0.00030711686122231185, 0.004012112971395254, -0.018119674175977707, 0.03175874426960945, -0.005910733714699745, -0.005456332582980394, 0.03311137855052948, 0.02358657494187355, -0.02603822574019432, -0.009088017046451569, -0.010750630870461464, 0.028503967449069023, -0.011335363611578941, 0.010799946263432503, -0.008348294533789158, 0.010172942653298378, 0.015935732051730156, 0.013956094160676003, 0.019021430984139442, -0.03370315954089165, -0.053513627499341965, 0.011560803279280663, 0.02047269605100155, -0.015949822962284088, 0.009630479849874973, 0.022727087140083313, -0.046975888311862946, -0.01895098201930523, -0.013822239823639393, 0.046102311462163925, 0.013899734243750572, 0.02571415714919567, 0.027419039979577065, -0.02134627290070057, 0.003284719306975603, 0.009862964041531086, -0.014723996631801128, -0.02402336336672306, -0.011011295020580292, 0.007996045984327793, -0.014949435368180275, 0.027461310848593712, -0.028292616829276085, 0.014935345388948917, 0.0004825807409361005, 0.007594482507556677, 0.00963752530515194, 0.017950594425201416, -0.027475399896502495, 0.013033202849328518, 0.0061291279271245, -0.002923664404079318, 0.013188192620873451, 0.008883712813258171, 0.0010796423302963376, 0.002356543904170394, 0.015231234952807426, -0.004769447725266218, -0.01590755209326744, 0.021219462156295776, -0.014068813994526863, 0.008024225942790508, 0.011715792119503021, 0.04012817516922951, -0.016316160559654236, 0.023671114817261696, -0.01509033516049385, -0.023924732580780983, 0.0034467538353055716, 0.010419516824185848, -0.008228530175983906, -0.029166193678975105, -0.02493920922279358, -0.0207967646420002, 0.011870781891047955, 0.0021751357708126307, 0.00040794804226607084, -0.006823057774454355, 0.006587051320821047, -0.012215985916554928, 0.004392541479319334, -0.019359590485692024, -0.014752176590263844, -0.007812876254320145, -0.024868760257959366, -0.017133377492427826, -0.02902529388666153, 0.024544691666960716, 0.018176034092903137, 0.004061427898705006, 0.006967479828745127, -0.0023952913470566273, 0.0008744574734009802, -0.012800718657672405, 0.02870122529566288, -0.02472786046564579, -0.03457673639059067, 0.005114651285111904, -0.030969707295298576, 0.004082562867552042, 0.016161171719431877, -0.01878190226852894, 0.005741653963923454, 0.00045307993423193693, 0.01138467900454998, 0.007552212569862604, -0.009003477171063423, 0.005167488940060139, 0.05072381719946861, 0.013103652745485306, -0.019895007833838463, 0.031223326921463013, 0.014484467916190624, 0.019683659076690674, -0.002906051930040121, -0.0129063930362463, 0.022684818133711815, 0.010616776533424854, 0.05373906344175339, -0.008700543083250523, 0.009912279434502125, -0.013526351191103458, 0.008778038434684277, -0.004952616989612579, 0.0016370759112760425, 0.0034590824507176876, 0.014512646943330765, 0.0003075571730732918, -0.0009801320265978575, 0.0029342318885028362, -0.02902529388666153, -0.012441424652934074, -0.02221984975039959, 0.01912005990743637, -0.022529827430844307, 0.007305638398975134, 0.0027845262084156275, -0.00479410495609045, -0.014209713786840439, -0.023065246641635895, -0.015104425139725208, -0.0028496922459453344, 0.023332955315709114, -0.015005795285105705, 0.01568211242556572, 0.004448901396244764, -0.011222644709050655, 0.018725542351603508, -0.0011571370996534824, 0.01966956816613674, -0.00506533682346344, 0.007657887414097786, 0.009707975201308727, -0.023163875564932823, 0.009038702584803104, 0.0027563462499529123, -0.013765879906713963, -0.024051543325185776, -0.002367111388593912, 0.017513806000351906, 0.009609345346689224, 0.04573597386479378, 0.014554916881024837, 0.017682885751128197, 0.015978002920746803, 0.03164602443575859, 0.0018862918950617313, 0.0030909825582057238, -0.01007431373000145, -0.01465354673564434, -0.01879599131643772, 0.0154144037514925, -0.0068758949637413025, 0.049314823001623154, 0.013815195299685001, -0.00022136631014291197, 0.004399586468935013, -0.015710292384028435, 0.024488331750035286, -0.02282571792602539, 0.0028144672978669405, 0.01704883761703968, -0.006005840841680765, 0.006844192743301392, 0.01252596452832222, 0.0345485545694828, 0.015442583709955215, -4.9259782826993614e-05, 0.013850419782102108, 0.009926369413733482, 0.005280208308249712, 0.00044075120240449905, -0.02778537943959236, -0.0031279686372727156, -0.009524805471301079, 0.0021029249764978886, -0.009228916838765144, -0.0028567372355610132, 7.077997724991292e-05, -0.007502897642552853, -0.042016226798295975, 0.006921687629073858, 0.01835920289158821, -0.00704145198687911, 0.030039770528674126, 0.005033634137362242, 0.002344215288758278, -0.007855146192014217, -0.03536577150225639, 0.029617073014378548, -0.0024481285363435745, -0.009700929746031761, -0.009764334186911583, -0.020726315677165985, -0.0013799343723803759, 0.01532986480742693, 0.014667636714875698, -0.005604277364909649, 0.012878213077783585, -0.010764720849692822, 0.003917005844414234, -0.005266118329018354, 0.0005776879261247814, 0.039902735501527786, -0.005473945289850235, -0.0004246798634994775, -0.017570165917277336, -0.005942435935139656, 0.017062928527593613, -0.016710679978132248, -0.019866827875375748, 0.04804672673344612, -0.0043819742277264595, -0.030828807502985, -0.04004363343119621, 0.002138149691745639, -0.019162330776453018, 0.025615526363253593, 2.036437945207581e-05, 0.014963525347411633, -0.007890371605753899, 0.013871554285287857, 0.006326387170702219, -0.004181192256510258, -0.00047377453302033246, 0.011046519502997398, 0.022205758839845657, -0.012441424652934074, -0.010433606803417206, 0.009137331508100033, 0.016583869233727455, 0.038268301635980606, 0.03288594260811806, 0.0035946981515735388, 0.0029923529364168644, -0.03590118885040283, -0.000935220334213227, -0.02598186582326889, -0.016541600227355957, 0.014569006860256195, 0.003073370084166527, -0.001036491827107966, -0.01873963139951229, 0.007354953326284885, -0.009123241528868675, 0.020782673731446266, 0.004720132797956467, -0.0007621781551279128, -0.028912575915455818, -0.005128741264343262, -0.00334988534450531, 0.003179044695571065, -0.003652819199487567, 0.02375565469264984, 0.01835920289158821, -0.00953184999525547, 0.0033058542758226395, 0.030406109988689423, 0.007002704776823521, -0.0005112009821459651, -0.03666204586625099, 0.0041671022772789, -0.008066495880484581, -0.008291934616863728, 0.03215326368808746, -0.0004387698136270046, 0.0116523876786232, 0.0012108549708500504, -0.003818376222625375, 0.018091494217514992, -0.003871213411912322, 0.010475876741111279, 0.023713383823633194, 0.01678112894296646, 0.006646933499723673, 0.033139560371637344, -0.024981480091810226, -0.0012592892162501812, 0.007453583180904388, -0.004924437031149864, -0.02571415714919567, 0.015203054994344711, -0.018669182434678078, -0.03440765663981438, 0.0031702385749667883, -0.010990160517394543, 0.020458605140447617, -0.0160202719271183, -0.004582755733281374, -0.003688044147565961, -0.0023759177420288324, -0.004706042818725109, -0.01868327148258686, 0.029983410611748695, -0.0004156534851063043, -0.004216417204588652, -0.008362384513020515, -0.028391247615218163, -0.0032054632902145386, -0.016034360975027084, 0.001402830588631332, -0.014738086611032486, -0.014230848290026188, -0.05816330760717392, -0.011941231787204742, -0.009792514145374298, 0.013998364098370075, 0.023924732580780983, -0.006403881590813398, -0.028363067656755447, 0.008151035755872726, -0.01786605454981327, -0.015766652300953865, -0.014308342710137367, -0.027151331305503845, -0.010306797921657562, -0.020655864849686623, 0.007890371605753899, -0.017767425626516342, -0.011870781891047955, -0.0014362941728904843, -0.0025414745323359966, -0.024925120174884796, -0.0023001842200756073, -0.021360361948609352, 0.0029747404623776674, 0.02341749519109726, 0.017189737409353256, 0.03578846901655197, 0.012920483015477657, -0.02712315134704113, 0.01408290397375822, -0.02493920922279358, -0.008918937295675278, -0.012194850482046604, -0.010363157838582993, -0.0045404862612485886, 0.015400313772261143, 0.01878190226852894, 0.002793332329019904, -0.035055793821811676, 0.02048678509891033, -0.009729109704494476, 0.0035436220932751894, 0.005628934595733881, 0.023671114817261696, 0.013202281668782234, 0.007044974248856306, -0.00479410495609045, 0.009412085637450218, -0.011173329316079617, -0.010144763626158237, -0.022614367306232452, 0.03615481033921242, 0.008136945776641369, -0.02740495093166828, 0.019289139658212662, 0.009806604124605656, -0.008453968912363052, -0.01912005990743637, 0.028024908155202866, 0.006410926580429077, 0.008017180487513542, 0.0012337511871010065, -0.01064495649188757, -0.02162807248532772, -0.02119128406047821, -0.00042512017535045743, 0.02128991298377514, 0.012342794798314571, 0.018922802060842514, 0.006449674256145954, 0.020458605140447617, -0.015372133813798428, 0.011567847803235054, 0.018063314259052277, -0.020162716507911682, -0.02102220430970192, 0.02630593441426754, 0.020514965057373047, 0.014766266569495201, -0.015484853647649288, 0.024854669347405434, -0.054218124598264694, -0.014322432689368725, -0.019204599782824516, -0.02691180258989334, 0.0017383474623784423, -0.00037228286964818835, 0.02161398157477379, 0.009975683875381947, 0.06205213442444801, -0.0031579097267240286, 0.018936891108751297, -0.0037796287797391415, -0.0011712269624695182, -0.012286435812711716, 0.019528668373823166, -0.0034784560557454824, -0.0033287503756582737, -0.01176510751247406, 0.0005464258138090372, 0.0014037111541256309, 0.01704883761703968, 0.00996863842010498, -0.002633059164509177, 0.041424449533224106, -0.0141603983938694, 0.003171999705955386, -0.007397223263978958, -0.0173165462911129, 0.0021046861074864864, 0.006079812999814749, 0.005801536608487368, -0.005181578919291496, -0.023234326392412186, 0.0036563416942954063, 0.031786926090717316, 0.008207395672798157, 0.021698521450161934, 0.02565779723227024, 0.020275436341762543, -0.01465354673564434, 0.01222303044050932, 0.019317319616675377, 0.026446834206581116, -0.04520055651664734, -0.0207544956356287, -0.042664363980293274, 0.0034309024922549725, -0.0024534123949706554, -0.016752948984503746, 0.015231234952807426, 0.006164352875202894, 0.00021068876958452165, -0.01285003311932087, 0.004706042818725109, -0.021966230124235153, -0.005650069564580917, 0.006051633041352034, -0.007013272028416395, 0.012955708429217339, -0.021811241284012794, -0.0006978927995078266, 0.0023900074884295464, -0.02260027825832367, 0.007207009010016918, -0.01364611554890871, 0.01489307638257742, -0.02271299809217453, -0.0321250818669796, 0.03263232111930847, 0.0135122612118721, 0.044749677181243896, 0.005206236150115728, 0.003443231340497732, 0.0027440176345407963, 0.010243392549455166, 0.0026541941333562136, -0.011166284792125225, 0.012723224237561226, -0.003945185802876949, 0.00641444930806756, 0.04004363343119621, -0.02609458565711975, -0.0015463718445971608, 0.0081933056935668, -0.015992091968655586, -0.031899645924568176, -0.05838874727487564, 0.0006860044086351991, 0.01203281618654728, 0.010849260725080967, -0.04145263135433197, 0.001976115396246314, -0.02124764211475849, -0.0009951026877388358, -0.016259800642728806, 0.008672363124787807, 0.013906779699027538, -0.017823785543441772, -0.012821853160858154, 0.01912005990743637, 0.015315774828195572, 0.0041671022772789, -0.017612436786293983, -0.017499716952443123, 0.018993251025676727, -0.012976842932403088, -0.005371793173253536, 0.014251983724534512, 0.02282571792602539, 0.03409767523407936, -0.02510828897356987, 0.013110697269439697, 0.002657716628164053, -0.007946731522679329, -0.024657411500811577, -0.004131877329200506, 0.0028038998134434223, 0.026376385241746902, -0.01623162068426609, 0.012399154715240002, 0.02069813571870327, 0.006978047080338001, 0.027531759813427925, -0.018161945044994354, 0.006079812999814749, -0.006079812999814749, 0.0026189691852778196, 0.026489103212952614, 0.030265210196375847, 0.0006895269034430385, -0.015118515118956566, 0.007090766914188862, 0.00169871945399791, -0.024164263159036636, -0.018316933885216713, 0.0005116412648931146, 0.032491423189640045, -0.05128741264343262, 0.021149013191461563, 0.0034661274403333664, -0.008263754658401012, 0.007650842424482107, 0.007404268253594637, -0.02472786046564579, -0.026348205283284187, 0.015076245181262493, -0.034943073987960815, 0.01611890085041523, 0.007946731522679329, 0.013949049636721611, -0.00781992170959711, 0.012871168553829193, -0.020726315677165985, -0.0005318955518305302, 0.028010819107294083, -0.020740404725074768, -0.01600618287920952, -0.015513033606112003, 0.005019544158130884, 0.008608958683907986, 0.006280594505369663, -0.014583096839487553, 0.015992091968655586, -0.006403881590813398, 0.01617526076734066, -0.00540701812133193, -0.0009977445006370544, 0.0073197283782064915, -0.010673136450350285, 0.004617980681359768, 0.021642161533236504, -0.005463377572596073, 0.011645343154668808, -0.017739245668053627, -0.02484058029949665, -0.007432448212057352, -0.02685544267296791, 0.0018070359947159886, 0.010518146678805351, 0.0070696319453418255, -0.014878986403346062, 0.00977842416614294, -0.008954162709414959, 0.001159778912551701, -0.002983546582981944, 0.006801922805607319, -0.0083342045545578, -0.0034467538353055716, 0.018486013635993004, -0.0004658489488065243, 0.004198804963380098, 0.029053473845124245, -0.01687975972890854, -0.019514579325914383, -0.0023635888937860727, 0.0005067978636361659, -0.02353021502494812, -0.024093812331557274, -0.004124832339584827, 0.020684044808149338, 0.005840283818542957, -0.016161171719431877, -0.038578279316425323, -0.028828036040067673, -0.048553962260484695, -0.024925120174884796, -0.018753722310066223, 0.012617548927664757, 0.0026348205283284187, 0.016259800642728806, 0.0020800286438316107, 0.04669409245252609, -0.014174488373100758, -0.002432277426123619, -0.014554916881024837, -0.01971183903515339, 0.011412858963012695, -0.0059882281348109245, 0.004927959758788347, -0.013336136937141418, -0.024276981130242348, 0.0017612435622140765, 0.0019514579325914383, -0.008108765818178654, 0.009355725720524788, 0.012096221558749676, -0.004512306302785873, -0.01835920289158821, 0.0008872264879755676, 0.007883326150476933, -0.0061185602098703384, -0.007869236171245575, -0.005953003186732531, -0.020712224766612053, 0.006238325033336878, 0.02434743195772171, -0.014723996631801128, -0.007185874041169882, -0.009750244207680225, 0.01288525853306055, -0.008806218393146992, -0.012751404196023941, -0.008418744429945946, -0.010799946263432503, 0.016541600227355957, -0.04317160323262215, 0.04494693875312805, 0.004861032590270042, 0.010313842445611954, 0.027813559398055077, 0.015217144973576069, -0.0067843105643987656, -0.013307956978678703, 0.0041917599737644196, -0.008284890092909336, -0.017570165917277336, 0.027249962091445923, -0.010391336865723133, 0.0023125128354877234, -0.002622491680085659, -0.014287208206951618, -0.0017154512461274862, -0.01938777044415474, -0.0050794268026947975, -0.009214826859533787, -0.04100175201892853, 0.03525305166840553, 0.022628458216786385, -0.019585028290748596, 0.0033763039391487837, -0.016640229150652885, -0.0005451049073599279, -0.004470036365091801, -0.02233256958425045, 0.004110742826014757, 0.00047333422116935253, -0.010792900808155537, -0.017795605584979057, -0.018993251025676727, -0.002467502374202013, 0.0060868579894304276, 0.01427311822772026, -0.017612436786293983, -0.0038359886966645718, 0.21315275132656097, -0.015569393523037434, -0.011856691911816597, 0.02930709347128868, -0.00631934218108654, -0.010327932424843311, 0.021684430539608, 0.007629707455635071, -0.03375951945781708, 0.006618753541260958, 0.006907597649842501, -0.009433221071958542, -0.010961980558931828, 0.004491171333938837, 0.017330637201666832, 0.011920096352696419, -0.02210712991654873, -0.036239348351955414, -0.006911119911819696, 0.013329091481864452, 0.022177578881382942, 0.02522100880742073, 0.004772969987243414, -0.03088516741991043, 0.025122378021478653, 0.008214440196752548, -0.010165898129343987, -0.0002522981376387179, -0.0029289480298757553, 0.01748562604188919, -0.016950208693742752, 0.012737314216792583, 0.0063757020980119705, 0.01841556280851364, 0.0016388371586799622, 0.003452037461102009, 0.011307183653116226, -0.013047292828559875, 0.021966230124235153, 0.016485240310430527, 0.013878599740564823, 0.008510328829288483, -0.0020765061490237713, -0.025995954871177673, 0.0012680954532697797, 0.027517670765519142, -0.01083517074584961, 0.005301343277096748, -0.01769697666168213, 0.008101720362901688, -0.028250347822904587, 0.015513033606112003, 0.02248755842447281, 0.026672273874282837, -0.005910733714699745, -0.003776106284931302, -0.002456934889778495, -0.005304865539073944, 0.009616389870643616, 0.021754881367087364, -0.03195600584149361, 0.0011967649916186929, -0.006400359328836203, 0.006925209891051054, -0.01721791736781597, 0.0006089499802328646, -0.013469991274178028, 0.013956094160676003, 0.007185874041169882, -0.016034360975027084, -0.004600368440151215, -0.006079812999814749, -0.00800309143960476, -0.0009123241761699319, -0.02761629968881607, -0.034830354154109955, 0.032547783106565475, 0.01611890085041523, 0.007594482507556677, 0.020021816715598106, 0.016682500019669533, -0.00920073688030243, -0.02353021502494812, -0.007083721924573183, -0.0188946221023798, -0.01045474223792553, 0.01269504427909851, -0.024305161088705063, -0.021374452859163284, -0.016372520476579666, 0.0058367615565657616, -0.021444901823997498, -0.01966956816613674, 0.011208554729819298, -0.002324841683730483, -0.005953003186732531, 0.015752563253045082, 0.024756040424108505, -0.016245711594820023, -0.040550872683525085, -0.027700839564204216, 0.06875894963741302, 0.01950048841536045, 0.00925709679722786, 0.01765470579266548, 0.013519305735826492, -0.001349112601019442, 0.01227939035743475, 0.017894234508275986, -0.010165898129343987, 0.002183942124247551, -0.05844510719180107, 0.0152735048905015, 0.005706429481506348, 0.017936505377292633, 0.01895098201930523, 0.009799559600651264, 0.006558871362358332, 0.01189896184951067, 0.00559723237529397, 0.004896257072687149, 0.005643024574965239, 0.008792128413915634, 0.021163104102015495, -0.007298593409359455, -0.032660502940416336, -0.045341454446315765, -0.004491171333938837, -0.032716862857341766, 0.01683748885989189, -0.005311910528689623, -0.014414018020033836, 0.02446015179157257, 0.0008145751780830324, 0.0019215167267248034, -0.010349067859351635, 0.01113810483366251, -0.015752563253045082, -0.03218144178390503, -0.0007445657392963767, 0.016978388652205467, 0.0026718066073954105, -0.011102879419922829, -0.0036950891371816397, 0.021261733025312424, -0.001248721731826663, -0.004329136572778225, 0.04246710613369942, -0.02216348983347416, -0.023163875564932823, 0.004501738585531712, -0.011920096352696419, -0.005491557531058788, -0.0006666306871920824, 0.015696203336119652, 0.00882735289633274, -0.012568234466016293, -0.025037840008735657, 0.006897029932588339, -0.0006948105874471366, -0.055204421281814575, 0.00013484522060025483, -0.005970615893602371, 0.01246960461139679, -0.015428493730723858, -0.022262118756771088, -0.18114037811756134, -0.011920096352696419, 0.023882463574409485, -0.02620730549097061, 0.015541213564574718, 0.01203281618654728, 0.03065972961485386, -0.016527509316802025, -0.024911029264330864, -0.0054845125414431095, 0.010792900808155537, 0.005371793173253536, -0.026756813749670982, -0.004494693595916033, -0.007207009010016918, -0.005421107634902, -0.0005662398179993033, 0.003177283564582467, 0.026235485449433327, 0.011152194812893867, 0.024812400341033936, -0.04618685320019722, 0.003096266184002161, 0.02123355306684971, 0.02640456333756447, -0.003906438127160072, 0.0007692231447435915, 0.020881304517388344, 0.0014230848755687475, -0.05044201761484146, -0.033534079790115356, 0.0046355933882296085, 0.009369815699756145, -0.0129063930362463, 0.011032430455088615, 0.013772925361990929, -0.002775719854980707, -0.0009281754028052092, -0.022741178050637245, 0.004181192256510258, 0.014850806444883347, 0.01454082690179348, -0.002233256818726659, -0.0031262075062841177, -0.014498557895421982, 0.028715316206216812, 0.014096993952989578, -0.02777128852903843, 0.015541213564574718, -0.004681385587900877, 0.018091494217514992, -0.02244528941810131, 0.012589368969202042, 0.0026911802124232054, 0.020120447501540184, 0.007855146192014217, 0.01241324469447136, 0.004639115650206804, 0.002958889352157712, 0.004931482020765543, -0.003291764296591282, -0.009933413937687874, 0.02081085368990898, 0.004163580015301704, 0.0018281708471477032, -0.0232625063508749, -0.027658570557832718, 0.015428493730723858, -0.02794036827981472, 0.008721678517758846, -0.005192146170884371, -0.01032088790088892, 0.0025185784325003624, -0.002254391787573695, 0.013547485694289207, 0.02161398157477379, 0.010151808150112629, 0.008531464263796806, 0.029983410611748695, 0.004181192256510258, -0.007157694082707167, 0.021797150373458862, -0.004131877329200506, 0.01397018413990736, -0.02288207784295082, -0.014569006860256195, 0.006442629266530275, 0.05644433572888374, -0.017358817160129547, -0.015668023377656937, 0.02691180258989334, -0.009912279434502125, -0.0021416721865534782, -0.01682339981198311, 0.010976070538163185, 0.015386223793029785, 0.009658659808337688, -0.027602210640907288, 0.013885644264519215, -0.02908165380358696, 0.010356112383306026, 0.007242233958095312, -0.014442197978496552, -0.013434765860438347, 0.021599892526865005, 0.0028444083873182535, -0.044242437928915024, 0.010623821057379246, 0.027137242257595062, -0.010919710621237755, 0.000887666770722717, -0.010687226429581642, 0.0013702475698664784, 0.013329091481864452, -0.018979161977767944, 0.007495852652937174, 0.018711451441049576, -0.02058541588485241, 0.008298980072140694, 0.008665318600833416, 0.07738199830055237, 0.008475104346871376, -0.012864123098552227, 0.019486399367451668, -0.0014037111541256309, -0.005572574678808451, -0.11480490118265152, -0.01383632980287075, -0.002261436777189374, 0.04226984828710556, 0.00784105621278286, 0.010342022404074669, -0.011758062057197094, 0.03533759340643883, -0.00023842835798859596, 0.038860078901052475, -0.013329091481864452, -0.013709519989788532, -0.0039346180856227875, 0.008813262917101383, 0.006234802305698395, -0.013322046957910061, -0.01309660729020834, -0.029391633346676826, 0.00013858785678166896, 0.04308706521987915, -0.000431944994488731, -0.010842215269804, 0.011751017533242702, -0.04255164414644241, -0.00846805889159441, -0.015287594869732857, -0.00683362502604723, -0.0035999820102006197, -0.011222644709050655, 0.038747359067201614, 0.03747926279902458, -0.013737699948251247, 0.016738859936594963, -0.022290298715233803, 0.016964297741651535, -0.024911029264330864, -0.016907937824726105, -0.0029747404623776674, 0.02210712991654873, -0.01873963139951229, -0.008179215714335442, 0.00770720187574625, -0.01454082690179348, 0.00426220940425992, -0.0012416767422109842, -0.006995659787207842, 0.004219939932227135, 0.023135695606470108, 0.01250483002513647, -0.01879599131643772, -0.019725928083062172, -0.011109924875199795, -0.02854623645544052, 0.006196055095642805, 0.021304002031683922, -0.006534213665872812, 0.004255164414644241, 0.02848987653851509, -0.02233256958425045, 0.01140581350773573, -0.008249664679169655, -0.008700543083250523, -0.00631934218108654, -0.018232394009828568, 0.02727814018726349, 0.02123355306684971, -0.0009440265712328255, -0.0220507699996233, 0.009771379642188549, -0.01056746207177639, -0.028236256912350655, 0.04567961394786835, -0.002206838224083185, 0.007235188968479633, -0.018725542351603508, -0.011152194812893867, 9.642808436183259e-05, -0.028503967449069023, 0.016189351677894592, 0.009799559600651264, -0.01879599131643772, -0.010898575186729431, -0.002705270191654563, -0.003557712072506547, -0.004304479341953993, 0.005565529689192772, -0.012673908844590187, -0.013244551606476307, -0.005442242603749037, -0.02620730549097061, -0.011476263403892517, 0.021585801616311073, 0.012983888387680054, -0.0339849554002285, -0.006220712326467037, 0.006847715005278587, -0.025784606114029884, 0.00354009959846735, 0.035873010754585266, 0.010792900808155537, -0.05447174236178398, -0.015837103128433228, -0.06120673939585686, 0.020219076424837112, -0.006477854214608669, -0.008855532854795456, -0.0019197555957362056, -0.010144763626158237, 0.016893848776817322, -0.02298070676624775, -0.005604277364909649, 0.013815195299685001, -0.034773994237184525, 0.008059450425207615, -0.02493920922279358, -0.023163875564932823, -0.022149398922920227, -0.014907166361808777, 0.003843033453449607, -0.020303616300225258, 0.023220235481858253, 0.011391723528504372, 0.008320114575326443, -0.007104856893420219, 0.0007194679928943515, 0.014019499532878399, -0.004325614310801029, -0.02358657494187355, -0.036633867770433426, 0.019317319616675377, -0.0014098754618316889, 0.004769447725266218, 0.0030909825582057238, 0.003645774209871888, 0.009073927067220211, 0.025671886280179024, -0.003994500730186701, 0.002374156378209591, 0.01687975972890854, 0.007277458440512419, 0.027517670765519142, 0.016217531636357307, -0.028560327365994453, -0.019909098744392395, 0.0005283730570226908, -0.016865668818354607, 0.016259800642728806, -0.01655568927526474, 0.0019461741903796792, -0.009405041113495827, 0.006058678030967712, 0.026869531720876694, 0.008834398351609707, -0.0013772925594821572, -0.008306024596095085, -0.0465250127017498, -0.017133377492427826, -0.008108765818178654, 0.0026084017008543015, -3.635316897998564e-05, 0.022374838590621948, -0.012842988595366478, 0.038042861968278885, -0.01509033516049385, 0.020514965057373047, -0.014259028248488903, 0.013998364098370075, -0.0024833534844219685, -0.019359590485692024, 0.008313070051372051, -0.007587437517940998, -0.0031825671903789043, -0.013138877227902412, -0.0021645682863891125, 0.01503397524356842, 0.030631549656391144, -0.0045404862612485886, -0.006125605199486017, -0.001900381874293089, 0.013758835382759571, -0.013963139615952969, 0.00626298226416111, 0.008397609926760197, -0.027644479647278786, -0.010032043792307377, 0.013279777020215988, 0.021487172693014145, 0.013329091481864452, -0.007361998315900564, 0.014167443849146366, -0.008341250009834766, 0.0050794268026947975, 0.013617935590445995, -0.0015498943394050002, -0.016189351677894592, -0.007101334165781736, 0.011617163196206093, 0.012997977435588837, -0.008975297212600708, -0.007249278947710991, 0.015315774828195572, -0.0021046861074864864, 0.0034890235401690006, -0.007059064228087664, -0.01503397524356842, -0.03607026860117912, 0.006407404318451881, -0.002800377318635583, -0.03790196403861046, -0.026446834206581116, 0.028574416413903236, 0.00454753078520298, 0.018979161977767944, -0.0003368378384038806, 0.008749858476221561, 0.012286435812711716, -0.005456332582980394, 0.010602686554193497, -0.014174488373100758, -0.024586960673332214, -0.031561486423015594, 0.022853897884488106, 0.01895098201930523, -0.002231495687738061, 0.05354180559515953, 9.510715608485043e-05, 0.035703931003808975, 0.010172942653298378, 0.0301806703209877, -0.007390178274363279, 0.00950367096811533, 0.00603402080014348, 0.000476416404126212, 0.02047269605100155, -0.018993251025676727, -0.014836716465651989, -0.006005840841680765, -0.00704145198687911, -0.0022050770930945873, 0.022952526807785034, -0.006294684484601021, 0.1008276715874672, 0.015865283086895943, -0.016259800642728806, 0.011581937782466412, -0.006594096310436726, -0.008242620155215263, -0.0022772878874093294, -0.0010937323095276952, -0.0176406167447567, -0.041086290031671524, -0.002324841683730483, 0.0032882418017834425, 0.009813649579882622, -0.029814332723617554, -0.0018475445685908198, -0.020233167335391045, 0.010504056699573994, 0.012124400585889816, -0.01999363675713539, -0.01241324469447136, 0.026446834206581116, -0.010588596574962139, -0.005146353971213102, 0.009623435325920582, -0.00789741612970829, -0.0020166239701211452, 0.04063541442155838, 0.013378406874835491, -0.005572574678808451, -0.025784606114029884, 0.021332181990146637, 0.019570939242839813, -0.03187146410346031, -0.02020498737692833, -0.006107992958277464, -0.017823785543441772, -0.008355339989066124, -0.018486013635993004, 0.01906369999051094, 0.013850419782102108, -0.009912279434502125, 0.003931095823645592, -0.013899734243750572, -0.02755993977189064, 0.007509942632168531, 0.007502897642552853, 0.0013543963432312012, -0.011884871870279312, -0.053457267582416534], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='8d48e4a4-a62e-4339-bbc1-b744e54ee822', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '8', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_type': 'application/pdf', 'file_size': 885090, 'creation_date': '2024-02-25', 'last_modified_date': '2024-02-07', 'last_accessed_date': None}, hash='1f88cb8d1d9fb8253751ea32dbc14b20217661f00e34f0fd1b907350f97b3d49')}, text='Accuracy and Latency. As shown in the ParallelQA row of Table 1, LLMCompiler arrives at the final answer\\nwith an average speedup of 2.15×with gpt-4-turbo and 2.27×with LLaMA-2 70B by avoiding sequential execution\\nof the dependency graphs. Beyond the latency speedup, we observe higher accuracy of LLMCompiler with the\\nLLaMA-2 model as compared to that of ReAct, due to the reasons discussed in Sec. 4.1. Particularly in the LLaMA-2\\nexperiment, where LLMCompiler achieves around a 9% increase in accuracy, we noted that ∼20% of the examples\\nexperienced repetitive function calls with ReAct, aligning with our observations from the accuracy analysis detailed in\\nAppendix A.1. Additionally, a comprehensive analysis of LLMCompiler ’s failure cases is provided in Appendix A.2,\\nwhere we note minimal Planner failures, highlighting LLMCompiler ’s effectiveness in breaking down problems into\\ncomplex multi-task dependencies.\\nCost. Similar to Sec.4.1, LLMCompiler demonstrates substantial cost reductions of 4.65 ×and 2.57 ×compared\\nto ReAct and OpenAI’s parallel function calling, respectively, as indicated in Table 2. This efficiency stems from\\nLLMCompiler ’s reduced frequency of LLM invocations, which is also the case with OpenAI’s parallel function\\ncalling, which is limited to planning out immediate parallelizable tasks, not the entire dependency graph. For example,\\nin Figure 3 (c), OpenAI’s method would necessitate three distinct LLM calls for initial search tasks, following math\\ntasks, and the final math task. In contrast, LLMCompiler achieves this with a single LLM call, planning all tasks\\nconcurrently.\\n4.3 Parallel Function Calling with Replanning\\nIn the previous sections, we have discussed cases in which dependency graphs can be determined statically. However,\\nthere are cases where dependency graphs need to be constructed dynamically depending on intermediate observations.\\nHere, we consider one such dynamic approach in the context of the Game of 24 with the Tree-of-Thoughts (ToT)\\nstrategy proposed in [57]. The Game of 24 is a task to generate 24 using a set of four numbers and basic arithmetic\\noperations. For example, from the numbers 2, 4, 4, and 7, a solution could be 4×(7−4)×2=24. ToT approaches\\nthis task through two iterative LLM processes: (i) the thought proposer generates candidate partial solutions by select-\\ning two numbers and applying an operation (e.g. 2, 3, 7 from 2, 4, 4, 7 by calculating 7 - 4); (ii) the state evaluator\\nassesses the potential of each candidate. Only the promising candidates are then processed in subsequent iterations of\\nthe thought proposer and state evaluator until 24 is reached. Details about the Game of 24 benchmark and the ToT\\nstrategy can be found in Appendix A.9.\\nWhile ToT achieves significant improvement at solving the Game of 24, its sequential, breadth-first search ap-\\nproach through the state tree can be time-consuming. LLMCompiler offers a faster alternative by enabling parallel\\nexecution of the thought proposer and the subsequent feasibility evaluator, akin to a parallel beam search method.\\nExperimental Setups. Although LLMCompiler offers latency advantages, solving this problem with a single\\nstatic graph is not feasible, as the Planner cannot plan out the thought proposing stage before identifying the se-\\nlected candidates from the state evaluator of the previous iteration. Consequently, the Planner is limited to planning\\nonly within one iteration at a time. To address this, we resort to LLMCompiler ’s replanning capability. In par-\\nticular, LLMCompiler is equipped with three tools: thought proposer andstate evaluator , which are\\nboth LLMs adapted from the original ToT framework, and topkselect , which chooses the top kcandidates\\nfrom the thought proposer based on the state evaluator ’s assessment. After all these tools are executed,\\nLLMCompiler can decide to “replan” if no proposal reaches 24, triggering the Planner to devise new plans using\\nthe shortlisted states from topkselect of the previous iteration. In this way, LLMCompiler can dynamically\\nregenerate plans of each iteration, being able to tackle highly complex tasks that require iterative replanning based on\\nthe outcomes of previous plans.\\nTo evaluate LLMCompiler ’s performance on the Game of 24, we use 100 different instances of the game. For\\neach problem, we consider the output as successful if its operations are valid and yield 24 while also using the provided\\nnumbers exactly once each. Further details on experiment setups are outlined in Appendix A.4.\\n', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='352c9289-4207-40c3-a1d7-1c1f6d02281f', embedding=[-0.0011215460253879428, -0.007141557987779379, 0.004922923166304827, -0.018699420616030693, -0.006631446536630392, 0.012389414943754673, -0.01289952639490366, 0.005052198190242052, -0.027881424874067307, -0.019132666289806366, 0.0048425630666315556, 0.02210948057472706, -0.010789202526211739, 0.005251350812613964, -0.038572799414396286, 0.03348566219210625, 0.010810166597366333, 0.0046783494763076305, 0.0004860906337853521, -0.0023094764910638332, -0.029209110885858536, 0.00848322082310915, 0.0010141081875190139, -0.008706830441951752, -0.004933404736220837, 0.011453046463429928, -0.0006144919316284359, -0.027322398498654366, 0.03206014260649681, -0.03348566219210625, 0.0440233014523983, -0.017832931131124496, -0.020264694467186928, 0.007295290008187294, -0.018978934735059738, -0.00019980814249720424, 0.012116889469325542, 0.0005428667063824832, -0.0012578086461871862, -0.002501641632989049, 0.010488726198673248, 0.019635790959000587, -0.008406354114413261, 0.009335734881460667, -0.01576453447341919, 0.015401167795062065, -0.0010918477782979608, -0.019328325986862183, 0.002022975590080023, -0.002147009363397956, 0.004832081496715546, 0.0037140294443815947, -0.033625416457653046, -0.02835659682750702, -0.0002945805317722261, -0.006834093481302261, 0.004433775320649147, -0.0001975152554223314, 0.00908417347818613, -0.01700836792588234, -0.017190050333738327, -0.010705349035561085, -0.02771371603012085, 0.010460775345563889, -0.010160298086702824, 0.012137853540480137, 0.0035515623167157173, 0.00722541194409132, 0.018391957506537437, 0.0008909477619454265, 0.02389836311340332, 0.03222785145044327, 0.005492431111633778, -0.036895718425512314, 0.014297091402113438, -0.0327589251101017, -0.015177557244896889, -0.02006903477013111, -0.00976898055523634, -0.009314771741628647, 0.015415143221616745, -0.0187972504645586, -0.022305140271782875, 0.009021283127367496, 0.003944627474993467, -0.0036895719822496176, 0.014094443991780281, 0.01388480979949236, -0.00596061535179615, -0.003072896273806691, 0.021885870024561882, 0.0182102732360363, 0.018713397905230522, 0.010747276246547699, -0.04410715401172638, -0.0003758140082936734, -0.019146641716361046, 0.048188045620918274, 0.008881526067852974, -0.019705668091773987, 0.0015940977027639747, -0.023758606985211372, -0.030634628608822823, -0.014297091402113438, -0.0031777138356119394, -0.02015288919210434, 0.027308423072099686, -0.005059185903519392, 0.004549074452370405, -0.00568110216408968, -0.029348867014050484, 0.026260249316692352, 0.01949603296816349, -0.024038121104240417, 0.0182102732360363, -0.019887352362275124, 0.009706090204417706, 0.004311488475650549, -0.007651668973267078, -0.02461112290620804, -0.0009442299488000572, 0.014618530869483948, 0.019635790959000587, -0.014045529998838902, 0.01706426963210106, -0.010551616549491882, -0.00235140323638916, -0.002384595572948456, 0.004325463902205229, 0.010188249871134758, 0.03826533257961273, 0.019705668091773987, 0.0283705722540617, 0.0036616206634789705, -0.01700836792588234, 0.017497515305876732, -0.03270302340388298, 0.0067886728793382645, -0.017832931131124496, -0.016645001247525215, 0.02336728945374489, -0.0033000006806105375, 0.008070938289165497, -0.02380053512752056, -0.005922182463109493, 0.012382427230477333, 0.028091059997677803, 0.032423511147499084, 0.005268820561468601, -0.011564851738512516, 0.006474220659583807, -0.029041403904557228, 0.01415733527392149, 0.01322096586227417, -0.015191532671451569, 0.00034021976171061397, -0.021103233098983765, 0.010775227099657059, -0.025435686111450195, 0.004807624034583569, -0.0006660271319560707, 0.019887352362275124, 0.021508527919650078, -0.01417131070047617, 0.02085167169570923, 0.02820286527276039, 0.026903128251433372, 0.0020421920344233513, 0.01646331697702408, 0.004629434552043676, -0.029292965307831764, 0.04827189818024635, -0.020292645320296288, 0.017791004851460457, 0.014912020415067673, 0.005925676319748163, 0.007756486535072327, -0.00040311019984073937, -0.02127094194293022, -0.00674674566835165, -0.02701493352651596, 0.011956170201301575, 0.023437166586518288, 0.026721445843577385, -0.03222785145044327, 0.02006903477013111, 0.0212849173694849, -0.023115728050470352, 0.010209213010966778, -0.016016095876693726, 0.0009852834045886993, 0.020250719040632248, 0.022808263078331947, 0.008343463763594627, -0.6797756552696228, -0.009657175280153751, -0.0005668873782269657, -0.009915724396705627, 0.0007821997278369963, 0.01632356084883213, 0.029935846105217934, -0.01220773160457611, 0.0002923968422692269, -0.005027740728110075, -0.00439534243196249, -0.003401324152946472, -0.011418106965720654, -0.02266850695014, -5.9614889323711395e-05, -0.00947549194097519, 0.002920911181718111, -0.006896983832120895, -0.01769317500293255, 0.009517418220639229, 0.0010927212424576283, 0.001750450348481536, -0.0018447859911248088, -0.009028270840644836, 0.014408896677196026, -0.01573658362030983, 0.012815671972930431, -0.004276549443602562, -0.01474431250244379, 0.004147274419665337, 0.005087137222290039, 0.01449275016784668, 0.02582700364291668, -0.010139334946870804, 0.02697300724685192, -0.013591321185231209, -0.023003922775387764, 0.05730016902089119, 0.007316253613680601, 0.05095522478222847, -0.018419908359646797, -0.00219592428766191, 0.010209213010966778, -0.006593013647943735, -0.010027529671788216, 0.002650132868438959, 0.007302277721464634, 0.004266067408025265, 0.0004334635741543025, -0.006428799591958523, 0.014080468565225601, 0.003731498960405588, 0.005649656988680363, 0.003261567559093237, -0.0006887375493533909, -0.009671150706708431, 0.03186448663473129, -0.005838328506797552, -0.0076446812599897385, -0.022486822679638863, -0.010265115648508072, -0.011068715713918209, -0.007302277721464634, -0.01823822595179081, -0.01812642067670822, 0.012647964060306549, -0.02456919476389885, -0.005768449977040291, 0.028705988079309464, -0.010453787632286549, 0.0037489684764295816, 0.034352149814367294, -0.012102914042770863, 0.01760932058095932, 0.03284278139472008, -0.0008049101452343166, 0.029237061738967896, -0.03370927274227142, -0.01888110488653183, -0.0027601912152022123, 0.009363686665892601, -0.011669669300317764, -0.00909116119146347, 0.008098890073597431, 0.01942615583539009, 0.00041686746408231556, -0.028705988079309464, -0.008161780424416065, 0.010530653409659863, 0.0054120710119605064, 0.015135630033910275, 0.009000319056212902, -0.004496665671467781, -0.022305140271782875, 0.01545707043260336, 0.01222869474440813, -0.014884068630635738, 0.0063239820301532745, -0.00879767257720232, -0.017413660883903503, -0.006872526369988918, -0.0005550953792408109, 0.026651566848158836, 0.005757968407124281, 0.03667210787534714, 0.04030577838420868, -0.030550774186849594, 0.004444257356226444, 0.024834731593728065, -0.02329741045832634, 0.0027933833189308643, -0.0040564327500760555, -0.011893278919160366, -0.005164002999663353, 0.019523985683918, -0.026008687913417816, 0.0038852309808135033, 0.0156527291983366, 0.023381264880299568, -0.00907718576490879, 0.02454124391078949, -0.009370674379169941, 0.017735101282596588, -0.026847226545214653, 0.007931182160973549, 0.03192038834095001, 0.0020282163750380278, -0.02399619296193123, -0.014995873905718327, -0.013053257949650288, 0.002618687693029642, -0.006778190843760967, 0.02448534034192562, -0.010307042859494686, 0.016617050394415855, 0.02086564712226391, 0.013381686061620712, 0.007421070709824562, 0.007393119391053915, -0.029963796958327293, -0.02510027028620243, -0.004384860396385193, 0.001146003371104598, -0.008685867302119732, 0.01260603778064251, -0.01192821841686964, -0.0009468503994867206, 0.004245104268193245, -0.02079576998949051, -0.002312970347702503, -0.0077005838975310326, 0.00020417553605511785, -0.008119853213429451, 0.003312229411676526, 0.007022764999419451, -0.0008988090557977557, -0.002896453719586134, -0.01563875377178192, 0.0031113293953239918, -0.013982639648020267, 0.005782425869256258, 0.02209550514817238, -0.03337385505437851, -0.017763052135705948, -0.0005406829877756536, 0.001735601224936545, 0.009314771741628647, 0.02015288919210434, -0.0020631556399166584, -0.012543147429823875, 0.01106172800064087, -0.032339658588171005, 0.009678138419985771, -0.014255164191126823, -0.029376819729804993, 0.009356698952615261, -0.001988036325201392, 0.0213547945022583, -0.006054950878024101, -0.0039935423992574215, 0.0034519857726991177, 0.02514219656586647, -0.05089932307600975, -0.005146533716470003, 0.03398878499865532, 0.01318602729588747, 0.010146322660148144, 0.005265326704829931, -0.03404468670487404, -0.006411329843103886, -0.014562629163265228, -0.002293753670528531, -0.00947549194097519, 0.00337861361913383, 0.0061248294077813625, 0.013919748365879059, 0.006991319824010134, -0.008112865500152111, 0.005614717956632376, 0.01104775257408619, 0.031836532056331635, -0.006572050042450428, 0.018028590828180313, -0.010397884994745255, 0.003941133618354797, -0.0046503981575369835, -0.010237164795398712, -0.00489147799089551, 0.026274224743247032, 0.01166268065571785, -0.0024352571927011013, -0.011788462288677692, -0.004867020528763533, -0.01036993321031332, 0.006931922864168882, 0.017888832837343216, -0.008315512910485268, 0.012955429032444954, -0.014143358916044235, -0.014066493138670921, -0.013360722921788692, 0.006404342129826546, 0.017120173200964928, 0.022193334996700287, -0.025491587817668915, 0.0055692968890070915, 0.03896411508321762, 0.012564110569655895, -0.005265326704829931, -0.007868291810154915, -0.006876020692288876, -0.00489846570417285, 0.012480257079005241, 0.007358180359005928, -0.0061248294077813625, -0.0023024885449558496, 0.029963796958327293, 0.005799895152449608, 0.02965633198618889, -0.0020439389627426863, 0.0005699445609934628, 0.018014615401625633, 0.012745793908834457, -0.030383065342903137, -0.0010516677284613252, -0.0069878255017101765, 0.037370890378952026, -0.012976392172276974, 0.006334464065730572, -0.00753287598490715, 1.0918477528321091e-05, -0.018433883786201477, 0.0013014825526624918, 0.009300796315073967, -0.012647964060306549, -0.0077005838975310326, -0.012326524592936039, 0.0020683964248746634, 0.01699439249932766, 0.0327589251101017, 0.02960043027997017, 0.02086564712226391, -0.00030113160028122365, 0.014534677378833294, 0.013158075511455536, 0.00880466029047966, -0.02138274721801281, -0.007980097085237503, -0.002468449529260397, -0.0005061806295998394, -0.005908206570893526, 0.015512973070144653, -0.001190550858154893, -0.00013364217011258006, 0.0033611441031098366, -0.0030274754390120506, -0.014150346629321575, -0.0008935682126320899, 0.018559664487838745, 0.002480678027495742, -0.01320000272244215, -0.010244152508676052, 0.024694975465536118, 0.01419926155358553, -0.003202171064913273, -0.004192695487290621, 0.001781895523890853, -0.007337216753512621, -0.002148756291717291, -0.00362318754196167, -0.012319536879658699, 0.015415143221616745, -0.00195833807811141, 0.008035999722778797, -0.008308525197207928, -0.019132666289806366, 0.04024987667798996, -0.022249236702919006, -0.01380794309079647, -0.0039236643351614475, 0.010467763058841228, -0.011103655211627483, -0.005838328506797552, -0.02957247756421566, 0.012438329868018627, 0.00274097453802824, -0.016016095876693726, -0.01544309500604868, -0.011543887667357922, -0.009761992841959, 0.013982639648020267, 0.00772853521630168, -0.005848810076713562, 0.003892218926921487, 0.0026903129182755947, -0.0004125000850763172, -0.016756806522607803, 0.004332452081143856, 0.02143864892423153, -0.008280573412775993, -0.0030222346540540457, -0.019132666289806366, -0.02772769145667553, -0.0035463215317577124, 0.05101112648844719, 0.04075299948453903, 0.013633247464895248, 0.022388992831110954, -0.005985072813928127, 0.013563369400799274, -0.029069354757666588, 0.0011669668601825833, -0.0054679736495018005, -0.015415143221616745, 0.007847328670322895, -0.014325042255222797, 0.018000638112425804, 0.022347066551446915, 0.006411329843103886, 0.002264055423438549, 0.011180520989000797, -0.013912760652601719, 0.0030659085605293512, -0.0030798842199146748, -0.0030484390445053577, 0.015233459882438183, 0.016030071303248405, 0.020222768187522888, -0.0013049764093011618, -0.008629964664578438, 0.0002629169321153313, 0.014828165993094444, 0.005104606505483389, -0.028566231951117516, 0.01096389815211296, -0.007630705833435059, -0.0004922049702145159, 0.0039620972238481045, -0.012033035978674889, 0.024876659736037254, -0.0007145051495172083, -0.013395661488175392, 0.035526104271411896, -0.0019967711996287107, 0.024736903607845306, 0.017259929329156876, -0.013954687863588333, -0.004077396355569363, 0.017413660883903503, -0.021802015602588654, -0.0005926549783907831, 0.021662259474396706, 0.005310747306793928, -0.021033355966210365, 0.021033355966210365, -0.0028824780602008104, -0.0212849173694849, -0.01878327503800392, 0.01319301500916481, 0.0212849173694849, -0.011082691140472889, 0.006662891712039709, -0.013528430834412575, -0.003703547641634941, -0.008343463763594627, -0.00881863571703434, -0.015149606391787529, 0.0027269988786429167, -0.012256646528840065, -0.027909375727176666, -0.005894231144338846, 0.003350662300363183, -0.0109708858653903, -0.010146322660148144, 0.017134148627519608, -0.025016415864229202, -0.021606357768177986, 0.005831340327858925, 0.01812642067670822, 0.036057181656360626, 0.03454780951142311, 0.0069773439317941666, 0.010991849936544895, 0.0062960307113826275, 0.003941133618354797, -0.03535839915275574, 0.007400107569992542, -0.01945410668849945, 0.013451564125716686, 0.007386131677776575, 0.006638434249907732, -0.023059824481606483, 0.0009748016600497067, 0.02145262435078621, 0.04033372923731804, 0.005834834650158882, 0.029824040830135345, -0.023479094728827477, -0.007630705833435059, -0.01689656265079975, 0.00015329541929531842, -0.008056962862610817, 0.01007644459605217, 0.008979355916380882, 0.009908736683428288, -0.033541563898324966, -0.0012717843055725098, -0.021606357768177986, 0.029432721436023712, -0.0010918477782979608, 0.008937428705394268, 0.017385710030794144, -0.0103489700704813, -0.003825834486633539, 0.00490545341745019, -0.03136136010289192, 0.007057704031467438, -0.001836051233112812, -0.004971838090568781, 0.024778829887509346, 0.007344204932451248, 0.016016095876693726, 0.006872526369988918, 0.01096389815211296, -0.02451329305768013, -0.010607519187033176, 0.009440552443265915, 0.02134081907570362, -0.003015246707946062, 0.0056007420644164085, 0.002419534604996443, 0.0040214937180280685, -0.005656644701957703, 0.014618530869483948, 0.015289362519979477, 0.03457576036453247, -0.01692451350390911, -0.009887773543596268, -0.027546009048819542, -0.021494552493095398, -0.01689656265079975, 0.011564851738512516, -0.009713077917695045, -0.01192821841686964, -0.0037769197952002287, -0.014339018613100052, -0.001207146910019219, -0.020572159439325333, -0.04016602039337158, -0.03569381311535835, -0.015303337946534157, 0.017958711832761765, -0.004839069209992886, 0.027825521305203438, -0.02832864597439766, 0.003134039929136634, -0.015568875707685947, -0.0030798842199146748, 0.009363686665892601, -0.03963494673371315, 0.004045951180160046, -0.007288302294909954, 0.019985182210803032, 0.0016290368512272835, 0.019747596234083176, 0.017791004851460457, -0.019118690863251686, 0.010831129737198353, -0.014660458080470562, -0.013395661488175392, -0.001631657243706286, -0.007131075952202082, -0.024820756167173386, 0.01707824505865574, 0.018433883786201477, 0.017902810126543045, -0.002616940764710307, 0.010928959585726261, 0.019328325986862183, 0.02649783529341221, -0.01322096586227417, 0.008056962862610817, -0.028160937130451202, -0.01322096586227417, -0.007260350976139307, -0.003107835538685322, -0.014380944892764091, 0.008042987436056137, 0.001895447727292776, -0.02512822113931179, 0.016505245119333267, 0.01260603778064251, 0.0016674698563292623, -0.01445082388818264, 0.027504082769155502, -0.00674674566835165, 0.017301855608820915, 0.016141876578330994, -0.013409637846052647, -0.007176497019827366, -0.006544098723679781, -0.047545164823532104, -0.009936688467860222, 0.02456919476389885, -0.005775438155978918, -0.020949501544237137, -0.000425165519118309, -0.0103489700704813, -0.018028590828180313, -0.0048425630666315556, -0.025519538670778275, -0.021871894598007202, -0.005698571912944317, -0.029432721436023712, 0.007889254949986935, -0.016002120450139046, -0.015918266028165817, -0.008336476050317287, -0.0026099528186023235, 0.0077704619616270065, -0.03600127622485161, 0.004374378826469183, -0.007309265434741974, -0.016183804720640182, -0.0016639759996905923, 0.003175966674461961, 0.03018740750849247, -0.0025505563244223595, 0.03902001678943634, 0.021606357768177986, -0.0032423511147499084, -0.027448179200291634, 0.0004786660720128566, -0.01103377714753151, -0.02004108391702175, 0.04352017864584923, 0.02192779630422592, 0.011501961387693882, 0.00783335231244564, -0.004154262598603964, -0.013682162389159203, -0.007127582095563412, -0.019132666289806366, 0.027518058195710182, 0.027406252920627594, -0.007145051844418049, 0.014925995841622353, -0.011886291205883026, -0.037370890378952026, 0.025044366717338562, -0.02072589099407196, -0.0061318171210587025, 0.003762944135814905, -0.013996615074574947, -0.015205509029328823, 0.0026728434022516012, -0.007931182160973549, 0.010768239386379719, 0.005918688140809536, -0.00027339867665432394, 0.011760510504245758, -0.02015288919210434, -0.0011669668601825833, -0.0006232266896404326, 0.004353415220975876, 0.029320916160941124, 0.012969404458999634, 0.029907893389463425, -0.0027549501974135637, -0.032954584807157516, -0.015918266028165817, -0.01009740773588419, 0.018671469762921333, 0.027797570452094078, -0.01945410668849945, -0.012165804393589497, 0.0016037060413509607, 0.022458871826529503, 0.01292048953473568, -0.0040634204633533955, -0.010887032374739647, -0.02335331402719021, -0.005153521429747343, -0.017986662685871124, 0.014339018613100052, 0.014024565927684307, -0.012857599183917046, -0.011397143825888634, -0.033541563898324966, -0.027224568650126457, -0.018503762781620026, 0.007005295250564814, 0.016603073105216026, 0.0014814190799370408, -0.007490949239581823, -0.0075468518771231174, -0.0011390155414119363, 0.020963476970791817, 0.004929910879582167, 0.00518496660515666, 0.01105474028736353, 0.03387697786092758, -0.01828015223145485, 0.0156527291983366, -0.0055343578569591045, 0.002253573853522539, -0.015946218743920326, 0.003036210313439369, -0.01194918155670166, -0.023730656132102013, 0.002674590330570936, 0.0032371103297919035, -0.004245104268193245, 0.01259905006736517, 0.013255905359983444, 0.0010892273858189583, 0.013856858015060425, -0.005212917923927307, 0.013633247464895248, -0.003762944135814905, 0.00469232490286231, -0.017371734604239464, 0.009363686665892601, 0.02015288919210434, -0.013926737010478973, 0.00880466029047966, 0.022137431427836418, -0.018391957506537437, -0.028091059997677803, -0.0006839334382675588, 0.015163581818342209, -0.002644892083480954, -0.02711276337504387, -0.004940392915159464, -0.024373535066843033, 0.004353415220975876, -0.009755004197359085, -0.021522503346204758, -0.009223929606378078, -0.008084914647042751, -0.044833891093730927, 0.0006337084341794252, -0.00017829873831942677, -0.01758136972784996, -0.0018028590129688382, 0.03161292523145676, 0.031109800562262535, 0.0028807311318814754, -0.03465961664915085, -0.021201062947511673, 0.006002542097121477, 0.0021854424849152565, -0.02212345600128174, -0.011243411339819431, -0.017218003049492836, 0.02381451055407524, -0.00438835471868515, -0.0005808630376122892, -0.025016415864229202, 0.00015788119344506413, -0.026581689715385437, -0.01953796111047268, 0.006593013647943735, -0.002169719897210598, -0.00673975795507431, -0.0033017476089298725, -0.01036294549703598, 0.022361041978001595, -0.012109901756048203, 0.020921550691127777, -0.027266494929790497, -0.02020879276096821, -0.002952356357127428, -0.0035218640696257353, 0.00361619982868433, 0.006586025934666395, -0.013759029097855091, -0.006009530276060104, 0.013151087798178196, 0.00596410920843482, -0.011522924527525902, 0.02212345600128174, 0.003560297191143036, 1.7687932995613664e-05, -0.022892117500305176, 0.019845424219965935, 0.02261260338127613, 0.0011949181789532304, 0.01570863276720047, -0.04136792942881584, 0.020432401448488235, 0.0013862099731341004, 0.00907718576490879, 0.016686927527189255, -0.012815671972930431, -0.0033838546369224787, -0.0039655910804867744, 0.0011896772775799036, -0.008909477852284908, -0.016253681853413582, 0.019789522513747215, -0.02825876697897911, 0.015540923923254013, 0.010824142023921013, 0.01192821841686964, 0.016617050394415855, 0.019677717238664627, 0.01580646261572838, -0.018503762781620026, -0.01449275016784668, -0.0046503981575369835, 0.002414293820038438, 0.02454124391078949, -0.02132684364914894, 0.01563875377178192, -0.02452726848423481, -0.012801696546375751, -0.008259610272943974, -0.00244049821048975, -0.012053999118506908, 0.0016945477109402418, 0.014408896677196026, 0.03949519246816635, 0.008476232178509235, -0.01633753627538681, 0.007966121658682823, -0.011103655211627483, -0.009307784028351307, -0.008671891875565052, -0.021732138469815254, 0.005516888573765755, 0.001070010825060308, -0.005349180661141872, -0.013011331669986248, -0.009356698952615261, -0.024345584213733673, 0.0013206989970058203, 0.008951405063271523, 0.006240128539502621, 0.017455589026212692, 0.20516255497932434, 0.003948121331632137, -0.027322398498654366, 0.04542086645960808, 0.014702385291457176, -0.011285338550806046, 0.03189243748784065, -0.0038223406299948692, -0.003039704170078039, 0.0012971151154488325, 0.0030519329011440277, -0.0018919537542387843, -0.03278687968850136, 0.0002633536932989955, 0.011578827165067196, -0.013137112371623516, -0.023660777136683464, -0.04335246980190277, -0.02331138588488102, -0.008294548839330673, -0.016742831096053123, -0.0038433042354881763, -0.009831870906054974, -0.012012071907520294, 0.0061912136152386665, 0.010621494613587856, -0.02146659977734089, 0.011669669300317764, 0.029209110885858536, -0.0009748016600497067, 0.008420329540967941, 0.007987084798514843, 0.0037454746197909117, 0.007581790909171104, -0.001140762586146593, 0.01823822595179081, 0.006596507504582405, -0.008001060225069523, -0.008769720792770386, 0.03186448663473129, -0.010782214812934399, 0.021061306819319725, 0.024233778938651085, -0.01419227384030819, -0.009845846332609653, 0.0488588772714138, 0.01103377714753151, -0.010866069234907627, -0.01420624926686287, -0.009901748970150948, -0.006397354416549206, 0.0032406041864305735, 0.020642036572098732, 0.020236743614077568, -0.0006813129875808954, -0.0006642802036367357, 0.010439811274409294, -0.014366969466209412, -0.022920068353414536, 0.010188249871134758, 0.029796088114380836, 0.016756806522607803, -0.030047649517655373, 0.008846587501466274, -0.0012228694977238774, 0.02456919476389885, -0.021033355966210365, -0.007379143964499235, 0.007197460625320673, -0.028538279235363007, -0.011991108767688274, 0.007763474248349667, -0.010481738485395908, -0.008084914647042751, -0.022500798106193542, -0.032367609441280365, 0.028021181002259254, 0.013703126460313797, 0.011606778018176556, 0.025603393092751503, -0.01223568245768547, -0.006358921527862549, -0.010831129737198353, -0.008469244465231895, -0.026665542274713516, -0.032479412853717804, 0.02458317019045353, 0.012102914042770863, -0.01006945688277483, -0.0003356340166646987, -0.014115408062934875, -0.00879068486392498, 0.012368451803922653, 0.004860032815486193, 0.008560086600482464, 0.003170725889503956, 0.007994072511792183, 0.03326205164194107, -0.00674325181171298, -0.00980391912162304, 0.009720065630972385, 0.02962838113307953, 0.008895502425730228, -0.0054435161873698235, -0.007511912379413843, 0.003682584036141634, 0.004014506004750729, -0.00644626934081316, 0.01630958542227745, -0.01752546615898609, -0.0015783751150593162, -0.013241929933428764, 0.013766016811132431, 0.017846906557679176, 0.0026099528186023235, -0.00018976314458996058, 0.005981578957289457, -0.004454738926142454, 0.01417829841375351, -0.001263049547560513, 0.00362318754196167, -0.014366969466209412, 0.01320000272244215, 0.0035148763563483953, -0.004860032815486193, -0.038740504533052444, -0.01770715042948723, 0.013416625559329987, 0.025491587817668915, -0.03147316724061966, 0.0011101907584816217, 0.008839599788188934, 0.031165702268481255, 0.006638434249907732, -0.01752546615898609, 0.013137112371623516, -0.016183804720640182, -0.004035469144582748, -0.007456010207533836, -0.005555321462452412, -0.002505135489627719, -0.006792166735976934, 0.014534677378833294, 0.012787721119821072, 0.020949501544237137, -0.02269645780324936, 0.028188887983560562, 0.0008551351493224502, -0.004943886771798134, -0.014967923052608967, -0.029181160032749176, 0.01895098388195038, -0.00036598736187443137, 0.016700902953743935, 0.03454780951142311, -0.0018727373098954558, -0.03278687968850136, -0.019272422417998314, -0.019663741812109947, -0.0014491003239527345, -0.032367609441280365, -0.001808099914342165, 0.02700095809996128, 0.004929910879582167, -0.025379782542586327, 0.001429883879609406, -0.1836959570646286, 0.01695246435701847, 0.010817154310643673, -0.033681318163871765, 0.017455589026212692, 0.005593754351139069, 0.006149286404252052, -0.00783335231244564, -0.02252875082194805, -0.0009416094981133938, 0.006477714516222477, -0.004521123133599758, -0.027993230149149895, 0.0219417717307806, -0.00819671992212534, -0.0012019060086458921, -0.008553098887205124, 0.006586025934666395, 0.017916785553097725, 0.021871894598007202, 0.020432401448488235, 0.0033559033181518316, -0.017916785553097725, -0.0006808762555010617, -0.01289952639490366, 0.014828165993094444, 4.6267050493042916e-05, 0.010998837649822235, 0.004723770078271627, -0.016700902953743935, -0.03815352916717529, -0.004133298993110657, 0.01478623878210783, 0.007560827303677797, 0.01132027804851532, 0.013402649201452732, -0.012857599183917046, 0.011418106965720654, -0.008259610272943974, 0.02528195269405842, 0.025631343945860863, 0.025435686111450195, -0.0008568821358494461, 0.006247116252779961, -0.02825876697897911, 0.023129703477025032, 0.003404818009585142, 0.001373981242068112, -0.005548333749175072, -0.03348566219210625, 0.01066342182457447, -0.006774696987122297, 0.03882436081767082, 0.00879767257720232, 0.0015215990133583546, 0.009433564729988575, -0.006474220659583807, 0.018000638112425804, 0.006841081194579601, -0.00848322082310915, -0.013647223822772503, -0.017259929329156876, 0.01418528612703085, -0.036867767572402954, -0.01164171751588583, -0.009908736683428288, -0.02402414381504059, -0.0017137642716988921, -0.030047649517655373, 0.012522183358669281, 0.005338698625564575, -0.04424691200256348, 0.012033035978674889, -0.011005825363099575, 0.008762733079493046, 0.01191424299031496, -0.002169719897210598, 0.006299525033682585, 0.003072896273806691, -0.02395426668226719, -0.02458317019045353, 0.04698614031076431, -0.012864586897194386, -0.011781473644077778, -0.010949922725558281, 0.0025191111490130424, 0.0026344102807343006, -0.0068550570867955685, 0.013752041384577751, -0.00881863571703434, 0.029460672289133072, -0.022836213931441307, -0.0017347277607768774, -0.009734041057527065, 0.01752546615898609, 0.008930440992116928, 0.010719324462115765, 0.0032440980430692434, -0.01758136972784996, -0.004762203432619572, 0.007553839590400457, 0.013814931735396385, -0.02078179270029068, 0.021885870024561882, 0.012270621955394745, -0.015568875707685947, 0.02823081612586975, -0.008881526067852974, 0.007882267236709595, -0.011963157914578915, -0.0019443625351414084, 0.011704607866704464, -0.007096136920154095, 0.008091902360320091, 0.0026920598465949297, -0.0034205405972898006, -0.014618530869483948, 0.006659397855401039, 0.011536899954080582, -0.014716360718011856, 0.01691053807735443, -0.017204027622938156, -0.004790154285728931, 0.004790154285728931, -0.0025453155394643545, 0.003404818009585142, -0.12276212126016617, -0.01628163456916809, 0.00014674433623440564, 0.04326861724257469, -0.008280573412775993, 0.036895718425512314, -0.0020124937873333693, 0.009880785830318928, -0.007777450140565634, 0.014967923052608967, -0.010453787632286549, -0.034380100667476654, -0.0009127847151830792, 0.011760510504245758, -0.007365168072283268, -0.011453046463429928, -0.0037245110142976046, -0.028761889785528183, -0.00489846570417285, 0.04832780361175537, 0.02577110193669796, 0.01580646261572838, 0.0062645855359733105, -0.012997355312108994, 0.009440552443265915, -0.023017898201942444, -0.0077704619616270065, 0.01829412765800953, 0.024848708882927895, 0.0023880894295871258, 0.01194918155670166, -0.024625098332762718, 0.0055064065381884575, -0.027490105479955673, -0.0011957916431128979, 0.0010010059922933578, -0.01962181366980076, -0.011432082392275333, 0.01758136972784996, -0.0016054529696702957, -0.0010333247482776642, 0.0005572790978476405, -0.011683644726872444, -0.03560996055603027, -0.003039704170078039, -0.002980307675898075, -0.019929278641939163, 0.012487244792282581, -0.016239706426858902, -0.033541563898324966, -0.02835659682750702, 0.00821768306195736, -0.014380944892764091, -0.006767709273844957, 0.02708481252193451, -0.021117208525538445, 0.008105877786874771, 0.017986662685871124, -0.027825521305203438, 0.015415143221616745, 0.011725571937859058, -0.005883749108761549, 0.01756739430129528, 0.014660458080470562, 0.0023444155231118202, 0.004328958224505186, -0.028468402102589607, -0.0018605085788294673, 0.01475828792899847, -0.002707782434299588, -0.013682162389159203, -0.009622235782444477, -0.011823400855064392, 0.03465961664915085, -0.017134148627519608, 0.015624778345227242, -0.032479412853717804, -0.011816413141787052, 0.018014615401625633, -0.0077704619616270065, -0.03644849732518196, -0.008252622559666634, 0.007791425567120314, 0.0055378517135977745, 0.02380053512752056, 0.006407835986465216, 0.005635681562125683, -0.011879303492605686, 0.002230863319709897, -0.01830810308456421, 0.0075748031958937645, 0.028105035424232483, 0.02449931763112545, -0.019160617142915726, 0.005992060527205467, 0.006040975451469421, -0.005646163132041693, -0.012717843055725098, 0.009685126133263111, 0.007393119391053915, -0.015862364321947098, -0.0009582056081853807, -0.07552441954612732, 0.03018740750849247, -0.008126840926706791, -0.009328747168183327, 0.012543147429823875, -0.00220291200093925, -0.011131606064736843, -0.014380944892764091, -0.02449931763112545, -0.0055343578569591045, -0.026903128251433372, 0.005209424067288637, -0.007400107569992542, -0.009915724396705627, -0.034883227199316025, -0.028705988079309464, -0.0020928538870066404, -0.002222128678113222, -0.004608470946550369, -0.003707041498273611, 0.0006328349700197577, 0.017385710030794144, 0.016798732802271843, -0.0019967711996287107, 0.0031148232519626617, 0.01691053807735443, -0.011313289403915405, 0.012731818482279778, 0.01105474028736353, -0.013437588699162006, 0.0075748031958937645, -0.011508949100971222, -0.011075703427195549, 0.02507231943309307, 0.005447010044008493, -0.020222768187522888, 0.00024020651471801102, 0.012689891271293163, 0.012256646528840065, -0.006519641261547804, -0.014366969466209412, -0.034212395548820496, -0.00023518400848843157, -0.0038782432675361633, 0.01830810308456421, -0.028077082708477974, -0.016547171398997307, 0.013989627361297607, 0.01632356084883213, -0.010516677983105183, 0.021480577066540718, 0.011313289403915405, -0.004860032815486193, 0.0034869250375777483, -0.012843623757362366, -0.023073799908161163, 0.004007517825812101, 0.0018325572600588202, -0.015191532671451569, -0.012347487732768059, 0.014884068630635738, 0.0011075703660026193, 0.019859401509165764, 0.0006450636428780854, 0.026260249316692352, -0.011487985029816628, -0.001768793328665197, -0.0035131294280290604, 0.0026658554561436176, -0.008762733079493046, -0.006149286404252052, -0.008252622559666634, 0.01417131070047617, 0.02776961959898472, 0.002898200647905469, -0.009356698952615261, -0.0077355229295790195, 0.0025138703640550375, -0.006896983832120895, 0.010747276246547699, 0.024219803512096405, -0.012088938616216183, -0.019342301413416862, -0.0014124142471700907, 0.02201165072619915, 0.016784757375717163, -0.00813382863998413, 0.004552568309009075, -0.0009704342810437083, 0.017818955704569817, -0.029181160032749176, 0.02086564712226391, -0.018629543483257294, -0.008252622559666634, -0.001388830365613103, -0.006002542097121477, -0.009999578818678856, -0.019356276839971542, 0.038041722029447556, 0.02765781432390213, 0.0007673506042920053, 0.00597459077835083, -0.01264097634702921, -0.001670963829383254, 0.0038677614647895098, 0.00675722723826766, -0.021913820877671242, -0.028594182804226875, 0.00849719624966383, 0.012095926329493523, 0.014073480851948261, -0.0015809955075383186, -0.015331289730966091, 0.029097305610775948, -0.015009849332273006, 0.0047167823649942875, -0.01630958542227745, -0.012829648330807686, -0.025393757969141006, 0.02704288624227047, -0.02138274721801281, 0.02009698748588562, 0.0039655910804867744, -0.015820438042283058, 0.024918586015701294, -0.031249556690454483, 0.029796088114380836, -0.0400821678340435, -0.0077425106428563595, -0.003134039929136634, 0.013395661488175392, -0.0023304398637264967, -0.02775564417243004, 0.0015303337713703513, -0.014870093204081059, -0.008937428705394268, 0.0028335633687675, 0.025910858064889908, 0.005450503900647163, 0.07831954956054688, -0.005866279825568199, -0.01705029420554638, 0.013703126460313797, 0.015596826560795307, 0.025952784344553947, 0.02452726848423481, 0.0337931253015995, -0.013004343956708908, -0.01812642067670822, 0.010775227099657059, -0.011760510504245758, 0.010230177082121372, -0.003336686873808503, -0.018364006653428078, -0.019342301413416862, -0.009021283127367496, 0.017860881984233856, -0.017623296007514, 0.0016246694140136242, 0.013234942220151424, 0.006421811878681183, 0.014884068630635738, -0.0012036529369652271, -0.007442034315317869, -0.010397884994745255, 0.01262001320719719, 0.018014615401625633, -0.009650187566876411, -0.034911178052425385, -0.010111384093761444, 0.009992591105401516, -0.03412853926420212, -0.011830388568341732, 0.010286079719662666, -0.008287561126053333, -0.008308525197207928, -0.019174594432115555, 0.007994072511792183, 0.00790323130786419, -0.004657385870814323, 0.016700902953743935, -0.027252519503235817, -0.008469244465231895, 0.04584013670682907, 0.0046783494763076305, 0.0011599790304899216, 0.003310482483357191, -0.02901345305144787], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='8d48e4a4-a62e-4339-bbc1-b744e54ee822', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '8', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_type': 'application/pdf', 'file_size': 885090, 'creation_date': '2024-02-25', 'last_modified_date': '2024-02-07', 'last_accessed_date': None}, hash='1f88cb8d1d9fb8253751ea32dbc14b20217661f00e34f0fd1b907350f97b3d49')}, text='8', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='c74e5d78-5775-4a48-9e09-5c6ae101f149', embedding=[-0.012138448655605316, 0.026098376139998436, 0.005151370074599981, -0.04664693400263786, -0.01344052143394947, 0.007485139649361372, -0.01110675185918808, 0.0018677273765206337, -0.029542110860347748, -0.05228213593363762, 0.010274278931319714, 0.03028208576142788, -0.01067984290421009, -0.004681769758462906, 0.012216715142130852, 0.011007139459252357, 0.012479975819587708, 0.009555649012327194, 0.0023693456314504147, -0.017574423924088478, -0.00027838032110594213, -0.001505743945017457, -0.0019495515152812004, -0.030452849343419075, -0.0007746621267870069, -0.01746058277785778, 0.0196378193795681, -0.03309968486428261, 0.0031342243310064077, 0.021331224590539932, 0.017531733959913254, -0.018542084842920303, -0.024348048493266106, 0.0013856757432222366, -0.0156817939132452, 0.0017939076060429215, 0.004066309425979853, -0.0029349999967962503, 0.020392024889588356, -0.008374533616006374, 0.026553746312856674, 0.02372191660106182, 0.0048525333404541016, 0.00046737652155570686, 0.012003260664641857, 0.02049163728952408, 0.014586061239242554, -0.027606789022684097, -0.02629760093986988, 0.010551770217716694, 0.015382957644760609, 0.034750401973724365, -0.00963391549885273, 0.020548557862639427, 0.014671443030238152, 0.012494206428527832, 0.012238061055541039, 0.013547249138355255, -0.0021327666472643614, -0.008851248770952225, 0.002171900123357773, 0.002799812238663435, -0.010288509540259838, 0.04015791788697243, 0.007812436670064926, -0.018186327069997787, -0.008395878598093987, 0.025614546611905098, 0.004631963558495045, -0.010181781835854053, 0.008054351434111595, 0.01610870286822319, 0.0035308939404785633, -0.000895619741640985, 0.03549037501215935, -0.013518787920475006, -0.008125503547489643, -0.006866121198982, -0.009562764316797256, 0.006232873070985079, 0.014642981812357903, -0.001979790860787034, -0.0016026878729462624, 0.0176455769687891, 0.011241939850151539, -0.010765224695205688, 0.023906908929347992, -0.004688885062932968, -0.02881636470556259, -0.007285915315151215, -0.0023515576031059027, 0.007108036428689957, 0.04155248776078224, -0.0019477728055790067, -0.009918521158397198, -0.0024547274224460125, -0.014771055430173874, 0.01932475157082081, -0.021928897127509117, -0.016251007094979286, 0.004905897192656994, -0.030965140089392662, -0.0411255769431591, -0.0038030485156923532, -0.014493564143776894, 0.00019455493020359427, -0.0014248091029003263, -0.0021452181972563267, 0.012145563960075378, 0.010473503731191158, -0.033953502774238586, 0.02101815864443779, -0.0008707166998647153, -0.027393333613872528, -0.01703367382287979, -0.02086162567138672, 0.014223188161849976, -0.01653561182320118, -0.0014932925114408135, -0.01296380627900362, 0.03822259604930878, 0.023679224774241447, 0.03233125060796738, -0.008125503547489643, 0.0156817939132452, -0.004322454798966646, -0.014450873248279095, -0.00886547937989235, -0.030765915289521217, 0.003788818372413516, 0.014038193970918655, 0.01921091042459011, 0.010011018253862858, 0.02098969742655754, -0.02834676392376423, 0.017716728150844574, -0.0029349999967962503, 0.0072823576629161835, -0.011419818736612797, -0.006965733598917723, 0.010302740149199963, 0.014927588403224945, -0.007428218610584736, -0.007442448753863573, -0.021829284727573395, 0.014216072857379913, 0.01509835198521614, 0.02104661799967289, -0.002541888039559126, -0.004781382158398628, -0.022128121927380562, -0.029200581833720207, -0.0032142698764801025, 0.035547297447919846, 0.0068625640124082565, -0.003591372864320874, 0.005037527531385422, 0.027222570031881332, -0.026027224957942963, -0.026952194049954414, 0.003009709296748042, 0.00802589114755392, -0.005286557599902153, 0.0083460733294487, -0.0035718062426894903, 0.030765915289521217, 0.029371345415711403, -0.005674333311617374, -0.0020189243368804455, -0.0206766314804554, 0.002481409115716815, 0.028944436460733414, -0.02239849790930748, 0.02908674068748951, 0.004493218380957842, -0.00398804247379303, 0.02117469161748886, -0.0016267015598714352, -0.00336724566295743, -0.016037551686167717, 0.012608048506081104, 0.004500333685427904, 0.00408053956925869, -0.005083776079118252, -0.016122933477163315, -0.010551770217716694, 0.006631321273744106, 0.012181139551103115, 0.017289819195866585, -0.013006497174501419, 0.02200004830956459, 0.03685648739337921, 0.01267208531498909, -0.013355139642953873, -0.6279548406600952, -0.008410109207034111, 0.004219284746795893, -0.018200557678937912, -0.0012504878686740994, 0.010288509540259838, -0.0033370060846209526, -0.006321812514215708, -0.018542084842920303, 0.03406734764575958, 0.009861600585281849, -0.005115794017910957, 0.012174024246633053, -0.019125528633594513, -0.018385551869869232, -0.03489270433783531, 0.011064060963690281, -0.009470267221331596, 0.0033192182891070843, 0.015041430480778217, -0.025643005967140198, 0.007225436624139547, -0.003057736437767744, -0.0137749332934618, -0.028090618550777435, 0.026525285094976425, 0.02276848629117012, 0.0029349999967962503, 0.009939867071807384, 0.013931467197835445, 0.004777824506163597, 0.015354497358202934, -0.012935345992445946, 0.00786935817450285, 0.04900916665792465, -0.0068696788512170315, -0.031961262226104736, 0.00022334906680043787, 0.014842206612229347, 0.04482545703649521, -0.03660034015774727, -0.019595127552747726, -0.0016364848706871271, 0.0020705091301351786, -0.024077674373984337, 0.007912049070000648, 0.008922399953007698, 0.025842230767011642, -0.018954765051603317, -0.03537653386592865, -0.0176740363240242, 0.009527187794446945, 0.0059980726800858974, 0.0013234182260930538, 0.015980631113052368, 0.009591224603354931, 0.02988363802433014, -0.031192824244499207, -0.0013501000357791781, 0.012921115383505821, -0.012316327542066574, -0.004215727560222149, -0.005446648690849543, -0.02417728491127491, -0.04508160054683685, 0.01299226749688387, 0.012067297473549843, 0.007648787926882505, -0.011604812927544117, -0.0107865696772933, -0.004076981917023659, 0.025258788838982582, 3.287978324806318e-05, 0.002911875955760479, 0.006805642507970333, -0.00949872750788927, 0.0112917460501194, 1.9066383174504153e-05, 0.003934679087251425, 0.0275214072316885, 0.02757832780480385, -0.025941843166947365, -0.007399757858365774, -0.025913381949067116, 0.015012970194220543, -0.014450873248279095, 0.013319564051926136, -0.014813746325671673, 0.00874452106654644, 0.015980631113052368, 0.0187128484249115, 0.023864218965172768, -0.03583190590143204, -0.04545158892869949, -0.002780245617032051, 0.00940623041242361, -0.0062684486620128155, 0.018029794096946716, 0.017901722341775894, -0.035148847848176956, -0.021430836990475655, -0.01529757585376501, 0.034408874809741974, 0.004212169907987118, 0.02208543010056019, 0.027934085577726364, -0.024163056164979935, 0.0008213553228415549, 0.005717024207115173, -0.008509721606969833, -0.014970279298722744, -0.0022999728098511696, -0.00616883672773838, -0.009626800194382668, 0.021146230399608612, -0.030765915289521217, 0.015311806462705135, -0.013155915774405003, -0.009135854430496693, -0.003109321231022477, 0.0043829334899783134, -0.015639103949069977, 0.023181164637207985, 0.007691478822380304, -0.0083460733294487, 0.0072823576629161835, 0.006496133748441935, -0.0027464486192911863, 0.006325369700789452, 0.014429527334868908, 0.004599945619702339, -0.0013812287943437696, 0.027009116485714912, -0.004197939299046993, 0.014166266657412052, 0.012821502983570099, 0.03802337124943733, -0.02237003669142723, 0.00972641259431839, -0.025657236576080322, -0.016677916049957275, 0.016122933477163315, -0.0007137386710382998, -0.008851248770952225, -0.0333842933177948, -0.02003626711666584, -0.007058230694383383, 0.013198606669902802, 0.003493539523333311, 0.010032364167273045, -0.008595103397965431, -0.013689551502466202, -0.02316693402826786, 0.01997934654355049, -0.013248412869870663, -0.01233767345547676, -0.014166266657412052, -0.027421794831752777, -0.016791757196187973, -0.01886938326060772, 0.008723176084458828, 0.01210287306457758, -0.018542084842920303, 0.009875830262899399, -0.002467178972437978, -0.01239459402859211, -0.0196662787348032, 0.03224586695432663, -0.045793116092681885, -0.04530928656458855, 0.0022483880165964365, -0.023252315819263458, 0.005652987863868475, 0.029257504269480705, -0.026952194049954414, -0.011362897232174873, 0.006702472921460867, 0.006257776170969009, 0.014586061239242554, -0.0019637818913906813, 0.0017512167105451226, 0.03964562714099884, 0.020733552053570747, -0.016009090468287468, 0.020349333062767982, 0.03492116555571556, 0.02632606215775013, 0.008644909597933292, -0.018485164269804955, 0.026311831548810005, 0.009086049161851406, 0.04012945666909218, -0.019367443397641182, 0.009868715889751911, -0.01987973414361477, 0.005315018352121115, -0.014856437221169472, -0.0029990363400429487, -0.003226721193641424, 0.006318254861980677, 0.006709588225930929, 0.0015653333393856883, -0.0005896682268939912, -0.015126812271773815, -0.004937915131449699, -0.02184351533651352, 0.0051656002178788185, -0.01534026674926281, -0.0034081577323377132, 0.019595127552747726, 0.009128740057349205, -0.0011837834026664495, -0.026368752121925354, -0.01748904213309288, 0.007776860613375902, 0.009847369976341724, -0.005745484959334135, 0.025443783029913902, -0.00797608494758606, -0.014628752134740353, 0.013006497174501419, -0.00029149887268431485, 0.016122933477163315, -0.012608048506081104, -0.001013019704259932, 0.013746473006904125, -0.02197158895432949, 0.01721866801381111, 0.0035308939404785633, -0.018855152651667595, -0.020078958943486214, -0.00023502235126215965, 0.028176000341773033, 0.012622279115021229, 0.028987128287553787, 0.011483854614198208, 0.02985517680644989, 0.00555337592959404, 0.02632606215775013, 0.007150727324187756, 0.007097363937646151, 0.006976406089961529, -0.013234182260930538, -0.02515917643904686, 0.014600290916860104, -0.007947624661028385, 0.04015791788697243, 0.018513625487685204, -0.011348666623234749, 0.011654618196189404, -0.03307122364640236, 0.027407564222812653, -0.024091903120279312, 0.013020727783441544, 0.02794831618666649, 0.010437927208840847, -0.0027838030364364386, 0.011234824545681477, 0.0244903527200222, 0.020505867898464203, 0.010452157817780972, 0.013917236588895321, 0.017446352168917656, 0.006339600309729576, -0.0036892062053084373, -0.0186274666339159, -0.019282061606645584, -0.001580453128553927, 0.011377127841114998, -0.015155273489654064, -0.0019869061652570963, -0.007413988001644611, -0.008644909597933292, -0.04038560017943382, 0.01176846120506525, 0.021188922226428986, 0.00017354299779981375, 0.021686982363462448, 0.018058255314826965, 0.00922123622149229, -0.015994861721992493, -0.03537653386592865, 0.03099360130727291, -0.008630678988993168, -0.013198606669902802, -0.022683104500174522, -0.022839637473225594, 0.0055782790295779705, 0.009171430952847004, 0.0088797090575099, 0.006332485005259514, 0.007406873162835836, 0.008595103397965431, 0.0034757517278194427, 0.0027695728931576014, 0.0022910789120942354, 0.03842182084918022, -0.0006590409320779145, -0.008595103397965431, -0.01187518797814846, 0.0004949477151967585, 0.017204437404870987, -0.029285963624715805, -0.024248437955975533, 0.06341022998094559, -0.0167206060141325, -0.02436227910220623, -0.0314205102622509, 0.0037959334440529346, -0.0034864244516938925, 0.018698617815971375, 0.0112917460501194, 0.021957358345389366, -0.016734836623072624, 0.031192824244499207, -0.003349457634612918, 0.0013198606902733445, -0.0008133507799357176, -0.005332806147634983, 0.037425696849823, 0.0005234083510003984, -0.012188254855573177, 0.010978679172694683, 0.014536255039274693, 0.027208339422941208, 0.025443783029913902, 0.013881660997867584, 0.006108357571065426, -0.019936654716730118, -0.010893297381699085, -0.02558608539402485, -0.013910121284425259, 0.014642981812357903, 0.014159152284264565, 0.006802084855735302, -0.01613716408610344, 0.009648146107792854, -0.007591866888105869, 0.03304276615381241, -0.005606739781796932, 0.018513625487685204, -0.029342886060476303, 0.0013154136249795556, -0.011924994178116322, 0.007385527715086937, -0.001730760675854981, 0.01911129802465439, 0.007719939574599266, -0.007243224419653416, -0.007125824224203825, 0.028489068150520325, 0.0018730637384578586, -0.007022654637694359, -0.03255893290042877, 0.0028407243080437183, 0.0022377152927219868, -0.003739012172445655, 0.0274360254406929, -0.0010094621684402227, 0.027179880067706108, 0.003240951569750905, 0.004222842399030924, 0.026439903303980827, -0.008979321457445621, 0.01647869125008583, 0.011099636554718018, 0.007926278747618198, 0.013646860606968403, 0.02945672906935215, -0.023394618183374405, 0.02056278847157955, 0.01794441230595112, -0.007968969643115997, -0.01067984290421009, 0.009320848621428013, -0.02497418224811554, -0.021302763372659683, 0.011846727691590786, -0.01376070361584425, 0.0064498852007091045, -0.019708970561623573, -0.00167828646954149, -0.0033796969801187515, -0.015881018713116646, 0.00668824277818203, -0.018755540251731873, 0.026710279285907745, -0.0011135212844237685, -0.013006497174501419, 0.009790448471903801, -0.03070899471640587, -0.0166921466588974, -0.02515917643904686, 0.0032427303958684206, -0.005357709247618914, -0.007421103306114674, -0.05330671742558479, -0.012608048506081104, 0.005571163725107908, 0.006542381830513477, 0.008075697347521782, 0.006222200114279985, -0.03457963839173317, 0.009840254671871662, -0.011989030987024307, 0.00309509108774364, -0.00505531532689929, -0.025486472994089127, 0.004101885017007589, -0.015496800653636456, -0.008111272938549519, -0.02311001345515251, -0.013419176451861858, -0.020178569480776787, -0.00041067766142077744, -0.026041455566883087, -0.006257776170969009, -0.026553746312856674, 0.0033085455652326345, 0.025045333430171013, 0.020078958943486214, 0.027208339422941208, 0.0008644909248687327, -0.020875854417681694, 0.006652666721493006, -0.03500654548406601, -0.014130691066384315, -0.018385551869869232, -0.0132839884608984, -0.00487032113596797, 0.01362551562488079, 0.007428218610584736, 0.0021630062256008387, -0.020420486107468605, 0.024077674373984337, -0.005510685034096241, 0.014842206612229347, -0.005222521256655455, 0.022199273109436035, 0.02184351533651352, 0.0008084591245278716, -0.0025881363544613123, 0.02372191660106182, -0.01248709112405777, -0.009178545325994492, -0.02982671558856964, 0.02678143046796322, -0.005759715102612972, -0.010003902949392796, 0.018271708860993385, -0.003404600080102682, -0.010523308999836445, -0.02049163728952408, 0.00926392711699009, -0.023081552237272263, 0.015027200803160667, -0.0007155174389481544, -0.0177594181150198, -0.01923936977982521, -0.016208315268158913, -0.020050497725605965, 0.005670776125043631, -0.010139090940356255, -0.01011063065379858, -0.005140697117894888, 0.00693371519446373, -0.005080218426883221, 0.00534703629091382, 0.017133286222815514, -0.022469649091362953, -0.007090248633176088, 0.018513625487685204, -0.001749437884427607, 0.010509079322218895, -0.010160436853766441, 0.02359384298324585, -0.059141140431165695, -0.00926392711699009, -0.028517527505755424, -0.01849939487874508, -0.013732242397964, -0.002255503088235855, 0.026653358712792397, 0.02417728491127491, 0.045707736164331436, -0.0019691181369125843, 0.007634557783603668, -0.006677569821476936, 0.0065459394827485085, -0.009050472639501095, 0.015240655280649662, -0.019893964752554893, 0.0010939545463770628, -0.0071863033808767796, 0.0032480668742209673, -0.002200360642746091, 0.027293721213936806, 0.015824098140001297, -0.003292536363005638, 0.033640436828136444, -0.011128096841275692, 0.0031448970548808575, -0.0207050908356905, -0.011263284832239151, 0.008424339815974236, 0.0025578970089554787, 0.006723818369209766, -0.004898781888186932, -0.03466501832008362, -0.00403429102152586, 0.0433170422911644, 0.00603009108453989, 0.003817278891801834, 0.016009090468287468, 0.023579612374305725, -0.01923936977982521, 0.019225139170885086, 0.013675321824848652, 0.0037639152724295855, -0.022441187873482704, -0.024746498093008995, -0.04513852298259735, -0.008004545234143734, -0.013120340183377266, -0.012914000079035759, 0.02056278847157955, 0.012892655096948147, -0.01886938326060772, 0.008580872789025307, 0.005567606072872877, -0.018115175887942314, 0.0012673863675445318, -0.02144506759941578, -0.003235615324229002, 0.006517479196190834, -0.025514934211969376, -0.007442448753863573, 0.010067939758300781, -0.00691236974671483, 0.015511030331254005, -0.008716060779988766, 0.014699903316795826, -0.03099360130727291, -0.021331224590539932, 0.030879758298397064, 0.015425648540258408, 0.04761459678411484, -0.011654618196189404, 0.0156817939132452, 0.001378560671582818, 0.024746498093008995, -0.008602218702435493, -0.011619042605161667, 0.008153963834047318, -0.006741606164723635, 0.0009409788181073964, 0.04866763949394226, -0.011924994178116322, 0.00021412159549072385, 0.008901054970920086, -0.0023693456314504147, -0.01632215827703476, -0.05176984518766403, 0.006328927353024483, 0.016407540068030357, 0.018542084842920303, -0.041011735796928406, 0.00025214318884536624, -0.02749294601380825, 0.0021558909211307764, -0.01206018216907978, 0.0016960742650553584, 0.012508437037467957, -0.02274002507328987, 0.006898139603435993, 0.026553746312856674, 0.012757467105984688, 0.01248709112405777, -0.013120340183377266, -0.017204437404870987, 0.02245541848242283, -0.0069515034556388855, -0.0003335227374918759, 0.023081552237272263, 0.006232873070985079, 0.029542110860347748, -0.022811176255345345, 0.024533042684197426, 0.0008200212614610791, -0.004948588088154793, -0.010573115199804306, -0.0066206487827003, 0.012181139551103115, 0.030965140089392662, -0.014827976003289223, -0.003699878929182887, 0.03290046006441116, -0.00034263901761732996, 0.016279466450214386, -0.015055661089718342, 0.007083133328706026, -0.010473503731191158, 0.005258097313344479, 0.023821527138352394, 0.02239849790930748, 0.006955060642212629, -0.025273019447922707, 0.01011063065379858, 0.006446327548474073, -0.016464460641145706, 0.0007003977661952376, -0.007734169717878103, 0.022128121927380562, -0.04869609698653221, 0.020420486107468605, -0.00029772461857646704, -0.00638940604403615, 0.018698617815971375, 0.01571025513112545, -0.01831440068781376, -0.01950974576175213, 0.016009090468287468, -0.030765915289521217, 0.028560219332575798, 0.016208315268158913, 0.00027237689937464893, 0.009192775934934616, 0.018086716532707214, -0.0157387163490057, -0.01908283680677414, 0.027777552604675293, -0.024846110492944717, -0.017318278551101685, -0.023764606565237045, 0.014514909125864506, 0.0002654840936884284, 0.02202850952744484, -0.0235653817653656, 0.014799515716731548, -0.003817278891801834, 0.012686315923929214, 0.006442769896239042, 0.0028015910647809505, 0.005894903093576431, -0.023551153019070625, 0.0053007882088422775, 0.007033327594399452, -0.010779455304145813, 0.025657236576080322, -0.02037779428064823, -0.0015413197688758373, -0.014408182352781296, -0.043060898780822754, -0.0018748424481600523, 0.000457148504210636, -0.0015528819058090448, 0.0013545469846576452, 0.015809867531061172, -0.012906884774565697, -0.0036429576575756073, -0.002340884879231453, -0.00031973712611943483, -0.0062257577665150166, 0.007961854338645935, 0.01206018216907978, -0.004190824460238218, -0.0023995849769562483, 0.03588882461190224, -0.019908195361495018, 0.0034828667994588614, -0.001477283425629139, 0.003395706182345748, -0.015596412122249603, -0.015055661089718342, -0.004301109351217747, 0.03270123898983002, -0.004450527485460043, -0.007534945849329233, -0.05583970993757248, -0.02024972252547741, -0.04752921313047409, -0.0156817939132452, -0.0064925760962069035, 0.016023321077227592, -0.009192775934934616, 0.021402375772595406, 0.014337031170725822, 0.03660034015774727, -0.02101815864443779, -0.007897818461060524, -0.019680509343743324, -0.023522691801190376, 0.025828000158071518, -0.0032622970174998045, 0.016393309459090233, 0.00034063789644278586, -0.025543395429849625, 0.000867603812366724, 0.01653561182320118, -0.009007781744003296, 0.006371618248522282, 0.02518763765692711, -0.00981890968978405, -0.021886207163333893, 0.0060905697755515575, 0.013113224878907204, -0.0066206487827003, -0.009982557967305183, 0.007246782071888447, -0.027464484795928, 0.007492254953831434, 0.029627492651343346, -0.021686982363462448, 0.0009712182218208909, -0.004311781842261553, 0.012181139551103115, -0.009591224603354931, -0.014102230779826641, 0.0009000666905194521, -0.019182449206709862, 0.018342861905694008, -0.02098969742655754, 0.03506346791982651, 0.0003653185849543661, 0.0024120365269482136, 0.036714181303977966, 0.004450527485460043, -0.008701830171048641, -0.012515552341938019, 0.008196654729545116, -0.013597055338323116, 0.007385527715086937, 0.02313847281038761, -0.01139847282320261, 0.00026570644695311785, -0.01215267926454544, -0.014130691066384315, -0.009256812743842602, -0.023053091019392014, -0.019282061606645584, 0.007335721515119076, -0.038336437195539474, 0.0392756387591362, 0.016407540068030357, -0.014842206612229347, 0.004994836635887623, -0.010174666531383991, -0.00024191515694838017, -0.015027200803160667, -0.004443412180989981, 0.01337648555636406, 0.0017574424855411053, -0.005549818277359009, -0.021501988172531128, -0.009641030803322792, 0.0005643204785883427, 0.002235936466604471, 0.007542060688138008, -0.004272648598998785, 0.006748721469193697, 0.21846361458301544, -0.017716728150844574, -0.014109346084296703, 0.027905624359846115, 0.00747802434489131, -0.015553721226751804, 0.024461891502141953, 0.007068903185427189, -0.015980631113052368, 0.01181115210056305, 0.01509835198521614, 0.0013874545693397522, -0.003513106144964695, 0.0036785334814339876, 0.023693455383181572, 0.003756800200790167, -0.021103540435433388, -0.030765915289521217, -0.010729649104177952, 0.011241939850151539, 0.030879758298397064, 0.007061787880957127, 0.011185018345713615, -0.030452849343419075, 0.02678143046796322, 0.0021683424711227417, 0.0008805000106804073, 0.006001630332320929, 0.017745187506079674, 0.01210287306457758, -0.0027642364148050547, 0.015966400504112244, 0.005862885154783726, 0.01294957660138607, 0.009121624752879143, -0.003226721193641424, 0.01342629175633192, -0.0053079030476510525, 0.01810094527900219, 0.002508091041818261, -0.011569236405193806, -0.002687748521566391, -0.012323442846536636, -0.030936678871512413, -0.006147491279989481, 0.014685672707855701, -0.010565999895334244, -0.006001630332320929, -0.003240951569750905, 0.00014897348592057824, -0.02202850952744484, 0.026155298575758934, 0.028759444132447243, 0.010032364167273045, -0.0033192182891070843, 0.004582157824188471, -0.009036242961883545, -0.004688885062932968, 0.015055661089718342, 0.005841539707034826, -0.03776722401380539, 0.003344121389091015, -0.008587988093495369, 0.008274921216070652, -0.020078958943486214, 0.0068625640124082565, -0.00228930008597672, 0.0067273760214447975, 0.008587988093495369, -0.019253600388765335, -0.005290115252137184, -0.011426934041082859, -0.01529757585376501, 0.0011419818038120866, -0.03446579352021217, -0.03617343306541443, 0.008203770034015179, 0.008780097588896751, 0.011953454464673996, 0.035945747047662735, 0.009669491089880466, -0.01899745501577854, -0.025785310193896294, 0.002212812192738056, -0.01514104288071394, -0.00906470324844122, 0.007221878971904516, -0.022754255682229996, -0.01635061949491501, -0.008289151825010777, 0.003913333639502525, -0.017987104132771492, -0.014728364534676075, 0.0009738864027895033, 0.008467030711472034, -0.0048418608494102955, 0.02205697074532509, 0.01948128454387188, -0.013924351893365383, -0.032445091754198074, -0.02887328527867794, 0.08435723930597305, 0.019723201170563698, 0.01040235161781311, 0.018243249505758286, 0.006563727278262377, -0.018968993797898293, 0.013739357702434063, 0.0005465325666591525, -0.008338958024978638, 0.007769745774567127, -0.059938039630651474, 0.015539491549134254, 0.007577636744827032, 0.0006034537800587714, 0.014870666898787022, 0.014159152284264565, 0.01357570942491293, 0.003578921314328909, 0.012522666715085506, -0.00516915787011385, 0.003162684850394726, 0.0054893395863473415, 0.01929629221558571, -0.02311001345515251, -0.03810875117778778, -0.0373687781393528, -0.006649109069257975, -0.03156281262636185, 0.014187612570822239, -0.0043829334899783134, -0.020121648907661438, 0.023295007646083832, -0.007392642553895712, 0.00417303666472435, -0.02587069198489189, 0.014031079597771168, -0.00038377349846996367, -0.0373118557035923, -0.0009507621289230883, 0.016194084659218788, 0.0029652395751327276, -0.015809867531061172, -0.002879857551306486, 0.012707660906016827, 0.008538181893527508, -0.007349951658397913, 0.04400009661912918, -0.017175976186990738, -0.01176846120506525, 4.911122232442722e-05, -0.01632215827703476, 0.006609975825995207, -0.007848012261092663, 0.033213529735803604, -0.006748721469193697, -0.02086162567138672, -0.023636534810066223, 0.006296909414231777, -0.010807915590703487, -0.03901949152350426, -0.002189687918871641, 0.008602218702435493, 0.0013847864465788007, -0.006382291205227375, -0.006755836773663759, -0.1843108832836151, -0.01902591623365879, 0.01629369705915451, -0.03822259604930878, 0.029172122478485107, 0.011405588127672672, 0.02749294601380825, -0.010857721790671349, -0.0167206060141325, 0.0012318106601014733, 0.003991600126028061, -0.0009418682311661541, -0.030424388125538826, -0.017446352168917656, 0.003845739411190152, 0.003813721239566803, 0.009968327358365059, -0.005172715522348881, 0.03722647204995155, 0.0011873409384861588, 0.02436227910220623, -0.03563268110156059, 0.0012344787828624249, 0.01743212155997753, 0.01746058277785778, 0.009975442662835121, -0.002757121343165636, 0.026069916784763336, 0.008630678988993168, -0.0432601235806942, -0.01969473995268345, 0.000961434852797538, 0.005233194213360548, -0.013767818920314312, 0.0012842848664149642, 0.006015860941261053, -0.0020278182346373796, 0.006307581905275583, -0.023679224774241447, 0.0226119514554739, 0.010565999895334244, 0.029399806633591652, -0.00895797647535801, 0.00974064227193594, -0.005357709247618914, 0.017972873523831367, 0.015482570044696331, -0.03179049864411354, 0.002831830410286784, -0.009655260480940342, 0.01831440068781376, -0.01761711575090885, 0.014280109666287899, -0.005023296922445297, 0.025643005967140198, 0.014429527334868908, 0.009697951376438141, -0.002842503134161234, 0.00836030300706625, 0.011042715050280094, 0.0022448303643614054, -0.010807915590703487, 0.012849964201450348, 0.0017921288963407278, 0.00539328483864665, -0.02510225586593151, -0.008146848529577255, 0.011924994178116322, -0.02810484915971756, 0.0017147515900433064, -0.008175309747457504, -0.009534303098917007, 0.0019726757891476154, -0.002367566805332899, 0.021402375772595406, 0.0216300617903471, 0.006599303334951401, 0.018883612006902695, 0.028489068150520325, -0.006464115343987942, 0.0043402425944805145, 0.018115175887942314, 0.000712849257979542, 0.01346898265182972, -0.016194084659218788, -0.007712824270129204, 0.012408824637532234, 0.040271759033203125, 0.0013349803630262613, -0.003924006130546331, 0.026254909113049507, -0.01690560020506382, -0.0027126516215503216, -0.021985819563269615, 0.01709059439599514, 0.020975466817617416, -0.010160436853766441, -0.023181164637207985, 0.00014897348592057824, -0.013561478815972805, 0.004397163633257151, 0.0026699607260525227, -0.018641697242856026, 0.0033085455652326345, 0.02187197655439377, 0.009413345716893673, -0.033241987228393555, 0.0024031423963606358, 0.03272969648241997, -0.020719321444630623, 0.002250166842713952, -0.011626157909631729, 0.006289794109761715, 0.02027818188071251, -0.013412061147391796, 0.0225834921002388, 0.014614521525800228, -0.020050497725605965, -0.004582157824188471, -0.0036820911336690187, 0.06688242405653, -0.007712824270129204, -0.010288509540259838, -0.0008097931859083474, 0.013910121284425259, -0.012330558151006699, -0.10854875296354294, -0.029542110860347748, -0.010516194626688957, 0.03845027834177017, -0.00022501667262986302, 0.01841401308774948, -0.012166909873485565, 0.032843541353940964, 0.010601576417684555, 0.04345934838056564, -0.024447660893201828, -0.007954739965498447, -0.015254884958267212, 0.017161745578050613, 0.0042050546035170555, -0.016492921859025955, 0.0103383157402277, -0.0196662787348032, -0.012750351801514626, 0.03964562714099884, 0.002148775849491358, -0.01687713898718357, 0.0008898386731743813, -0.038307975977659225, -0.009918521158397198, -0.030481310561299324, -0.009164315648376942, -0.0025347727350890636, -0.0018979667220264673, 0.02727949246764183, 0.03366889804601669, -0.015781406313180923, 0.008431455120444298, -0.016706375405192375, 0.007406873162835836, -0.03660034015774727, -0.010978679172694683, 0.00668824277818203, 0.012437284924089909, -0.015909479930996895, -0.0018766212742775679, 0.0016436000587418675, -0.014159152284264565, -0.003198260674253106, -0.012045951560139656, -0.008630678988993168, -0.0122878672555089, 0.012053066864609718, 0.009641030803322792, -0.02056278847157955, 0.0011277515441179276, -0.013077649287879467, -0.03449425473809242, -0.007253897376358509, 0.027379103004932404, -0.005386169999837875, 7.976752385729924e-05, 0.028033697977662086, -0.02773486077785492, 0.007591866888105869, -0.0035148849710822105, -0.008979321457445621, -0.0031591274309903383, 0.005805963650345802, 0.020904315635561943, 0.0177309587597847, -0.0007933393935672939, -0.008218000642955303, 0.007157842628657818, -0.017574423924088478, -0.01608024351298809, 0.04212169721722603, -0.006012303289026022, 0.0026503941044211388, -0.014443757943809032, -0.009470267221331596, 0.007997430860996246, -0.0235653817653656, 0.019338982179760933, 0.005660103168338537, -0.016777528449892998, -0.021530449390411377, 0.010551770217716694, -0.009278157725930214, 0.010701187886297703, 0.004987721331417561, -0.011569236405193806, -0.0030274970922619104, -0.0006274674669839442, -0.030481310561299324, 0.004457642324268818, 0.0205912496894598, 0.020975466817617416, -0.03301430493593216, -0.0035611335188150406, 0.023479999974370003, -0.03685648739337921, -0.012437284924089909, 0.03682802617549896, 0.005268769804388285, -0.035945747047662735, -0.005503569729626179, -0.06215796619653702, 0.02080470323562622, 0.0032160484697669744, -0.015468339435756207, -0.005208291113376617, -0.027934085577726364, 0.007762630470097065, -0.0127788120880723, 0.0011855621123686433, 0.0033743607345968485, -0.02985517680644989, -0.0013643302954733372, -0.021146230399608612, -0.03221740573644638, -0.0245757345110178, -0.01552526094019413, 0.005261654499918222, -0.014386836439371109, 0.03813721239566803, 0.010260049253702164, 0.009569878689944744, -0.013077649287879467, -0.0061261458322405815, 0.004507448524236679, -0.009576993994414806, -0.020335104316473007, -0.04397163912653923, 0.02454727329313755, -0.009135854430496693, -0.0157671757042408, -0.004165921360254288, 0.0025223211850970984, -0.002890530275180936, 0.005635200068354607, -0.004809842444956303, -0.008104157634079456, 0.0166921466588974, 0.01684867963194847, 0.036714181303977966, 0.020918546244502068, -0.032359711825847626, -0.022469649091362953, 0.009619684889912605, -0.0014612743398174644, 0.003630506107583642, -0.006691800430417061, 0.002481409115716815, -0.00398804247379303, -0.005635200068354607, 0.01092175766825676, 0.006923042703419924, -0.004044963978230953, 0.0012780590914189816, -0.039133332669734955, -0.028360994532704353, -0.009100278839468956, 0.009491612203419209, -0.0037318971008062363, 0.022569261491298676, 0.002383575774729252, 0.02221350371837616, -0.009057587943971157, 0.014799515716731548, -0.008417224511504173, 0.016464460641145706, -0.000228574252105318, -0.021501988172531128, 0.001548434840515256, -0.022099660709500313, 0.013810509815812111, -0.0027980334125459194, 0.006229315418750048, 0.014016848988831043, 0.029655952006578445, -0.010466388426721096, -0.007261012215167284, -0.005617412272840738, 0.003034612163901329, -0.012572472915053368, 0.002641499973833561, 0.0021825728472322226, -0.0313635878264904, 0.0030933122616261244, 0.010039479471743107, 0.01770249754190445, 0.014799515716731548, -0.01709059439599514, 0.010850606486201286, -0.009648146107792854, -0.01138424314558506, 0.012366133742034435, -0.004589272662997246, -0.015425648540258408, 0.0017369864508509636, 0.004898781888186932, 0.008559527806937695, -0.010139090940356255, 0.002467178972437978, 0.022014278918504715, 0.0048062847927212715, 0.012181139551103115, -0.01043081283569336, -0.008139733225107193, -0.037596460431814194, -0.013034958392381668, 0.006937272846698761, -0.0471876859664917, -0.015468339435756207, 0.026439903303980827, 0.007428218610584736, 0.00873029138892889, -0.002184351673349738, -0.00691236974671483, 0.006318254861980677, -0.0076416730880737305, 0.007862242870032787, -0.008538181893527508, -0.013248412869870663, -0.033270448446273804, 0.028517527505755424, 0.020263951271772385, 0.0004651530471164733, 0.053619783371686935, 0.007634557783603668, 0.026895273476839066, 0.015696024522185326, 0.027265261858701706, -0.01276458241045475, 0.019865503534674644, -0.001445265137590468, -0.004991278983652592, 0.007684363983571529, -0.022811176255345345, -0.009790448471903801, -0.009754872880876064, -0.005706351716071367, 0.0017832348821684718, 0.014301454648375511, 0.001341206138022244, 0.09608300775289536, 0.013995503075420856, -0.018755540251731873, 0.009050472639501095, -0.011028485372662544, -0.007079576142132282, 0.0021398819517344236, 0.0018641697242856026, -0.013511673547327518, -0.054416678845882416, 0.0024084788747131824, 0.00822511501610279, 0.004592830315232277, -0.05043219402432442, -0.006489018443971872, -0.024063443765044212, -0.010046593844890594, 0.019680509343743324, -0.01342629175633192, -0.02237003669142723, 0.029129430651664734, -0.016179855912923813, 0.0035184426233172417, 0.007161400280892849, 0.005681448616087437, 0.008829902857542038, 0.025016874074935913, 0.006207969971001148, -0.022725794464349747, -0.01296380627900362, 0.025571854785084724, 0.03179049864411354, -0.04286167398095131, 0.0012024606112390757, -0.005201175808906555, -0.022811176255345345, -0.0059980726800858974, -0.019395902752876282, 0.015027200803160667, 0.004607060924172401, -0.013682437129318714, 0.0028834152035415173, -0.009790448471903801, -0.021672751754522324, -0.0006314697093330324, 0.006421424448490143, -0.00920700654387474, -0.009690837003290653, -0.035917285829782486], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='dfce5669-53b3-4081-8fe8-c5d43f29e064', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '9', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_type': 'application/pdf', 'file_size': 885090, 'creation_date': '2024-02-25', 'last_modified_date': '2024-02-07', 'last_accessed_date': None}, hash='65d42a3919b691f6c9bd51a64df4b6228357528bdd6e303b74400e9714cc14eb')}, text='Success Rate and Latency. In the last two rows of Table 1, we explore the latency and success rate of LLMCompiler\\nin comparison to the baseline described in [57] on the Game of 24 benchmark. With the gpt-4 model, LLMCompiler\\ndemonstrates a 2.89×enhancement in latency while slightly improving the success rate compared to the baseline.\\nSimilarly, when applied with the LLaMA-2 model, LLMCompiler shows a 2.01×improvement in latency, again\\nwithout compromising on success rate. These results demonstrate not only a significant latency reduction without\\nquality degradation, but also the replanning capability of LLMCompiler for solving complex problems.\\n4.4 Application: LLMCompiler in Interactive Decision Making Tasks\\nIn this section, we demonstrate that LLMCompiler can explore language-based interactive environments effectively\\nby benchmarking LLMCompiler on WebShop [56]. More details of the WebShop environment are provided in\\nAppendix A.10. As highlighted in [45, 58, 56], WebShop exhibits considerable diversity, which requires extensive\\nexploration to purchase the most appropriate item. While recent work feature advanced exploration strategies and\\nshow promising results [62, 32], their approaches are largely based on a sequential and extensive tree search that\\nincurs significant latency penalties. Here, LLMCompiler showcases an exploration strategy that is both effective and\\nefficient with the use of parallel function calling. Our method enables broader exploration of items in the environment,\\nwhich improves success rate compared to ReAct. At the same time, this exploration can be parallelized, yielding up\\nto101.7×speedup against the baselines that perform sequential exploration.\\nExperimental Setups. We evaluate LLMCompiler against three baselines on this benchmark, ReAct [58], LATS [62],\\nand LASER [32], using 500 WebShop instructions. The evaluation metrics are success rate, average score, and latency\\n(more details in Appendix A.10). For this experiment, LLMCompiler is equipped with two tools: search and\\nexplore . The search function triggers the model to generate and dispatch a query that returns a list of typically\\nten items from the Webshop environment. The explore function then clicks through links for each of the found\\nitems and retrieves information about options, prices, attributes, and features that are available. Finally, based on\\nthe gathered information, LLMCompiler decides on the item that best matches the input instruction for purchasing.\\nFurther details on experiments can be found in Appendix A.4.\\n', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='3be68799-4672-49d8-9075-283374bd66c5', embedding=[-0.009322949685156345, 0.022206351161003113, 0.0025595214683562517, -0.047129515558481216, 0.0037642125971615314, 0.013534006662666798, -0.011946816928684711, 0.0015630597481504083, -0.03774936869740486, -0.03717740625143051, 0.015342830680310726, 0.0398942194879055, -0.021119628101587296, 0.0037677872460335493, 0.010423973202705383, 0.005562312435358763, 0.009430192410945892, 0.0030456876847893, -0.0004334385448601097, -0.006781302392482758, 0.0020822922233492136, -0.017373288050293922, -0.012018311768770218, -0.024722976610064507, -0.004679348785430193, -0.015986286103725433, 0.02087654545903206, -0.029455946758389473, 0.001315508270636201, 0.017673566937446594, 0.012125554494559765, -0.020619163289666176, -0.01750198006629944, 0.00917281024158001, -0.025723906233906746, -0.011331959627568722, 0.0051798140630126, -0.009415893815457821, 0.029513143002986908, 0.001240438548848033, 0.029570339247584343, 0.01139630563557148, 0.0083434684202075, -0.0034943188074976206, 0.014599282294511795, 0.011803827248513699, 0.003589049680158496, -0.029184265062212944, -0.03137201443314552, 0.011467800475656986, 0.01903197355568409, 0.040237393230199814, -0.010767149738967419, 0.0016059568151831627, 0.015071148984134197, 0.0027042990550398827, 0.01584329456090927, 0.010738551616668701, 0.006195043213665485, -0.011796677485108376, -0.0019071295391768217, -0.006942166015505791, -0.016515348106622696, 0.03849291801452637, 0.0028544384986162186, -0.01081719622015953, -0.01260457094758749, 0.007278192788362503, 0.00785015244036913, -0.008000291883945465, 0.004704372026026249, 0.013326670974493027, -0.001454029930755496, -0.015428624115884304, 0.03277331590652466, -0.01695861853659153, -0.0040823654271662235, 0.0012484816834330559, -0.0055372887291014194, 0.011539295315742493, 0.011582192964851856, 0.0050189499743282795, -0.00037110381526872516, 0.022077661007642746, 0.012504477985203266, -0.013112185522913933, 0.013233727775514126, 0.0018713820027187467, -0.031171826645731926, -0.004736544564366341, 0.004221780691295862, 0.015428624115884304, 0.05067566782236099, 0.0073425378650426865, -0.005405023228377104, -0.005665979813784361, -0.013033540919423103, 0.011482099071145058, -0.024966059252619743, -0.021048132330179214, 0.0032691096421331167, -0.03617647662758827, -0.03237294405698776, -0.00784300360828638, -0.0024004450533539057, 0.0006251345621421933, 0.0037141661159694195, 0.005458644591271877, 0.012611720710992813, 0.007188824005424976, -0.02689642459154129, 0.026839228346943855, -0.003878604620695114, -0.014813766814768314, -0.021234018728137016, -0.01032388024032116, 0.018817488104104996, -0.018703095614910126, 0.006792026571929455, -0.006516770459711552, 0.04158150032162666, 0.024494191631674767, 0.03740619122982025, -0.001736435224302113, 0.030599866062402725, -0.000920498336199671, -0.01028098352253437, -0.01465647853910923, -0.02778296358883381, -0.0003154717560391873, 0.007900198921561241, 0.006506046280264854, 0.002139488235116005, 0.020919442176818848, -0.02716810628771782, 0.026024185121059418, -0.0014969268813729286, 0.002834777347743511, -0.02502325549721718, -0.011975415050983429, -0.0028419268783181906, 0.003267322201281786, -0.01584329456090927, -0.009058418683707714, -0.03809254243969917, 0.009873461909592152, 0.016872823238372803, 0.016858525574207306, 0.006030604708939791, 0.006541793700307608, -0.004014445003122091, -0.03345966711640358, -0.013812837190926075, 0.028211932629346848, -0.002441554795950651, 0.0022395814303308725, -0.00634160777553916, 0.023150086402893066, -0.02942734770476818, -0.03154360130429268, 0.017087308689951897, 0.00648459792137146, 0.009723322466015816, 0.00442196661606431, 0.01645815186202526, 0.023192983120679855, 0.02302139438688755, 0.0024272557348012924, 0.0020662059541791677, -0.017945248633623123, 0.015314232558012009, 0.023393169045448303, -0.018560105934739113, 0.014699375256896019, 0.009680424816906452, 0.004382644314318895, 0.01714450493454933, -0.0064559997990727425, 0.0045756809413433075, -0.01425610575824976, 0.010524066165089607, -0.0036891428753733635, 0.013147933408617973, 0.007060132920742035, -0.013097886927425861, -0.021048132330179214, 0.019403746351599693, 0.012161302380263805, 0.010402524843811989, -0.0124687310308218, 0.0060949502512812614, 0.04355476424098015, 0.0036176478024572134, -0.025309234857559204, -0.6323590874671936, -0.015028252266347408, 0.004593554884195328, -0.021305514499545097, -0.003238724311813712, 0.002221707720309496, 0.0038178337272256613, -0.005061847157776356, -0.018545806407928467, 0.02160579338669777, 0.006631162483245134, -0.007106604520231485, 0.010545514523983002, -0.009401594288647175, -0.01914636604487896, -0.030742855742573738, 0.004586405120790005, 0.005233434960246086, 0.013147933408617973, 0.016100676730275154, -0.027883056551218033, -0.003648033132776618, -0.007120903581380844, -0.01768786646425724, -0.015056850388646126, 0.027883056551218033, 0.026524649932980537, -0.004951030015945435, -0.0010045049712061882, 0.01544292364269495, 0.0012735049240291119, 0.015714604407548904, -0.004007295705378056, -0.009315800853073597, 0.040466178208589554, -0.007110179401934147, -0.012032611295580864, 0.012375786900520325, 0.012189900502562523, 0.03480377420783043, -0.033974431455135345, -0.014284703880548477, 0.004797315690666437, 0.00942304264754057, -0.020090099424123764, 0.0018222292419523, 0.013483960181474686, 0.019289355725049973, -0.026024185121059418, -0.01544292364269495, -0.0064631495624780655, 0.0015550166135653853, 0.004253953229635954, -0.00027034053346142173, 0.0165010504424572, 0.011517846956849098, 0.03380284458398819, -0.028140438720583916, -0.0039000532124191523, 0.004722245968878269, -0.01078144833445549, -0.003083222545683384, 0.0034210365265607834, -0.03131481632590294, -0.03345966711640358, -0.0009129020036198199, 0.02367914840579033, 0.014670777134597301, -0.013977275229990482, -0.015914790332317352, 0.0008275547879748046, 0.014635029248893261, 0.009773368947207928, 0.00483306311070919, -0.004725820384919643, -0.0030260265339165926, 0.012483029626309872, -0.003142205998301506, -0.0032369368709623814, 0.035661712288856506, 0.021748783066868782, -0.021391307935118675, -0.008579402230679989, -0.014492039568722248, 0.016057780012488365, -0.0004039468476548791, 0.004972478374838829, -0.0022503056097775698, 0.009601780213415623, 0.01677273027598858, 0.005165515001863241, 0.023550458252429962, -0.03977982699871063, -0.04189607873558998, 0.013884332031011581, 0.01122471783310175, 0.0007618687814101577, 0.005294206086546183, 0.016758430749177933, -0.03137201443314552, -0.01880318857729435, -0.015786100178956985, 0.04095234349370003, 0.001472797361202538, 0.02006150223314762, 0.024851666763424873, -0.02862660400569439, 0.0028329899068921804, -0.0047079469077289104, -0.02279261127114296, -0.02425110898911953, -0.0019089168636128306, 0.0023629101924598217, -0.02705371379852295, 0.026767734438180923, -0.029098471626639366, 0.015871893614530563, -0.004568531643599272, -0.0014039833331480622, 0.004700797144323587, 0.004225355572998524, -0.012483029626309872, 0.024880265817046165, 0.006566817406564951, -0.003079647896811366, 0.008994072675704956, 0.01691571995615959, 0.007188824005424976, 0.004615003243088722, 0.0189890768378973, -0.0006059202714823186, 0.0037284649442881346, 0.034088823944330215, -0.012590272352099419, 0.009008372202515602, 0.010731401853263378, 0.031086033210158348, -0.017430484294891357, 0.010524066165089607, -0.021777382120490074, -0.028026046231389046, 0.015071148984134197, -0.004253953229635954, -0.0027293222956359386, -0.03792095556855202, -0.025380730628967285, -0.007506976835429668, 0.02117682434618473, -0.00383213278837502, 0.017173102125525475, -0.010288132354617119, -0.007935946807265282, -0.013884332031011581, 0.003892903681844473, -0.01750198006629944, -0.012947747483849525, -0.009194258600473404, -0.03895048424601555, -0.012561674229800701, -0.0033084319438785315, 0.007106604520231485, 0.011789527721703053, -0.013877182267606258, 0.011982564814388752, -0.01825982704758644, -0.011389155872166157, -0.01147495023906231, 0.03626227006316185, -0.04544223099946976, -0.02931295707821846, 0.003499680897220969, -0.02224924974143505, 0.020919442176818848, 0.022306444123387337, -0.01300494372844696, -0.012776159681379795, -0.005726750940084457, 0.011374857276678085, 0.015514418482780457, -0.008179029449820518, 0.008050338365137577, 0.042839813977479935, 0.011975415050983429, -0.012575972825288773, 0.023049993440508842, 0.036233674734830856, 0.015199840068817139, -0.004622152540832758, -0.017745062708854675, 0.024222511798143387, -0.0037499135360121727, 0.03334527462720871, -0.01499965414404869, 0.004757993388921022, -0.029913514852523804, -0.0041574351489543915, -0.0019571760203689337, -0.004329023417085409, -0.0035533022601157427, 0.002210983308032155, -0.0068063256330788136, -0.003853581380099058, 0.0008762608049437404, -0.021133925765752792, -0.015628810971975327, -0.015514418482780457, 0.019889913499355316, -0.029141368344426155, -0.006448850501328707, 0.01745908334851265, 0.010738551616668701, 0.010431122966110706, -0.035547323524951935, -0.0010670630726963282, 0.0068813953548669815, 0.024394098669290543, -0.004407667554914951, 0.01903197355568409, 0.0024594285059720278, -0.02229214645922184, 0.01060986053198576, -0.011832425370812416, 0.003442484885454178, -0.016558244824409485, 0.006559667643159628, 0.014956757426261902, -0.012790458276867867, 0.00903697032481432, -0.007081581279635429, -0.010924438014626503, -0.025738205760717392, -0.0019821992609649897, 0.030485475435853004, 0.011188969947397709, 0.03243013843894005, 0.014105966314673424, 0.024236809462308884, 0.003732039825990796, 0.027268199250102043, -0.0015943387988954782, 0.012840504758059978, -0.00813613273203373, -0.010738551616668701, -0.029942112043499947, 0.01568600721657276, -0.012947747483849525, 0.037206005305051804, 0.009365847334265709, -0.015871893614530563, 0.014341900125145912, -0.02336457185447216, 0.03197257220745087, -0.004110963549464941, 0.010852943174540997, 0.023450365290045738, -0.00185350829269737, 0.0025327110197395086, 0.021963268518447876, 0.019732624292373657, 0.023235879838466644, -0.0034710830077528954, 0.017173102125525475, 0.02589549496769905, 0.00813613273203373, 0.0017346477834507823, -0.013040690682828426, -0.002859800588339567, -0.004529209341853857, 0.01814543455839157, -0.010288132354617119, -0.0021913221571594477, -0.007499827072024345, -0.00044416278251446784, -0.03331667557358742, 0.018588703125715256, 0.017158804461359978, -0.003083222545683384, 0.02482306957244873, 0.017158804461359978, 0.006795601453632116, 1.3293604752107058e-05, -0.04692932963371277, 0.03749198466539383, 0.003785660956054926, -0.007442631293088198, -0.017173102125525475, -0.012425833381712437, -0.0045828307047486305, 0.0032601726707071066, 0.02044757455587387, -0.005415747407823801, 0.015471521764993668, 0.01688712276518345, 0.0214914008975029, 0.002493388717994094, -0.007070857100188732, 0.027840159833431244, 8.538906513422262e-06, 0.003971548285335302, -0.007281767204403877, -0.0022520930506289005, 0.006792026571929455, -0.026067081838846207, -0.02270681783556938, 0.04647175967693329, -0.006202192511409521, -0.025609513744711876, -0.030571268871426582, 0.009151361882686615, -0.005951960105448961, 0.023779241368174553, 0.016086379066109657, 0.011918218806385994, -0.010845793411135674, 0.006992212496697903, 0.005158365238457918, -0.01139630563557148, -0.005108318757265806, 0.003392438404262066, 0.025738205760717392, -0.0010947674745693803, -0.009115614928305149, 0.002075142925605178, 0.012861953116953373, 0.03200116753578186, 0.026810631155967712, 0.016529647633433342, -0.0011457076761871576, -0.009444491937756538, -0.012583122588694096, -0.008186179213225842, -0.014170312322676182, 0.008722391910851002, -0.0032262124586850405, 0.004103813786059618, -0.01346966065466404, 0.0038249832578003407, -0.008086086250841618, 0.03909347578883171, -0.007142351940274239, 0.009137063287198544, -0.025766802951693535, 0.000188009551493451, -0.012840504758059978, 0.015400025993585587, 0.005333528388291597, 0.01339101605117321, 0.0012422258732840419, -0.0024129566736519337, -0.011482099071145058, 0.03077145479619503, 0.006677634548395872, 0.0027311095036566257, -0.033288080245256424, -0.00018532849207986146, 0.009944956749677658, -0.007231720723211765, 0.03154360130429268, 0.00058045017067343, 0.008071787655353546, 0.005376425106078386, -0.021748783066868782, 0.02440839819610119, 0.013905780389904976, 0.009737621061503887, 0.023736344650387764, 0.015271334908902645, 0.004043043125420809, 0.02716810628771782, -0.035089753568172455, 0.008722391910851002, 0.02006150223314762, -0.0038392823189496994, -0.02160579338669777, -0.00653106952086091, -0.022735415026545525, -0.03466078266501427, 0.016143575310707092, -0.013448212295770645, 0.007921647280454636, -0.015285634435713291, -0.007149501703679562, -0.011246166191995144, -0.020819349214434624, 0.00901552103459835, -0.017559176310896873, 0.025380730628967285, -0.004361195955425501, -0.007985993288457394, -0.0031904650386422873, -0.02297849766910076, -0.015828996896743774, -0.025037555024027824, 0.009444491937756538, -0.006674059666693211, -0.0030224518850445747, -0.047129515558481216, -0.012483029626309872, 0.0010402525076642632, 0.0026220798026770353, 0.015786100178956985, 0.0020411827135831118, -0.029398750513792038, 0.01684422604739666, -0.015643108636140823, -0.011703734286129475, -0.0030850099865347147, -0.03563311696052551, 0.0038857541512697935, -0.019203560426831245, -0.011725182645022869, -0.014320451766252518, -0.017487680539488792, -0.016358058899641037, 0.00015170348342508078, -0.026453156024217606, -0.0006760747637599707, -0.015128345228731632, 0.003070710925385356, 0.00709945522248745, 0.02270681783556938, 0.02819763496518135, 0.014034471474587917, -0.00584114296361804, 0.0071459268219769, -0.03131481632590294, -0.004933156073093414, -0.009873461909592152, -0.01114607322961092, -0.000448631210019812, 0.003964398521929979, 0.005079720634967089, 0.002700724173337221, -0.019203560426831245, 0.03131481632590294, -0.009837714023888111, 0.006784876808524132, 0.0022628172300755978, 0.028526511043310165, 0.01358405314385891, 0.004836637992411852, 0.0011197907151654363, 0.0180310420691967, 0.002332524862140417, -0.017945248633623123, -0.02053336799144745, 0.022077661007642746, 0.001246694358997047, 0.0028919733595103025, 0.017787959426641464, 0.011753780767321587, -0.003757063066586852, -0.020290285348892212, 0.008622298948466778, 0.00020722382760141045, 0.020976638421416283, 0.006792026571929455, -0.013998723588883877, -0.01226139534264803, -0.026610445231199265, -0.01948954164981842, 0.015400025993585587, -0.006945740897208452, -0.012340039946138859, -0.020433275029063225, 0.009809115901589394, -0.009773368947207928, 0.007900198921561241, 0.014320451766252518, -0.01857440546154976, -0.017201701179146767, 0.02160579338669777, -0.007621368858963251, 0.014928159303963184, -0.010037899948656559, 0.01657254435122013, -0.05213416367769241, -0.02459428459405899, -0.03303069621324539, -0.014492039568722248, 0.006638312246650457, -0.003660544753074646, 0.020590564236044884, 0.025223441421985626, 0.05874030292034149, -0.01417746115475893, 0.010538365691900253, 0.00903697032481432, 0.002847288968041539, -0.0029652558732777834, 0.011482099071145058, -0.006506046280264854, -0.0033120065927505493, -0.004704372026026249, -0.0008927939925342798, -0.005251308903098106, 0.011660836637020111, 0.008607999421656132, -0.010116544552147388, 0.0368342325091362, -0.01444914285093546, 0.012318591587245464, -0.01795954816043377, -0.02053336799144745, 0.009515986777842045, -0.006452424917370081, 0.0078001064248383045, 0.004454139620065689, -0.040666364133358, -0.011324810795485973, 0.03772076964378357, -0.005955534987151623, 0.004672199487686157, 0.018703095614910126, 0.01122471783310175, -0.017859455198049545, 0.018774591386318207, 0.008021741174161434, 0.010910139419138432, -0.02812613919377327, -0.023321673274040222, -0.043640557676553726, -0.00030564118060283363, -0.02598128840327263, -0.01511404663324356, 0.011131773702800274, -0.00437549501657486, -0.006313009653240442, -0.00045689783291891217, 0.00870809331536293, -0.010202338919043541, -0.0008927939925342798, -0.007246019784361124, -0.008457859978079796, 0.0077429101802408695, -0.021577196195721626, -0.007067282218486071, -0.00785015244036913, -0.027411188930273056, 0.009387295693159103, -0.007657116279006004, 0.017945248633623123, -0.029069872573018074, -0.013262324966490269, 0.03594769537448883, 0.016744133085012436, 0.040923748165369034, -0.006148571148514748, 0.021691586822271347, 0.019432345405220985, 0.025795402005314827, 0.001062594703398645, -0.020461874082684517, 0.01185387372970581, -0.010266683995723724, 0.002207408659160137, 0.037463389337062836, -0.018731694668531418, -0.0020447573624551296, 0.010230937041342258, 0.003363840514793992, -0.021991867572069168, -0.051819588989019394, 0.014699375256896019, -0.002151999855414033, 0.01768786646425724, -0.04435550794005394, -0.012769009917974472, -0.020476171746850014, 0.006920717656612396, -0.012561674229800701, 0.009222856722772121, 0.020504770800471306, -0.009022670798003674, 0.001524631166830659, 0.028111839666962624, 0.007971694692969322, 0.020890843123197556, -0.01136055774986744, -0.014241807162761688, 0.014299003407359123, -0.004186033271253109, 0.0003521129547152668, 0.0172731950879097, 0.011889620684087276, 0.017773661762475967, -0.010445421561598778, 0.019775521010160446, -0.007428332231938839, -0.009108465164899826, -0.012804756872355938, 0.005312079563736916, 0.007210272364318371, 0.03011370077729225, -0.006366631016135216, -0.008586551062762737, 0.036090683192014694, 0.0026971495244652033, 0.01780225895345211, -0.008743840269744396, 0.002076930133625865, -0.00830772053450346, 0.005587335675954819, 0.026524649932980537, 0.020304584875702858, 0.0010697441175580025, -0.026181474328041077, 0.006581116002053022, 0.006870671175420284, -0.028026046231389046, 0.009144212119281292, 0.0003118969907518476, 0.02172018587589264, -0.04861661046743393, 0.026081381365656853, -0.0005094019579701126, -0.00920855812728405, 0.012046909891068935, 0.004404093138873577, -0.013183681294322014, -0.01983271725475788, 0.017816558480262756, -0.04538503661751747, 0.01830272376537323, 0.0012288205325603485, 0.0036891428753733635, -0.014349049888551235, 0.01711590588092804, -0.023922232910990715, -0.023764943704009056, 0.026138577610254288, -0.015528717078268528, -0.011339109390974045, -0.01960393413901329, 0.008014591410756111, 0.0020179469138383865, 0.030027907341718674, -0.01627226546406746, 0.01964683085680008, -0.010674205608665943, 0.014685075730085373, -0.013383867219090462, -0.00755702331662178, 0.010159441269934177, -0.016543947160243988, 0.0073425378650426865, 0.007657116279006004, -0.02252092957496643, 0.027025116607546806, -0.009322949685156345, -0.005791096482425928, -0.011274764314293861, -0.03457498922944069, 0.002432617824524641, -0.0014719036407768726, 0.00429685041308403, -0.007124478463083506, 0.009844863787293434, -0.008722391910851002, -0.004754418507218361, -0.003315581241622567, -0.001432581339031458, 0.005329953506588936, 0.007835853844881058, 0.023464664816856384, -0.013698444701731205, -0.01795954816043377, 0.026910724118351936, -0.019889913499355316, -0.0034031628165394068, 0.008100384846329689, -0.001800780650228262, -0.014091667719185352, -0.010366776958107948, 0.003539003198966384, 0.03111463040113449, 0.010638458654284477, -0.02470867708325386, -0.05084725469350815, -0.023049993440508842, -0.04647175967693329, -0.007878750562667847, -0.01918926276266575, 0.026996517553925514, 0.0036373089533299208, 0.016515348106622696, 0.003279833821579814, 0.03022809326648712, -0.025123348459601402, 0.0002795008185785264, -0.020704956725239754, -0.024179615080356598, 0.0207192562520504, -0.009608929976820946, 0.0020376078318804502, -0.00191606639418751, -0.023235879838466644, -0.009137063287198544, 0.013462511822581291, -0.008086086250841618, 0.009716172702610493, 0.02202046476304531, -0.004718671087175608, -0.011339109390974045, -8.27219701022841e-05, 0.019518138840794563, -0.003539003198966384, -0.015828996896743774, 0.011010232381522655, -0.04009440541267395, -0.0018874683883041143, 0.03177238628268242, -0.020547667518258095, 0.003574750851839781, -0.0025255614891648293, 0.025180544704198837, -0.006573966704308987, -0.015671707689762115, -0.0007484634406864643, -0.01857440546154976, 0.00990206003189087, -0.015571614727377892, 0.04315439239144325, 0.005826843902468681, 0.0001582944387337193, 0.03257312998175621, 0.009873461909592152, -0.01153214555233717, -0.005215561483055353, 0.009280052967369556, -0.005033249035477638, 0.014427694492042065, 0.022578125819563866, -0.004271827172487974, 0.006427401676774025, -0.004868810530751944, -0.00402874406427145, -0.006434551440179348, -0.02103383280336857, -0.012268545106053352, 0.0044183917343616486, -0.03640526160597801, 0.0285837072879076, 0.014785169623792171, -0.016543947160243988, 0.003803534898906946, 0.0003740082902368158, 0.0034925315994769335, -0.019475242123007774, -0.003953674342483282, 0.02306429110467434, -0.010974484495818615, -0.010874391533434391, -0.00957318302243948, -0.0237935408949852, -0.0059376610442996025, 0.005169089417904615, 0.00626296317204833, -0.013283774256706238, 0.003939375281333923, 0.22226370871067047, -0.01139630563557148, -0.00991635862737894, 0.04555662348866463, 0.009394445456564426, -0.005919787101447582, 0.016143575310707092, 0.004336172714829445, -0.027797261252999306, 0.015714604407548904, 0.017101608216762543, 0.003363840514793992, -0.003279833821579814, -0.0010053986916318536, 0.021705886349081993, 0.016358058899641037, -0.016443854197859764, -0.04215346276760101, -0.008722391910851002, 0.02099093608558178, 0.03365985304117203, 0.011846723966300488, 0.012289993464946747, -0.03617647662758827, 0.015099747106432915, 0.005111893638968468, 0.002346823923289776, 0.0024969633668661118, 0.01153214555233717, 0.021191122010350227, 0.0007515913457609713, 0.010159441269934177, 0.0009571395348757505, 0.003092159517109394, -0.0004354493285063654, 0.00855795294046402, 0.0028562259394675493, -0.012811906635761261, 0.007435481529682875, 0.012904849834740162, -0.005390724167227745, -0.0031493555288761854, -0.00646672397851944, -0.034746576100587845, -0.009887760505080223, 0.012869102880358696, -0.005340677686035633, 0.004732970148324966, -0.006102099549025297, 0.010724252089858055, -0.02270681783556938, 0.0118967704474926, 0.029098471626639366, 0.014499189332127571, -0.009272903203964233, 0.00716380076482892, -0.003612285712733865, -0.002675700932741165, 0.01688712276518345, 0.01412026584148407, -0.025809699669480324, 0.012518777512013912, -0.008836783468723297, 0.017516279593110085, -0.020018603652715683, 0.004514910280704498, -0.01135340891778469, 0.013962976634502411, 0.01148924883455038, -0.008479309268295765, -0.012997793965041637, -0.012668916955590248, -0.027039414271712303, 0.004178883507847786, -0.029098471626639366, -0.037434790283441544, 0.012382936663925648, 0.0045828307047486305, 0.022849807515740395, 0.04569961503148079, 0.024851666763424873, -0.023607654497027397, -0.01665833778679371, 0.009873461909592152, -0.017358990386128426, -0.01971832476556301, 0.0098806107416749, -0.007188824005424976, 0.0068241991102695465, 0.0004260656132828444, 0.002961680991575122, -0.02774006687104702, -0.012997793965041637, 0.0005411279271356761, 0.0046829236671328545, -0.015271334908902645, 0.008414963260293007, 0.012919149361550808, -0.024008026346564293, -0.02340746857225895, -0.028526511043310165, 0.07996002584695816, 0.0245513878762722, 0.007253169547766447, 0.018474312499165535, 0.010087946429848671, -0.007406883407384157, 0.008815335109829903, 0.008157581090927124, -0.008793886750936508, 0.004336172714829445, -0.04747268930077553, 0.016215069219470024, 0.014613580889999866, 0.0029670430812984705, 0.022964198142290115, 0.011539295315742493, 0.004951030015945435, 0.021076731383800507, 0.017859455198049545, 0.00218774750828743, 0.013126485049724579, -0.0018821062985807657, 0.00766426557675004, -0.015357129275798798, -0.03537573292851448, -0.03303069621324539, -0.010552664287388325, -0.03826413303613663, 0.007657116279006004, 0.0021680863574147224, -0.018231229856610298, 0.022435136139392853, -0.011982564814388752, -0.009372996166348457, -0.021863175556063652, 0.016172172501683235, -0.007260318845510483, -0.04192467778921127, -0.008393514901399612, 0.015414325520396233, 0.009365847334265709, -0.003183315508067608, -0.013855733908712864, 0.010402524843811989, 0.00999500323086977, -0.002874099649488926, 0.03354546055197716, -0.021348411217331886, -0.026152877137064934, -0.006541793700307608, -0.006770577747374773, -0.00042226744699291885, 0.0072889169678092, 0.032630324363708496, -0.005108318757265806, -0.022077661007642746, -0.02060486376285553, 0.0067491293884813786, 0.00383213278837502, -0.04178168624639511, -0.003442484885454178, 0.007750059477984905, 0.00892257783561945, -0.009773368947207928, -0.015214139595627785, -0.18588703870773315, -0.013319521211087704, 0.023421766236424446, -0.03714881092309952, 0.019475242123007774, -0.005194112658500671, 0.029827719554305077, -0.02010439895093441, -0.01657254435122013, -0.0017784384544938803, 0.01980412006378174, 0.01504255086183548, -0.0330021008849144, -0.014148863963782787, -0.004979627672582865, -0.013233727775514126, -0.001683707581833005, -0.0008825166150927544, 0.03128621727228165, 0.007024385500699282, 0.029398750513792038, -0.04332597926259041, 0.008979774080216885, 0.012490179389715195, 0.021005235612392426, 0.0050368239171803, -0.0023897208739072084, 0.016057780012488365, 0.003031388623639941, -0.055394336581230164, -0.02988491579890251, 0.01795954816043377, 0.00621649157255888, -0.017602073028683662, -0.0004490780702326447, 0.013526856899261475, 0.01279760804027319, -0.0008043189300224185, -0.024050923064351082, 0.009151361882686615, 0.016143575310707092, 0.01581469736993313, 0.007052983157336712, 0.0002314651064807549, -0.00660971412435174, 0.017773661762475967, 0.00875099003314972, -0.01511404663324356, 0.005683853756636381, -0.008121834136545658, 0.022034764289855957, -0.01761637255549431, 0.00809323601424694, 0.0054443455301225185, 0.025681009516119957, 0.012990644201636314, 0.025080451741814613, -0.004618578124791384, 0.0011090664193034172, 0.002014372032135725, 0.00584114296361804, -0.008493607863783836, 0.0141989104449749, 0.006506046280264854, -0.0051011694595217705, -0.024651480838656425, -0.007735760882496834, 0.0007734866812825203, -0.030628465116024017, 0.012740411795675755, -0.003967973403632641, -0.0040251691825687885, -0.007010086439549923, -0.007092305459082127, 0.010409674607217312, 0.013962976634502411, -0.001976837171241641, 0.024494191631674767, 0.025838298723101616, -0.0015845082234591246, 0.0018079301808029413, 0.017015812918543816, -0.008086086250841618, 0.004514910280704498, -0.016443854197859764, -0.0012547374935820699, 0.022764012217521667, 0.028340624645352364, -0.011410604231059551, -0.020204491913318634, 0.03197257220745087, -0.010188039392232895, -0.012811906635761261, -0.007928797043859959, 0.015514418482780457, 0.011882471852004528, 0.0060913753695786, -0.016100676730275154, 0.0030188770033419132, -0.018045341596007347, 0.009759069420397282, -0.006280837114900351, -0.02259242534637451, 0.0009589269175194204, 0.011710883118212223, 0.0161149762570858, -0.03940805420279503, 0.009723322466015816, 0.021891774609684944, -0.014184610918164253, -0.0018392092315480113, -0.008372066542506218, 0.011839574202895164, 0.0142918536439538, -0.031715188175439835, 0.028154736384749413, 0.006009155884385109, -0.018288424238562584, 0.008607999421656132, -0.018159734085202217, 0.055737514048814774, 0.0015326744178310037, -0.007835853844881058, 0.0042396546341478825, 0.01818833127617836, -0.028226232156157494, -0.108958400785923, -0.040265992283821106, 0.004446989856660366, 0.030256690457463264, 0.004307574592530727, 0.011796677485108376, -0.0019821992609649897, 0.03368845209479332, -0.000647476757876575, 0.03394583240151405, -0.007149501703679562, -0.021477103233337402, -0.011260464787483215, 0.009022670798003674, 0.009222856722772121, -0.014320451766252518, 0.007671415340155363, -0.0285837072879076, -0.006498896982520819, 0.040694963186979294, -0.00138879066798836, -0.014434843324124813, 0.014670777134597301, -0.030685661360621452, -0.004103813786059618, -0.02598128840327263, -0.010752850212156773, 0.001524631166830659, -0.0003704335540533066, 0.03122902289032936, 0.03663404658436775, -0.018560105934739113, 0.008186179213225842, -0.016715534031391144, 0.008686644025146961, -0.027325395494699478, -0.03245873749256134, -0.006652611307799816, 0.015414325520396233, -0.009658976458013058, -0.0032065515406429768, 0.0034442723263055086, -0.023464664816856384, 0.00010176868818234652, -0.030971640720963478, -0.012819056399166584, -0.0018517208518460393, 0.024765873327851295, 0.006227215752005577, -0.02083364687860012, -0.001068850513547659, -0.019275056198239326, -0.030943043529987335, -0.004043043125420809, 0.023264478892087936, -0.007707162760198116, 0.004972478374838829, 0.0283978208899498, -0.02869809977710247, 0.005612358916550875, -0.005111893638968468, -0.01584329456090927, -0.013769939541816711, 0.015056850388646126, 0.022535229101777077, 0.016901422291994095, 0.0011394518660381436, -0.0214914008975029, 0.004461288917809725, -0.018931880593299866, -0.01173948124051094, 0.039579641073942184, -0.004243229050189257, 0.019232159480452538, -0.01791665144264698, -0.011303361505270004, 0.016987215727567673, -0.026753434911370277, 0.012940597720444202, 0.007657116279006004, -0.015857594087719917, -0.013541155494749546, 0.009294351562857628, 0.013076438568532467, -0.0032619601115584373, 0.009794817306101322, -0.006166445091366768, -0.00842211302369833, 0.004454139620065689, -0.021305514499545097, -0.0039751227013766766, 0.030170897021889687, 0.007628518156707287, -0.023650551214814186, -0.004218205809593201, 0.0345177948474884, -0.03998001292347908, -0.0037642125971615314, 0.03892188519239426, 0.001658684341236949, -0.03769217059016228, -0.0140058733522892, -0.0590834803879261, 0.007678564637899399, 0.009065567515790462, -0.005758923478424549, -0.007714312057942152, -0.019675428047776222, 0.014127414673566818, -0.012204199098050594, -0.004400518257170916, -0.0021216145250946283, -0.031200425699353218, -0.00887968111783266, -0.012046909891068935, -0.02466578036546707, -0.021005235612392426, -0.025223441421985626, 0.007821554318070412, -0.016486750915646553, 0.027025116607546806, 0.0086294487118721, 0.005440770648419857, -0.013705594465136528, -0.0069314418360590935, -0.0002580523141659796, -0.023950830101966858, -0.016243668273091316, -0.03932225704193115, 0.02222065068781376, -0.008693793788552284, -0.022349342703819275, -0.002822265727445483, -0.0015925514744594693, 0.002700724173337221, -0.001951813930645585, -0.0010867242235690355, 0.0015094385016709566, 0.015786100178956985, 0.0098806107416749, 0.03680563345551491, 0.014134564436972141, -0.03368845209479332, -0.028869686648249626, 0.007757209241390228, -0.025452226400375366, 0.011782378889620304, -0.014885262586176395, 0.004303999710828066, 0.0012690365547314286, 0.0037284649442881346, 0.03019949421286583, 0.00884393323212862, 0.0008981561404652894, -0.00464360136538744, -0.04252523556351662, -0.02528063766658306, -0.01131766103208065, -0.00014109094627201557, -0.004068066366016865, 0.02233504317700863, -0.013669846579432487, 0.0291556678712368, -0.0051798140630126, 0.0025827575009316206, -0.00039076493703760207, 0.02646745555102825, -0.0029026975389569998, -0.035432931035757065, 0.004872385412454605, -0.020304584875702858, 0.0012690365547314286, -0.011996863409876823, 0.005630232393741608, 0.02117682434618473, 0.029513143002986908, 0.0022377939894795418, -0.007607069797813892, 0.009201408363878727, 0.0042396546341478825, -0.013290923088788986, 0.0121827507391572, 0.012804756872355938, -0.03560451790690422, -0.0002618504804559052, 0.006548943463712931, 0.008164730854332447, 0.0051011694595217705, -0.007156651001423597, 0.0034442723263055086, -0.024065222591161728, -0.010238085873425007, 0.005065422039479017, 0.00481518916785717, -0.01761637255549431, 0.004979627672582865, 0.002529136138036847, 0.021877475082874298, -0.00298312958329916, -0.007031534798443317, 0.021276917308568954, 0.001524631166830659, 0.002454066416248679, -0.007313940208405256, -0.0019446644000709057, -0.026681939139962196, -0.005783946719020605, 0.01239723525941372, -0.05282051861286163, -0.018617302179336548, 0.03360265865921974, -0.0040001459419727325, 0.01498535554856062, -0.00949453841894865, -0.009723322466015816, 0.013326670974493027, -0.005483667831867933, 0.019174963235855103, -0.018731694668531418, -0.03388863801956177, -0.03180098161101341, 0.02746838517487049, 0.02106243185698986, -0.0045828307047486305, 0.04547083005309105, 0.001817760756239295, 0.032973501831293106, 0.002650677692145109, 0.02828342840075493, -0.011103175580501556, 0.011038830503821373, 0.0016005946090444922, -0.012332890182733536, 0.0016595780616626143, -0.02985631860792637, -0.018159734085202217, -0.0010786810889840126, -0.010109394788742065, -0.0064309765584766865, 0.022149154916405678, -0.015185541473329067, 0.10009302198886871, 0.010652757249772549, -0.02210625819861889, 0.01139630563557148, -0.009358697570860386, 0.00784300360828638, -0.0004530996666289866, 0.004318298771977425, -0.01581469736993313, -0.034860968589782715, 0.0011492823250591755, 0.008329168893396854, 0.012647468596696854, -0.031028836965560913, 7.322653254959732e-05, -0.022163454443216324, -0.00928720273077488, 0.015056850388646126, -0.010967335663735867, -0.009816265664994717, 0.04807324707508087, -0.021477103233337402, -0.0008338105981238186, 0.004875959828495979, -0.014756571501493454, 0.00014622964954469353, 0.03457498922944069, 0.014441993087530136, 0.004253953229635954, -0.02325017936527729, 0.01953243836760521, 0.036205075681209564, -0.036319468170404434, -0.012225647456943989, -0.00689569441601634, -0.01714450493454933, 0.002958106342703104, -0.021005235612392426, 0.014592132531106472, 0.010967335663735867, 0.0007466760580427945, 0.008572252467274666, -0.005951960105448961, -0.02409381978213787, 0.00012142981722718105, -0.008908279240131378, -0.007750059477984905, -0.0040001459419727325, -0.0345177948474884], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='dfce5669-53b3-4081-8fe8-c5d43f29e064', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '9', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_type': 'application/pdf', 'file_size': 885090, 'creation_date': '2024-02-25', 'last_modified_date': '2024-02-07', 'last_accessed_date': None}, hash='65d42a3919b691f6c9bd51a64df4b6228357528bdd6e303b74400e9714cc14eb')}, text='Performance and Latency. Our approach significantly outperforms all baseline models as shown in Table 3. When\\nusing gpt-3.5-turbo, LLMCompiler achieves a 25.7 %and 7.5 %improvement in success rate against ReAct and\\nLATS; with gpt-4, our method improves upon ReAct and LASER by 17.6 %and 2.8 %, respectively. In terms of latency,\\nLLMCompiler exhibits a 101.7×and2.69×speedup against LATS and LASER. While we note that LLMCompiler\\nexecution is slightly slower than ReAct on this benchmark, mainly due to the Planner overhead, we also highlight that\\nthe gains in success rate far outweigh the minor latency penalty.\\nWe further delve into why LLMCompiler attains such an improved success rate and score compared to ReAct.\\nBased on our observations, we discover that the ReAct agent tends to commit to a decision with imperfect information,\\na scenario that can arise when the agent has not gathered sufficient details about the features and options available for\\nitems. This observation was also noted in [45] – without exploring more items in the environment, the agent strug-\\ngles to differentiate between seemingly similar choices, ultimately failing to make the correct decision. In contrast,\\nLLMCompiler undergoes further exploration by visiting all ten items found by search and retrieving relevant in-\\nformation about each item. We find that employing an effective search strategy is critical to decision-making tasks\\nsuch as the WebShop benchmark.\\nThe relatively high performance of LATS can also be explained in terms of its exploration scheme. In this frame-\\nwork, the agent executes a brute-force search through the state and action space of Webshop, exploring as many as 30\\ntrajectories before making the final purchase. While this approach provides richer information for decision-making,\\nthe end-to-end execution becomes prohibitively slow.\\nFinally, we report that the average scores of both LATS and LASER fall within the range of standard deviation of\\nour method’s. The average score estimates with standard deviation for LLMCompiler are72.1±4.01 and75.0±\\n1.43 for gpt-3.5-turbo and gpt-4, respectively. Further note that while the performance differences are marginal, our\\nmethod exhibits significant execution speedup, 101.7×over LATS and 2.69×over LASER.\\n', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='098584bf-93e3-4f67-b099-297ae5e30e66', embedding=[0.014445400796830654, -0.0014934545615687966, 0.0019756618421524763, -0.012981433421373367, -0.0031222046818584204, 0.027544783428311348, -0.02166116237640381, -0.0034777892287820578, -0.0319991298019886, -0.021730544045567513, 0.006861912086606026, 0.018927499651908875, -0.008596470579504967, -0.003430956043303013, -0.01104566641151905, 0.02166116237640381, 0.015402876771986485, 0.0019895383156836033, -0.0006495920242741704, -0.011434207670390606, -0.011344010941684246, -0.0055575245060026646, 0.0016460956539958715, -0.010934654623270035, -0.013009185902774334, -0.008978073485195637, 0.0040415204130113125, 0.009096022695302963, 0.021536273881793022, -0.03863207995891571, 0.03163834288716316, -0.007576549891382456, -0.01085139624774456, 0.00608136085793376, -0.02089795656502247, 0.0070006768219172955, 0.02184155583381653, -0.004301704466342926, -0.006542753428220749, -0.011489713564515114, 0.014806188642978668, 0.007500229403376579, -0.013952786102890968, 0.01445927657186985, -0.026309778913855553, 0.028224730864167213, -0.009089085273444653, -0.024769490584731102, -0.02338184416294098, 0.00661213556304574, 0.021758297458291054, 0.030861258506774902, -0.01730395294725895, -0.020120874047279358, -0.011892130598425865, 0.014861694537103176, 0.00029314032872207463, 0.010795890353620052, -0.0015376858646050096, -0.0036009426694363356, -0.002060655038803816, -0.014681300148367882, -0.0013980538351461291, 0.013467109762132168, -0.006067484617233276, 0.012225165963172913, -0.003219339996576309, 0.005276525858789682, 0.014181748032569885, -0.000575873302295804, 0.028405124321579933, 0.03652285784482956, -0.004728405736386776, -0.03158283606171608, 0.013078568503260612, -0.03571802377700806, -0.014514782465994358, -0.01425112970173359, 0.003361573675647378, 0.004978181794285774, -0.0007896575843915343, -0.019177274778485298, -0.02432544343173504, 0.0056303758174180984, -0.0026590777561068535, 0.008624223060905933, -0.0013772392412647605, 0.011559095233678818, -0.00218727788887918, -0.009831476025283337, 0.019746210426092148, 0.015597146935760975, 0.025199661031365395, 0.010782013647258282, -0.031471822410821915, 0.00970658753067255, -0.03707791492342949, 0.025560449808835983, 0.013675256632268429, -0.03943691402673721, 0.004548011347651482, -0.017539851367473602, -0.03194362297654152, -0.011572971940040588, -0.0029157924000173807, -0.019815592095255852, 0.013980538584291935, -0.015611023642122746, 0.010677940212190151, 0.006657234393060207, -0.022299479693174362, 0.03577352687716484, 0.010303275659680367, -0.0212864987552166, 0.010511422529816628, -0.017775751650333405, 0.026948096230626106, -0.0034014685079455376, -0.0031013900879770517, -0.033941835165023804, 0.007118626963347197, 0.006178496405482292, 0.028807541355490685, -0.00940824393182993, 0.012308425270020962, 0.004079680889844894, -0.002237580018118024, -0.015666529536247253, -0.012509633786976337, -0.002270536730065942, 0.022313356399536133, 0.009935549460351467, 0.04182366654276848, 0.012273733504116535, -0.0037501147016882896, 0.017609234899282455, -0.02167503908276558, 0.00017074556672014296, -0.006608666852116585, -0.01748434640467167, 0.01036571990698576, 0.035107456147670746, 0.005737918429076672, 0.005120415706187487, -0.009401305578649044, 0.006064015440642834, 0.014681300148367882, 0.027281131595373154, -0.0038992867339402437, -0.0069902692921459675, -0.007368403021246195, -0.02071756310760975, 0.01826142892241478, 0.017539851367473602, -0.0077985734678804874, 0.004898392129689455, 0.006716209463775158, -0.0011664903722703457, -0.007416970562189817, 0.0063554211519658566, -7.702522270847112e-05, -0.00690354174003005, 0.01292592752724886, -0.03141631931066513, 0.005918312352150679, 0.01075426023453474, 0.02757253684103489, -0.006965985521674156, 0.014292759820818901, 0.013952786102890968, -0.01785901188850403, 0.033220257610082626, -0.020259639248251915, 0.029529118910431862, 0.008200990967452526, -0.006997207645326853, 0.010476731695234776, 0.007597364950925112, -0.03008417785167694, -0.0155138885602355, -0.03183261305093765, 0.024103419855237007, 0.015680406242609024, 0.030361706390976906, -0.04015849158167839, -0.0016218118835240602, 0.02207745611667633, -0.02604612521827221, -6.650946306763217e-05, -0.022160714492201805, 0.01694316416978836, 0.013730762526392937, 0.014681300148367882, 0.0021838087122887373, -0.6896048188209534, 0.013349159620702267, 0.010414287447929382, -0.0038715337868779898, 0.005786485970020294, 0.023076562210917473, 0.02150852046906948, -0.01530574169009924, -0.010462854988873005, 0.0063658286817371845, -0.007819388061761856, -0.007548797409981489, -0.0077361296862363815, -0.029945412650704384, -0.0167350172996521, 0.008742173202335835, -0.0035627824254333973, -0.020259639248251915, -0.01254432462155819, 0.005408352240920067, 0.00419069267809391, 0.008506272919476032, 0.003042415017262101, -0.01425112970173359, 0.012717780657112598, -0.011829686351120472, 0.021772174164652824, -0.0024075666442513466, -0.00866585224866867, 0.010337966494262218, -0.025740843266248703, 0.016401981934905052, 0.021564027294516563, -0.010553051717579365, 0.029806647449731827, -0.020981214940547943, -0.024589097127318382, 0.05175921693444252, 0.004291296936571598, 0.03297048062086105, 0.008887875825166702, -0.007472476456314325, 0.013446294702589512, -0.0013633627677336335, -0.007285144180059433, 0.018358564004302025, 0.023673249408602715, 0.003361573675647378, 0.01636035181581974, -0.016221588477492332, 0.009331922978162766, 0.0052487729117274284, -0.005536709912121296, 0.016318723559379578, 0.003302598837763071, 0.01057386677712202, 0.022577010095119476, -0.002790904138237238, -0.005234896671026945, 0.005356315523386002, -0.01416093297302723, -0.013175703585147858, -0.024117296561598778, -0.006251347716897726, -0.009200096130371094, 0.015472259372472763, -0.029390353709459305, -0.0062027801759541035, 0.0365506112575531, -0.005335500929504633, 0.0036946088075637817, 0.02397853136062622, -0.013925032690167427, -0.002256660256534815, 0.023534486070275307, 0.00765287084504962, 0.025171907618641853, -0.03133305907249451, -0.017970021814107895, -0.0014414178440347314, 0.009484563954174519, -0.029556870460510254, -0.014362141489982605, 0.005210612900555134, 0.03222115337848663, 0.01008819043636322, -0.016457488760352135, -0.009949426166713238, 0.019662952050566673, 0.013418542221188545, 0.010879148729145527, 0.004554949700832367, -0.0030580260790884495, -0.03482992947101593, 0.016457488760352135, -0.00012976663128938526, -0.001431877724826336, -0.00866585224866867, -0.0013026532251387835, -0.0346079058945179, -0.0046139247715473175, 0.008298126049339771, 0.036411844193935394, -0.005408352240920067, 0.016859905794262886, 0.019732333719730377, -0.011607663705945015, 0.008423014543950558, 0.037549715489149094, -0.026198767125606537, 0.0006955578573979437, -0.0006708403816446662, -0.00972046423703432, 0.00010374825797043741, 0.024436455219984055, -0.024505838751792908, 0.0003406238683965057, 0.022105209529399872, 0.015486135147511959, -0.013099383562803268, 0.02304880879819393, -0.00608136085793376, 0.0272117480635643, -0.00818017590790987, 0.009949426166713238, 0.017040299251675606, 0.0015966608189046383, -0.009734340943396091, -0.019718457013368607, -0.008013659156858921, 0.011281566694378853, 0.010268584825098515, 0.006941701751202345, -0.005196736194193363, 0.009782908484339714, 0.022216221317648888, 0.013286715373396873, -0.002126568229869008, 0.0015524295158684254, -0.02778068371117115, -0.017983898520469666, 0.003389326622709632, -0.007666747085750103, -0.01379320677369833, 0.00951231736689806, -0.008291187696158886, 0.001182101434096694, -0.006206249352544546, -0.005262649618089199, -0.004974713083356619, -0.013286715373396873, 0.005675474181771278, 0.005835053510963917, 0.0042045689187943935, 0.00765287084504962, -0.0025654116179794073, -0.014514782465994358, -0.01577754132449627, -0.008776864036917686, -0.008298126049339771, 0.02267414517700672, 0.0290850717574358, -0.03202688321471214, -0.012037834152579308, -0.008305064402520657, -0.012017019093036652, 0.017956146970391273, 0.017983898520469666, -0.010150634683668613, 0.0008278178866021335, 0.011649292893707752, -0.03707791492342949, -0.011052604764699936, -0.002317369682714343, -0.022008074447512627, 0.021175486966967583, -0.02950136549770832, 0.018192045390605927, -0.005051033571362495, -0.007076997309923172, 0.004787380341440439, -0.003458708990365267, -0.041351865977048874, 0.008062226697802544, 0.03557925671339035, 0.01805328205227852, 0.017054175958037376, 0.010969345457851887, -0.009540069848299026, 0.013085506856441498, -0.017206817865371704, 0.006539284251630306, -0.01577754132449627, 0.008464643731713295, 0.005658128764480352, 0.005141230300068855, 0.007722252979874611, -0.015472259372472763, -0.0025602078530937433, 0.00876298826187849, 0.012551262974739075, -0.007111688610166311, 0.01598568819463253, -0.011635416187345982, 0.005547116976231337, -0.014792311936616898, 0.02508864924311638, 0.0035974737256765366, 0.019177274778485298, 0.004933083429932594, -0.010698755271732807, -0.011815810576081276, -0.0005715369479730725, -0.017845135182142258, 0.006608666852116585, 0.013966662809252739, 0.004731874912977219, 0.015319617465138435, -0.010636311024427414, 0.0014500906690955162, -0.01370994746685028, 0.0011144536547362804, 0.014653547666966915, 0.00864503812044859, -0.0026486702263355255, 0.015874676406383514, 0.026226520538330078, 0.013911156915128231, -0.011017913930118084, -0.012141907587647438, -0.003944385331124067, -0.0005346775869838893, -0.004180285148322582, 0.004561888054013252, 0.001829958870075643, 0.0018542426405474544, 0.025643708184361458, -0.0005520231206901371, 0.018372440710663795, 0.009304170496761799, 0.00723657663911581, 0.013453233055770397, 0.012585953809320927, -0.026726072654128075, 0.004471690859645605, -0.020106999203562737, 0.02780843712389469, -0.01045591663569212, 0.017539851367473602, -0.00044751600944437087, -0.004600048065185547, -0.018608340993523598, 0.013390788808465004, 0.010698755271732807, 0.0011855704942718148, -0.015638776123523712, -0.013862589374184608, -0.004350272007286549, 0.007680623792111874, 0.04204569011926651, 0.01597181148827076, 0.001913217711262405, 0.005661597941070795, -0.0037917441222816706, 0.013723824173212051, 0.00603626249358058, -0.013945847749710083, -0.010039622895419598, -0.005085724405944347, -0.0017605765024200082, -0.008485458791255951, 0.012155783362686634, 0.00949844066053629, -0.008901752531528473, 0.023659372702240944, -0.007396155968308449, 0.005342439282685518, 0.011947636492550373, 0.007416970562189817, -0.0023520609829574823, 3.5666853364091367e-05, -0.023090438917279243, 0.025546573102474213, 0.010233893059194088, -0.029640130698680878, -0.00819405261427164, -0.004711059853434563, -0.016443612053990364, 0.00542569812387228, 0.0167350172996521, 0.009699649177491665, 0.03080575354397297, 0.00328351859934628, -0.002877631923183799, -0.0011638884898275137, -0.019662952050566673, 0.032831717282533646, -0.032054636627435684, -0.0015012600924819708, 0.002038105856627226, -0.004565357230603695, 0.0004264845047146082, -0.0022063578944653273, -0.02814147248864174, 0.023506732657551765, -0.0040345825254917145, -0.0077985734678804874, -0.03804926946759224, -0.016318723559379578, -0.0014327450189739466, 0.003909694030880928, 0.015277988277375698, -0.005914843175560236, 0.00685497373342514, -0.003607881022617221, 0.00650806212797761, -0.015194729901850224, -0.011482775211334229, 0.02186930924654007, -0.005578339099884033, -0.005318155512213707, -0.02894630655646324, -0.01749822311103344, -0.009089085273444653, 0.05006628856062889, 0.04562581703066826, 0.004169878084212542, 2.821367343130987e-05, -0.0014613652601838112, -0.0023208388593047857, -0.030583729967474937, -0.008214867673814297, 0.010379595682024956, -0.027475401759147644, -0.014778435230255127, -0.01634647697210312, 0.02166116237640381, 0.013161827810108662, -0.005418759770691395, 0.0075349207036197186, -0.003784806001931429, -0.016512993723154068, 0.00970658753067255, -0.004738812800496817, -0.005845461040735245, -0.0002911889459937811, 0.008145485073328018, 0.02610163204371929, -0.011857439763844013, -0.02417280338704586, 0.018941374495625496, 0.015652652829885483, 0.02284066192805767, -0.01920502819120884, -0.004298235289752483, -0.003189852461218834, 0.0069902692921459675, 0.020648181438446045, -0.013918095268309116, 0.03136081248521805, 0.012683089822530746, -0.026906466111540794, 0.00969271082431078, -0.0010086456313729286, 0.025241291150450706, 0.02471398562192917, -0.005162045359611511, -0.009331922978162766, 0.01652687042951584, -0.020079245790839195, -0.023909149691462517, 0.02739214338362217, 0.001528145745396614, -0.024658478796482086, 0.020786944776773453, 0.003347697202116251, -0.023451225832104683, -0.019510310143232346, -0.001719814375974238, 0.007916523143649101, 0.012377806939184666, 0.0028446754440665245, -0.009651081636548042, -0.012329239398241043, -0.01998211070895195, -0.018011651933193207, -0.010886087082326412, 0.019357670098543167, 0.008991949260234833, -0.04926145076751709, -0.02832186594605446, -0.0073545267805457115, -0.002832533558830619, -0.011468898504972458, -0.00409702630713582, -0.02073143981397152, -0.01942705176770687, -0.012218227609992027, 0.03269295394420624, 0.011552157811820507, 0.03804926946759224, -0.006303384434431791, 0.005744856782257557, -0.0035593134816735983, 0.016998670995235443, -0.018497329205274582, 0.007583488244563341, 0.001528145745396614, 0.0011413393076509237, 0.009068270213901997, 0.01255820132791996, -0.016818275675177574, -0.014598041772842407, 0.01691541075706482, 0.01398747693747282, -0.011170554906129837, 0.025976743549108505, -0.017942270264029503, -0.0006621675565838814, -0.010220016352832317, 0.004912268836051226, 0.008950320072472095, 0.012655336409807205, 0.004978181794285774, 0.0025879608001559973, -0.016457488760352135, -0.00826343521475792, -0.01179499551653862, 0.009595575742423534, -0.009644143283367157, 0.010497545823454857, 0.027114612981677055, -0.0052140820771455765, 0.00023112987400963902, 0.018511204048991203, -0.00790958572179079, 0.011919884011149406, -0.002920995932072401, -0.009658019989728928, 0.036078810691833496, -0.0012801039265468717, -0.0007770820520818233, -0.0015801824629306793, 0.0032384200021624565, 0.0025341894943267107, -0.002109222812578082, 0.0035974737256765366, 0.027628041803836823, -0.0035905353724956512, 0.0006829822668805718, -0.0009132449049502611, -0.0015680405776947737, 0.00016228959430009127, 0.034358128905296326, 0.014764559455215931, 0.03657836467027664, -0.015000458806753159, -0.015597146935760975, -0.03180485963821411, -0.004953898023813963, 0.00028728620964102447, 0.028099842369556427, -0.00533203175291419, -0.0017033361364156008, 0.010129819624125957, 0.0019999456126242876, -0.0038333735428750515, -0.023104315623641014, -0.029612377285957336, -0.029612377285957336, -0.014570288360118866, 0.013820959255099297, -0.004773504100739956, -0.001218527089804411, -0.02511640265583992, 3.352575731696561e-05, -0.021786050871014595, -0.01619383506476879, 0.008270373567938805, -0.03041721135377884, -0.008298126049339771, -0.006626012269407511, 0.025060895830392838, 0.008443829603493214, 0.025435561314225197, 0.002957421587780118, -0.014320512302219868, -0.0003774832293856889, -0.01921890489757061, 0.003895817557349801, 0.01370301004499197, 0.010684878565371037, -0.026934219524264336, 0.014639670960605145, 0.032443176954984665, 0.012509633786976337, -0.00408661924302578, 0.00864503812044859, 0.0018195515731349587, 0.022590884938836098, -0.004520258400589228, -0.0018733228789642453, -0.026906466111540794, -0.009873105213046074, 0.0016929287230595946, -0.014931077137589455, -0.01598568819463253, 0.0017519037937745452, -0.022105209529399872, 0.010220016352832317, 0.017456592991948128, 0.00999799370765686, -0.005859337747097015, -0.020689809694886208, 0.020856328308582306, -0.008756049908697605, 0.01455641258507967, 0.004600048065185547, -0.011073419824242592, -0.005831584800034761, -0.0018594464054331183, -0.03635634109377861, -0.00542569812387228, 0.010351843200623989, -0.006584382615983486, -0.004381494130939245, -0.0027197871822863817, -0.0033182098995894194, -0.02266026847064495, -0.0008876601350493729, -0.01409155037254095, -0.03122204728424549, 0.003288722364231944, -0.012877359986305237, 0.0044404687359929085, -0.01522248238325119, -0.005491611082106829, -0.02549106627702713, -0.0026902996469289064, 0.004752689506858587, -0.028446754440665245, 0.005356315523386002, -0.007645932491868734, -0.003965199925005436, 0.01388340350240469, 0.0025480659678578377, 0.0167350172996521, 0.011933760717511177, 0.03383082151412964, 0.01264839805662632, -0.005345908459275961, -0.011593786999583244, 0.010532237589359283, 0.0009895653929561377, -0.01579141803085804, 0.031277552247047424, 0.009762093424797058, -0.0019166867714375257, -0.003878472140058875, -0.01494495291262865, -0.004728405736386776, -0.00727126793935895, -0.029418107122182846, 0.01938542164862156, 0.02224397473037243, 0.01303000096231699, -0.00301813124679029, -0.02471398562192917, -0.025449438020586967, 0.003418814158067107, -0.014376018196344376, 0.009505379013717175, 0.0018924030009657145, -0.005096131935715675, -0.019898852333426476, 0.005325093399733305, -0.0069451709277927876, 0.021175486966967583, 0.005692820064723492, 0.00047960533993318677, 0.002594898920506239, -0.025602078065276146, -0.004870639182627201, 0.003037211252376437, 0.009775970131158829, 0.02889080159366131, 0.0011196573032066226, 0.01615220494568348, -0.006032793316990137, -0.022216221317648888, -0.016693387180566788, -0.005724042188376188, 0.010830581188201904, 0.029529118910431862, -0.006938232574611902, -0.010795890353620052, 0.0010719569399952888, 0.008707482367753983, 0.011746427975594997, -0.008395261131227016, 0.011996204033493996, -0.021411385387182236, -0.01998211070895195, 0.004332926124334335, 0.01455641258507967, 0.002450930653139949, -0.019884975627064705, -0.001279236632399261, -0.015638776123523712, -0.019704580307006836, -0.004117840901017189, -0.026198767125606537, 0.009366613812744617, -0.0002909721224568784, -0.030694741755723953, 0.004364148247987032, 0.00046225974801927805, 0.019746210426092148, 0.011628477834165096, -0.001091037061996758, 0.02832186594605446, 0.03599555045366287, -0.012169660069048405, 0.009394367225468159, 0.02661506086587906, -0.0007436918094754219, -0.020106999203562737, 0.022354986518621445, -0.010629372671246529, -0.02816922403872013, 0.017928393557667732, 0.0002675555879250169, -0.020648181438446045, 0.009713525883853436, 0.011531342752277851, 0.006882726680487394, 0.010247769765555859, -0.010712631046772003, -0.002563677029684186, 0.004249667748808861, 0.00556446285918355, -0.027919448912143707, -0.014764559455215931, 0.02969563566148281, -0.0015055964468047023, 0.006296446081250906, 0.028613271191716194, -0.011461960151791573, -0.015902429819107056, -0.008478520438075066, 0.01494495291262865, -0.0005346775869838893, -0.02489437907934189, -0.020009862259030342, -0.018358564004302025, 0.03297048062086105, -0.008693605661392212, -0.02260476164519787, -0.0024318506475538015, -0.009359675459563732, -0.03485768288373947, 0.0028915083967149258, 0.005675474181771278, -0.020620428025722504, -0.011829686351120472, 0.02889080159366131, 0.01330753043293953, 0.007285144180059433, -0.035884540528059006, -0.02679545432329178, 0.015180853195488453, -0.008811555802822113, -0.0006977260345593095, -0.004336395300924778, -0.027239501476287842, 0.024977637454867363, -0.005123884882777929, -0.0011621540179476142, -0.020578797906637192, -0.008388323709368706, -0.04026950150728226, -0.01151746604591608, -0.00027210882399231195, 0.017387211322784424, 0.0016244137659668922, 0.008416076190769672, -0.013758515007793903, 0.007083935663104057, 0.010206140577793121, 0.028474507853388786, -0.036883644759655, -0.01397360023111105, 0.006806406192481518, -0.011156678199768066, 0.012856544926762581, 0.002508171135559678, -0.015389000065624714, -0.014362141489982605, 0.02242436818778515, 0.026004496961832047, 0.00044578145025298, -0.00018440521671436727, 0.005581808276474476, 0.009082146920263767, -0.016290970146656036, -0.0024543998297303915, 0.013092445209622383, 0.009588637389242649, 0.027628041803836823, -0.02869652956724167, -0.005210612900555134, -0.012794100679457188, 0.009824537672102451, -0.008013659156858921, -0.015333494171500206, -0.009567823261022568, -0.01264839805662632, 0.01388340350240469, -0.004083150066435337, -0.005123884882777929, 0.005536709912121296, -0.026517925783991814, 0.01790064014494419, 0.010442039929330349, 0.010018807835876942, 0.02246599830687046, 0.019094016402959824, 0.014584165066480637, -0.0157636646181345, -0.024256061762571335, -0.009699649177491665, 0.0016460956539958715, 0.016110576689243317, -0.015874676406383514, 0.01245412789285183, -0.002071062568575144, -0.002953952644020319, -0.01845569908618927, 0.00969271082431078, 0.0012055179104208946, 0.006525408010929823, 0.01616608165204525, 0.024478085339069366, -0.00524183502420783, -0.013959724456071854, 0.008728296495974064, -0.026212643831968307, -0.022729650139808655, 0.011649292893707752, -0.015916306525468826, 0.006886195857077837, 0.011191369034349918, -0.024880502372980118, 0.0016096699982881546, -0.0044057779014110565, -0.018358564004302025, 0.005078786518424749, 0.014174809679389, -0.0008967665489763021, 0.012121092528104782, 0.2144746482372284, 0.015680406242609024, -0.007666747085750103, 0.042545244097709656, 0.006501124240458012, -0.008547903038561344, 0.02361774444580078, 0.012100277468562126, 0.0019895383156836033, 0.021730544045567513, -0.00023741765471640974, -0.010206140577793121, -0.01923278160393238, 3.447434210102074e-05, 0.015888553112745285, -0.003944385331124067, -0.03885410353541374, -0.02357611432671547, -0.03430262207984924, -0.011566033586859703, -0.0040345825254917145, -0.0037362382281571627, 0.010775075294077396, -0.01579141803085804, 0.031527329236269, 0.03713342174887657, -0.003743176581338048, 0.024200554937124252, 0.04126860946416855, 0.009623329155147076, -0.019884975627064705, -0.0036980779841542244, -0.008964196778833866, -0.006743962410837412, 0.015361247584223747, 0.031666092574596405, 0.0009852290386334062, 0.004058866295963526, -0.011635416187345982, 0.012509633786976337, -0.019635198637843132, -0.007729191333055496, 0.0012228635605424643, -0.007340650074183941, -0.007632055785506964, 0.03219339996576309, -0.001309591461904347, -0.00845770537853241, -0.00025693143834359944, 0.0065462226048111916, -0.02642079070210457, 0.0032488275319337845, 0.037743985652923584, 0.006532345898449421, 0.007430847268551588, -0.004228852689266205, 0.026184890419244766, -0.012509633786976337, -0.029445860534906387, -0.0068445666693151, 0.011864378117024899, 0.030889011919498444, -0.017845135182142258, 0.004298235289752483, -0.018039405345916748, 0.023312462493777275, -0.030111929401755333, -0.005075317341834307, -0.005547116976231337, -0.025713089853525162, -0.013480986468493938, 0.005710165482014418, -0.014958829618990421, 0.026920342817902565, -0.04193468019366264, -0.036078810691833496, 0.03646735101938248, 0.009970240294933319, 0.022146839648485184, 0.020675932988524437, -0.009394367225468159, -0.0005598286516033113, 0.0033216788433492184, 0.011843563057482243, -0.018969127908349037, -0.036217574030160904, 0.018927499651908875, -0.015069841407239437, -0.004901861306279898, 0.014958829618990421, -0.006719678174704313, -0.003933977801352739, 0.0019565816037356853, -0.006646826863288879, 0.013265901245176792, 0.008409137837588787, 0.012391683645546436, 0.028085965663194656, 0.0027943733148276806, -0.0075904265977442265, 0.011489713564515114, 0.028238607570528984, 0.017761874943971634, -0.016624005511403084, -0.008707482367753983, 0.020287392660975456, -0.004409247078001499, -0.030139682814478874, -0.004159470554441214, -0.023534486070275307, -0.012620645575225353, -0.011461960151791573, 0.012912050820887089, 0.012516572140157223, 0.0044057779014110565, 0.01370301004499197, 0.0016469629481434822, 0.0019340324215590954, 0.022313356399536133, 0.0021387103479355574, -0.0027284601237624884, -0.03480217605829239, 0.00838138535618782, -0.005977287422865629, -0.004964305553585291, -0.020648181438446045, -0.025824101641774178, 0.006449087522923946, 0.01845569908618927, -0.033581044524908066, -0.010337966494262218, -0.0008573053637519479, 0.012128030881285667, 0.00036642540362663567, -0.01160072535276413, 0.006379704922437668, -0.0014934545615687966, -0.015125347301363945, -0.029723389074206352, -0.0015264111571013927, -0.0044057779014110565, -0.02191093936562538, 0.00765287084504962, 0.01275247149169445, 0.008894814178347588, -0.029640130698680878, 0.025060895830392838, -0.009817599318921566, -0.003854188369587064, -0.012537386268377304, -0.020467786118388176, 0.009186220355331898, -0.01581917144358158, -0.0005208011134527624, 0.025199661031365395, -0.006504592951387167, -0.020065369084477425, -0.020884079858660698, -0.010372658260166645, -0.010025746189057827, -0.028349619358778, -0.006424803286790848, 0.03538498654961586, 0.01103178970515728, -0.03341452777385712, 0.007174132391810417, -0.18217024207115173, 0.014306635595858097, 0.004766565747559071, -0.03918713703751564, 0.007805511821061373, 0.00798590574413538, 0.018927499651908875, -0.014681300148367882, -0.0061646196991205215, -0.00039482879219576716, 0.0005880152457393706, -0.00013150119048077613, -0.022521503269672394, 0.005082255229353905, -0.018705476075410843, -0.009227849543094635, 0.0028255952056497335, -0.001392850186675787, 0.010657125152647495, 0.007312897127121687, 0.04049152508378029, -0.003455239813774824, -0.010199202224612236, -0.01219047512859106, -0.005207143723964691, 0.014195623807609081, 0.004378024954348803, -0.000949670618865639, 0.008568717166781425, -0.015930181369185448, -0.02547719143331051, -0.015430629253387451, 0.011850501410663128, -0.006861912086606026, 0.011753366328775883, 0.0011031789472326636, -0.0075349207036197186, 0.010587743483483791, -0.0027423363644629717, 0.03716117516160011, 0.00328351859934628, 0.02130037359893322, 0.004738812800496817, 0.010025746189057827, -0.030722495168447495, 0.02646241895854473, 0.008131608366966248, -0.0031447538640350103, -0.00693476339802146, -0.030889011919498444, 0.0015706424601376057, -0.015930181369185448, 0.035856787115335464, 0.0331370010972023, 0.005831584800034761, 0.0289185531437397, 0.003743176581338048, 0.025199661031365395, -0.006671110633760691, -0.006168088875710964, -0.014861694537103176, -0.016290970146656036, 0.011947636492550373, -0.022910043597221375, -0.00894338171929121, -0.015347370877861977, -0.019094016402959824, -0.001334742526523769, -0.023312462493777275, 0.0027874349616467953, -0.003084044437855482, -0.04038051515817642, 0.021008968353271484, -0.017831258475780487, -0.005814238917082548, 0.019135646522045135, -0.007430847268551588, 0.007007615175098181, 0.00979678425937891, -0.012884298339486122, -0.011024851351976395, 0.05372967571020126, -0.010782013647258282, -0.005873213987797499, -0.004575764294713736, -0.0038056205958127975, 0.009463749825954437, -0.0030961863230913877, -0.013918095268309116, -0.032637447118759155, 0.019080139696598053, -0.03269295394420624, -0.0042045689187943935, -0.0075626736506819725, 0.005179390776902437, 0.00789570901542902, 0.01808103360235691, -0.005016342271119356, -0.0262403953820467, -0.001973927253857255, -0.002652139402925968, 0.003347697202116251, -0.021536273881793022, 0.018802611157298088, 0.008832369931042194, -0.022535379976034164, 0.015347370877861977, -0.01046979334205389, 0.00827731192111969, -0.0034014685079455376, -0.009068270213901997, 0.008534026332199574, -0.008804617449641228, 0.0035402332432568073, 0.011004037223756313, -0.009394367225468159, 0.015402876771986485, 0.0008629427175037563, 0.01171867549419403, -0.02013475075364113, 0.030722495168447495, -0.029418107122182846, -0.007569612003862858, -0.00243011605925858, -0.013446294702589512, -0.022119086235761642, -0.1370994746685028, -0.018580587580800056, 0.00275794742628932, 0.039880961179733276, -0.016082823276519775, 0.03405284509062767, 0.010899963788688183, 0.004430061671882868, -0.01255820132791996, 0.03843780979514122, -0.009678835049271584, -0.023090438917279243, 0.0023832828737795353, -0.00894338171929121, 0.004169878084212542, -0.0007458600448444486, 0.0023416534531861544, -0.04088006541132927, -0.008922567591071129, 0.021425262093544006, 0.020231885835528374, 0.0034292214550077915, 0.00838138535618782, -0.019288286566734314, 0.010185325518250465, -0.005623437464237213, -0.00243011605925858, 0.013522615656256676, 0.017581481486558914, 0.0034864619374275208, 0.009595575742423534, -0.02204970270395279, 0.004169878084212542, -0.028002707287669182, -0.00760430283844471, 0.004551480524241924, -0.017276199534535408, -0.004790849518030882, 0.018580587580800056, -0.008950320072472095, 0.037216681987047195, 0.017761874943971634, -0.009442934766411781, -0.025615954771637917, 0.0017146107275038958, -0.01637422852218151, -0.01132319588214159, 0.00760430283844471, -0.008214867673814297, -0.025754719972610474, -0.014195623807609081, 0.0005693687126040459, -0.014306635595858097, -0.0014943218557164073, 0.017442716285586357, -0.02056492120027542, 0.00685497373342514, 0.0028880394529551268, -0.009762093424797058, 0.004887985065579414, -0.0015862534055486321, -0.0045861718244850636, 0.013439356349408627, 0.02665669098496437, 0.004076211713254452, -0.001913217711262405, -0.014105427078902721, 0.011552157811820507, 0.013550368137657642, -0.0065635680221021175, -0.00399295287206769, 0.0033598390873521566, -0.022729650139808655, 0.0011890396708622575, -0.014376018196344376, 0.012620645575225353, -0.03771623224020004, -0.0040137674659490585, 0.012329239398241043, -0.007500229403376579, 0.0018871993524953723, -0.011010975576937199, 0.017359457910060883, -0.0024543998297303915, 0.023714879527688026, 0.009366613812744617, 0.003937446977943182, -0.012849606573581696, 0.000488711753860116, -0.00204851315356791, 0.019316039979457855, 0.02266026847064495, 0.020620428025722504, -0.0060015711933374405, -0.012932865880429745, -0.0028030460234731436, 0.005665067117661238, -0.012606768868863583, 0.0052140820771455765, 0.003816027892753482, -0.022771280258893967, -0.011635416187345982, -0.06438679993152618, 0.029945412650704384, -0.0014613652601838112, 0.005672005470842123, 0.0007415236323140562, 0.015402876771986485, -0.011010975576937199, -0.016665635630488396, -0.008929505944252014, 0.011406454257667065, -0.024811120703816414, -0.0028672246262431145, 0.006376235745847225, 0.0012991840485483408, -0.02773905359208584, -0.03144406899809837, 0.015097594819962978, -0.007708376739174128, -0.0033182098995894194, 3.1249150197254494e-05, 0.0077985734678804874, 0.014972706325352192, 9.507546928944066e-05, 0.00495042884722352, -0.0038992867339402437, 0.004079680889844894, -0.003325148019939661, 0.0014292759587988257, -0.006518469657748938, -0.0016790523659437895, 0.025074772536754608, -0.017789628356695175, -0.000805702293291688, 0.027697425335645676, 0.004384962841868401, -0.001954847015440464, -0.003982545342296362, 0.00014331786951515824, 0.011968451552093029, -0.0017900640377774835, -0.019926603883504868, -0.05120415613055229, -0.006976393051445484, -0.0002716751769185066, 0.00737534137442708, -0.006268693134188652, -0.013106321915984154, 0.017068052664399147, 0.007777758873999119, -0.0055748699232935905, 0.01999598741531372, 0.0019721926655620337, -0.007125564850866795, 0.0017675147391855717, -0.003028538543730974, -0.028585519641637802, 0.009817599318921566, 0.005730980075895786, 0.000302463595289737, -0.0155138885602355, 0.02336796745657921, 0.0008603408350609243, 0.03424711525440216, -0.003982545342296362, 0.019302163273096085, -0.00032262783497571945, -0.006615604739636183, -0.009186220355331898, 0.0037223617546260357, -7.529066351708025e-05, -0.020023738965392113, 0.005727510899305344, 0.02413117326796055, 0.03219339996576309, 0.012093340046703815, -0.0024179741740226746, -0.013585059903562069, 0.002749274717643857, 0.011663169600069523, 0.01475068274885416, 0.023548360913991928, 0.011205245740711689, -0.03402509167790413, 0.006227063946425915, 0.015916306525468826, 0.003432690631598234, -0.008513211272656918, -0.0008772527799010277, -0.005502018611878157, 0.018538957461714745, -0.02683708444237709, 0.011295442469418049, -0.013127136044204235, -0.013272839598357677, 0.007729191333055496, 0.010497545823454857, -0.01809491030871868, -0.000607529014814645, 0.014237253926694393, 0.02853001281619072, -0.0011604194296523929, 0.0029938474763184786, -0.02093958668410778, -0.016679512336850166, 0.00399295287206769, 0.005456920247524977, -0.016818275675177574, -0.027877818793058395, 0.013800145126879215, -0.002934872405603528, 0.00835363194346428, 0.013855651021003723, -0.010671001859009266, 0.018969127908349037, -0.004981650970876217, -0.0018056750996038318, 0.0012740329839289188, -0.006490716710686684, -0.07093649357557297, 0.022590884938836098, -0.020703686401247978, 0.011455021798610687, 0.011475836858153343, -0.008124670945107937, 0.017206817865371704, -0.028585519641637802, 0.028779789805412292, -0.031138788908720016, 0.010303275659680367, 0.000111445362563245, 0.0008841910166665912, -0.002215030835941434, -0.03122204728424549, 0.003437894396483898, -0.026906466111540794, -0.0128357307985425, 0.011538281105458736, 0.014306635595858097, -0.0018663846421986818, 0.06649602204561234, 0.0030111928936094046, -0.009283355437219143, 0.022146839648485184, 0.013023062609136105, 0.026323655620217323, 0.025060895830392838, 0.020814698189496994, -0.02071756310760975, -0.018164293840527534, 0.02152239717543125, -0.01426500640809536, -0.005706696305423975, -0.021633408963680267, -0.021230991929769516, -0.00874911155551672, -0.010504484176635742, 0.01616608165204525, -0.028613271191716194, -0.002358999103307724, 0.017179064452648163, -0.004790849518030882, 0.007847141474485397, 0.006681518163532019, 0.001968723488971591, -0.0067647770047187805, 0.024797243997454643, 0.004263543989509344, -0.017942270264029503, -0.031666092574596405, -0.004589641001075506, 0.002846410032361746, -0.024020161479711533, 0.014223377220332623, 0.015708159655332565, -0.009831476025283337, -0.017248446121811867, -0.0036529796198010445, 0.003933977801352739, 0.020786944776773453, -0.012447189539670944, 0.030000917613506317, -0.022021951153874397, -0.02020413428544998, 0.030139682814478874, 0.014348264783620834, -0.015430629253387451, -0.005883621517568827, -0.017165187746286392], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='dfce5669-53b3-4081-8fe8-c5d43f29e064', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '9', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_type': 'application/pdf', 'file_size': 885090, 'creation_date': '2024-02-25', 'last_modified_date': '2024-02-07', 'last_accessed_date': None}, hash='65d42a3919b691f6c9bd51a64df4b6228357528bdd6e303b74400e9714cc14eb')}, text='9', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='5ab37e16-4df1-4268-a138-332078c803a1', embedding=[-0.015198295004665852, 0.019569046795368195, -0.0006456791888922453, -0.03124803490936756, -0.0008208462968468666, 0.005772088188678026, -0.013147731311619282, 0.006481626071035862, -0.028211215510964394, -0.045807745307683945, 0.03559040650725365, 0.02816864289343357, -0.011366792023181915, -0.0049632154405117035, 0.01173575222492218, 0.00952199473977089, 0.004792926367372274, 0.005328627303242683, 0.0006780518451705575, -0.00930203776806593, 0.004764544777572155, -0.008173872716724873, -0.016248410567641258, -0.01878855563700199, -0.006314884405583143, -0.0045516835525631905, 0.028409885242581367, -0.03428485617041588, -0.002763648983091116, 0.009997384622693062, 0.014999624341726303, -0.02890656143426895, -0.022549103945493698, 0.010160578414797783, -0.012047948315739632, -0.00755657535046339, 0.008500260300934315, 0.0008328197291120887, 0.01612069457769394, 0.004033721052110195, 0.025188583880662918, 0.015368584543466568, 0.016816040500998497, 0.0014430220471695065, 0.005073193926364183, 0.009940621443092823, 0.018377022817730904, -0.019327804446220398, -0.031588613986968994, 0.008769884705543518, 0.020860405638813972, 0.0399043932557106, -0.012658150866627693, 0.0074998121708631516, 0.006637724116444588, 0.01003286149352789, 0.009720665402710438, 0.023201879113912582, 0.0021321603562682867, -0.018987225368618965, 0.006868323776870966, 0.002102005062624812, -0.014268800616264343, 0.04350884631276131, 0.008840838447213173, -0.0164186991751194, -0.007159234490245581, 0.01849054917693138, -0.0018075470579788089, -0.019143324345350266, 0.004643923602998257, 0.006534841377288103, 0.005247030407190323, -0.01013219729065895, 0.03255358338356018, -0.009422658942639828, -0.006893157493323088, -0.002522406168282032, -0.012402717024087906, 0.0017454625340178609, 0.010515347123146057, 0.005172529257833958, 0.005023526027798653, 0.02345731295645237, 0.014027558267116547, -0.025160202756524086, 0.02435133047401905, -0.005325079429894686, -0.01992381550371647, -0.0012115354184061289, -0.004594255704432726, 0.013956604525446892, 0.04606318101286888, 0.004672305192798376, -0.00466166203841567, -0.006800917908549309, -0.024436473846435547, 0.019398758187890053, -0.031134510412812233, -0.01569497212767601, -0.0010829317616298795, -0.03036820888519287, -0.046715956181287766, -0.0036150941159576178, -0.01728433556854725, 0.0024940245784819126, 0.015212485566735268, 0.00271220738068223, 0.01715661957859993, 0.013623122125864029, -0.022165954113006592, 0.016503844410181046, -0.004931286443024874, -0.018277687951922417, -0.013133540749549866, 0.0005215101409703493, 0.030254682525992393, -0.020931359380483627, 0.00989095401018858, 0.003116643987596035, 0.0425722561776638, 0.024280376732349396, 0.03465381637215614, -0.003027951577678323, 0.028424076735973358, -0.00842930655926466, -0.01904398947954178, -0.008635072968900204, -0.02920456789433956, -0.0033312789164483547, 0.010586300864815712, 0.012714914046227932, 0.0122537137940526, 0.006666105706244707, -0.031900811940431595, 0.020207630470395088, -0.015496301464736462, 0.007357904687523842, -0.018533121794462204, -0.003545914078131318, 0.006023974157869816, 0.007634624373167753, -0.009592948481440544, -0.004633280448615551, -0.02447904646396637, 0.012076329439878464, 0.010919783264398575, 0.008039060980081558, 0.0060488078743219376, -0.004537492990493774, -0.010494060814380646, -0.03198595345020294, -0.009458135813474655, 0.022705202922225, 0.0027228505350649357, -0.004189819563180208, 0.012707818299531937, 0.02347150444984436, -0.030822312459349632, -0.027019191533327103, 0.009933526627719402, 0.016390318050980568, 0.011012023314833641, 0.002948128618299961, 0.012196951545774937, 0.027757110074162483, 0.028807226568460464, -0.0030368207953870296, -0.005516654811799526, -0.014900289475917816, 0.015581445768475533, 0.027033383026719093, -0.023641793057322502, 0.0105650145560503, -0.0009454588289372623, 0.0005277185700833797, 0.021030694246292114, 0.0016150849405676126, -0.0076984828338027, -0.0072443787939846516, 0.01480095461010933, -0.007797818165272474, 0.01187765970826149, 0.011537081561982632, -0.01860407553613186, -0.014786763116717339, 0.02212338149547577, 0.004792926367372274, 0.01732690818607807, -0.011487413197755814, 0.016830231994390488, 0.04081260412931442, 0.007961011491715908, -0.018121590837836266, -0.622122585773468, -0.016063930466771126, 0.008521546609699726, -0.02770034782588482, -0.016163267195224762, 0.0026767305098474026, -0.0032620991114526987, -0.0027920303400605917, -0.009777427650988102, 0.03632832318544388, -0.0020008960273116827, -0.004076293669641018, 0.007975202985107899, -0.0125304339453578, -0.013878555037081242, -0.03295092657208443, 0.00016940210480242968, -0.003430614247918129, 0.005938829854130745, 0.016532225534319878, -0.021357081830501556, 0.008386733941733837, -0.002029277617111802, -0.010891402140259743, -0.01685861311852932, 0.03269549086689949, 0.03048173524439335, 0.00800358410924673, 0.0056372759863734245, 0.012537529692053795, -0.00806034728884697, 0.02931809425354004, 0.001767635578289628, -0.009436850436031818, 0.04799312353134155, -0.011529985815286636, -0.024464856833219528, 0.007599147502332926, 0.0072053540498018265, 0.03167375922203064, -0.035420116037130356, -0.016333555802702904, 0.010039957240223885, 0.009883858263492584, -0.019980577751994133, 0.01275748573243618, 0.020619163289666176, 0.0165747981518507, -0.024862198159098625, -0.021967284381389618, -0.014758381992578506, 0.007315332535654306, 0.017397861927747726, -0.004331727046519518, 0.013176113367080688, 0.009273656643927097, 0.03269549086689949, -0.012878106907010078, -0.012665245682001114, 0.009387182071805, -0.007258569356054068, 0.0005086497403681278, -0.012821344658732414, -0.02684890292584896, -0.03184404596686363, -0.0013392522232607007, 0.005456344224512577, 0.01570916175842285, -0.01202666200697422, -0.007098923437297344, 0.003425292670726776, 0.016617370769381523, 0.008904696442186832, 0.005161886103451252, -0.004143699537962675, 0.0006053242832422256, 0.011565462686121464, -0.0007676309905946255, -0.0003738376253750175, 0.026323845610022545, 0.021498989313840866, -0.013970795087516308, -0.0013490082928910851, -0.02406751550734043, 0.009550375863909721, -0.008741503581404686, 0.006502911914139986, -0.007226640358567238, 0.017114046961069107, 0.002838150365278125, 0.01069982722401619, 0.028665319085121155, -0.043792661279439926, -0.04277092590928078, 0.011054595932364464, 0.017965491861104965, -0.007006683852523565, 0.015467919409275055, 0.01216856949031353, -0.03400104120373726, -0.008968555368483067, -0.015609826892614365, 0.04044364392757416, 0.0020789450500160456, 0.01891627162694931, 0.01861826702952385, -0.023670174181461334, 0.00311841769143939, -0.0004396915901452303, -0.024578381329774857, -0.023655982688069344, -0.01745462417602539, 0.0006403576699085534, -0.017681676894426346, 0.029403237625956535, -0.03499439358711243, 0.006251026410609484, -0.013325115665793419, -0.00849316455423832, 0.002043468179181218, 0.009429754689335823, -0.019129132851958275, 0.021782804280519485, 0.0032337175216525793, 0.009493612684309483, -0.004282059147953987, 0.0040621026419103146, -0.002447904786095023, 0.006141047924757004, 0.027033383026719093, 0.015482109971344471, -0.00035055592888966203, 0.033518556505441666, -0.01627679169178009, 0.014197846874594688, 0.0037357155233621597, 0.03825826570391655, -0.015042196959257126, 0.02315930649638176, -0.02963029034435749, -0.018987225368618965, 0.011494508944451809, -0.001803999301046133, -0.009621329605579376, -0.025429828092455864, -0.016631560400128365, -0.006719321012496948, 0.01976771652698517, 0.017639104276895523, 0.010295390151441097, -0.0202643945813179, -0.021683469414711, -0.007102471310645342, 0.01966838166117668, -0.007130852900445461, -0.013857269659638405, -0.012573006562888622, -0.033944278955459595, -0.016092313453555107, -0.010834638960659504, 0.002882496453821659, 0.010983642190694809, -0.011820896528661251, 0.0202643945813179, -0.005825303494930267, -0.004505563527345657, -0.015865260735154152, 0.036299943923950195, -0.029261330142617226, -0.023670174181461334, -0.007247926667332649, -0.027899017557501793, 0.002643027575686574, 0.023428931832313538, -0.0211300291121006, -0.005427962634712458, 0.006194263231009245, 0.00454813614487648, 0.005438605789095163, -0.003891813801601529, 0.009117557667195797, 0.04248711094260216, 0.015056387521326542, -0.01086302101612091, 0.010004480369389057, 0.04064231365919113, 0.01670251414179802, 0.007691387552767992, -0.011097167618572712, 0.02315930649638176, 0.0049561201594769955, 0.01993800699710846, -0.02138546295464039, 0.007968107238411903, -0.018504740670323372, 0.009060795418918133, -0.012111806310713291, -0.01196280401200056, -0.008457687683403492, 0.014403613284230232, -0.008741503581404686, 0.00012161918130004779, -0.00730114197358489, -0.01187765970826149, 0.0025064414367079735, -0.02653670683503151, 0.010628873482346535, -0.03516468405723572, -0.016475463286042213, 0.0021942451130598783, 0.0009250596631318331, -0.0016709610354155302, -0.03757711127400398, -0.007265665102750063, -0.0006505572819150984, 0.02435133047401905, -0.007159234490245581, 0.003487377194687724, -0.009138843975961208, -0.023201879113912582, 0.018845317885279655, -0.008074537850916386, 0.006066546309739351, -0.006112666334956884, 0.004494920838624239, 0.019994769245386124, -0.0240391343832016, 0.013083873316645622, 0.008585404604673386, -0.01979609951376915, -0.030879076570272446, 0.0062652169726789, 0.0223078615963459, 0.01415527518838644, 0.025444017723202705, 0.007719769142568111, 0.023655982688069344, -0.007365000434219837, 0.03226976841688156, 0.003359660506248474, 0.01092687901109457, -0.005190267693251371, -0.0072443787939846516, -0.038485318422317505, 0.02025020308792591, -0.020590780302882195, 0.04078422114253044, 0.01011800579726696, -0.011742847040295601, 0.000280045613180846, -0.028991706669330597, 0.028225405141711235, -0.01670251414179802, 0.008031965233385563, 0.025898121297359467, -0.00539248576387763, 0.0074785263277590275, 0.0027955782134085894, 0.026210319250822067, 0.02240719646215439, -0.005264768842607737, 0.021768612787127495, 0.02934647537767887, 0.0001274950336664915, -0.005612442269921303, -0.015893641859292984, -0.011231980286538601, -0.005037717055529356, 0.003526401938870549, -0.01935618557035923, 0.0023290570825338364, -0.0036363801918923855, -0.0005791600560769439, -0.04617670550942421, 0.026153555139899254, 0.02534468285739422, -1.994188642129302e-05, 0.029857341200113297, 0.00989095401018858, 0.015098960138857365, -0.00968518853187561, -0.04342370107769966, 0.026934046298265457, -0.004764544777572155, -0.014985433779656887, -0.006353909149765968, -0.0245074275881052, -0.00901822280138731, 0.010068338364362717, 0.011714465916156769, 0.0059104482643306255, 0.004746806342154741, 0.009032413363456726, 0.01776682212948799, -0.006215549539774656, 0.0030971316155046225, 0.03638508915901184, -0.00046119943726807833, -0.008110014721751213, -0.024010751396417618, -0.008784075267612934, 0.005960115697234869, -0.03280901908874512, -0.020917167887091637, 0.04484277591109276, -0.008819552138447762, -0.026196127757430077, -0.02784225530922413, 0.011402268894016743, -0.005254125688225031, 0.03226976841688156, 0.01003286149352789, 0.012409812770783901, -0.014630665071308613, 0.018419595435261726, 0.003549461718648672, -0.010948165319859982, 0.00660224724560976, 0.002339700236916542, 0.027090145274996758, -0.009372991509735584, -0.012991633266210556, -0.00395921990275383, 0.01948390156030655, 0.030283063650131226, 0.021328700706362724, 0.011806705966591835, 0.004299797583371401, -0.01283553522080183, -0.002286484930664301, -0.018064826726913452, -0.01597878709435463, 0.018291879445314407, -0.001683377893641591, 0.004856784828007221, -0.014396517537534237, 0.005456344224512577, -0.0024496784899383783, 0.0392800010740757, 0.004306893330067396, 0.0034554479643702507, -0.014247515238821507, -0.004704234190285206, -0.01803644560277462, 0.006109118461608887, 0.0004762771131936461, 0.019540665671229362, 0.005655014421790838, -0.012317572720348835, -0.0039308383129537106, 0.025600116699934006, 0.011771229095757008, -0.01054372824728489, -0.031730521470308304, 0.0005024413112550974, 0.007549480069428682, -0.005378294736146927, 0.027473295107483864, -1.3470127669279464e-05, 0.021967284381389618, 0.007854580879211426, -0.001717967912554741, 0.03814474120736122, 0.012849725782871246, 0.0013348176144063473, 0.023045780137181282, 0.010870115831494331, 0.0050802892073988914, 0.021896330639719963, -0.02260586805641651, 0.00721954507753253, 0.022052427753806114, -0.0050802892073988914, -0.014644855633378029, 0.005552131682634354, -0.010792066343128681, -0.026295462623238564, 0.0028487935196608305, -0.009358800947666168, 0.011487413197755814, -0.0003718420339282602, -0.004817760083824396, -0.011948613449931145, -0.02301739901304245, 0.02054820954799652, -0.016886994242668152, 0.011686083860695362, 0.0009969003731384873, -0.013679884374141693, 0.005385390482842922, -0.02022182196378708, -0.013083873316645622, -0.023287024348974228, 0.008670549839735031, -0.00851445086300373, -0.0040408167988061905, -0.05233549326658249, 0.0019636452198028564, -0.008117110468447208, 0.008457687683403492, 0.021768612787127495, -0.000525501265656203, -0.02567107044160366, 0.011693179607391357, -0.018703410401940346, -0.00946523156017065, -0.00527895987033844, -0.03368884325027466, 0.008117110468447208, -0.023570839315652847, -0.003788930829614401, -0.011920231394469738, -0.01744043454527855, -0.01656060665845871, 0.0038173121865838766, -0.024251995608210564, -0.01260848343372345, -0.018504740670323372, 0.007457240018993616, 0.008024870418012142, 0.02025020308792591, 0.030027631670236588, -0.0018767269793897867, -0.014871908351778984, 0.0035104372072964907, -0.037009481340646744, 6.945707718841732e-05, -0.022052427753806114, -0.021896330639719963, 0.0009623103542253375, 0.01922846958041191, 0.011416459456086159, 0.0021179697941988707, -0.014346850104629993, 0.035107921808958054, 0.00041286219493485987, 0.022620057687163353, -0.0038669798523187637, 0.017369480803608894, 0.017781011760234833, 0.004455896094441414, 0.001027055666781962, 0.00865635834634304, -0.007790722884237766, -0.022790348157286644, -0.03153185173869133, 0.0378609262406826, 0.007521098479628563, -0.004966763313859701, 0.02036372944712639, 0.007890057750046253, -0.009564566425979137, -0.018220925703644753, 0.008635072968900204, -0.003139703767374158, 0.019980577751994133, -0.0016044419026002288, -0.002708659740164876, -0.00893307849764824, -0.0274165328592062, -0.03402942419052124, 0.010536633431911469, 0.0020931358449161053, 0.0007800479070283473, -0.008039060980081558, 0.023258643224835396, -0.004622637294232845, 0.010167674161493778, 0.006683844141662121, -0.021882139146327972, -0.009883858263492584, 0.012863916344940662, 0.005463439505547285, 0.01298453751951456, -0.012963252142071724, 0.019895434379577637, -0.04648890346288681, -0.01860407553613186, -0.03266711160540581, -0.0009170773555524647, -0.00952199473977089, -0.001416414394043386, 0.022932255640625954, 0.03522144630551338, 0.06397190690040588, -0.008642167784273624, 0.015425347723066807, 0.010777875781059265, 0.0012221784563735127, -0.009181416593492031, 0.014460376463830471, -0.008471879176795483, -0.015609826892614365, -0.01627679169178009, -0.0030137610156089067, -0.005268316715955734, 0.025160202756524086, 0.01011800579726696, -0.002522406168282032, 0.02758682146668434, -0.020732687786221504, 0.005694039165973663, -0.01934199407696724, -0.0130413006991148, 0.002451452426612377, 0.008010679855942726, -0.0037640968803316355, -0.0006035504047758877, -0.03022630140185356, -0.010586300864815712, 0.03647023066878319, -0.0031467992812395096, 0.01210471149533987, 0.02581297792494297, 0.019313612952828407, -0.021513178944587708, 0.023074163123965263, 0.012345953844487667, 0.008315780200064182, -0.02463514544069767, -0.025869740173220634, -0.045382022857666016, -0.0077410549856722355, -0.012828439474105835, -0.007620433811098337, 0.024720290675759315, 0.007670101244002581, -0.005470534786581993, 0.006098475772887468, 0.011253266595304012, -0.0175965316593647, 0.004143699537962675, -0.006800917908549309, -0.007762341294437647, 0.007911344058811665, -0.016901185736060143, -0.007875867187976837, -0.007407572586089373, -0.02402494288980961, 0.016205837950110435, -0.00865635834634304, 0.015567255206406116, -0.029715433716773987, -0.009983194060623646, 0.026806330308318138, 0.009628425352275372, 0.04262901842594147, -0.009316228330135345, 0.01789453811943531, 0.016092313453555107, 0.03414294868707657, -0.007989393547177315, -0.01113264448940754, 0.011125549674034119, -0.010799162089824677, 0.0018155293073505163, 0.03973410651087761, -0.018802747130393982, -0.0007596486830152571, 0.02051982656121254, 0.01114683598279953, -0.024266185238957405, -0.04342370107769966, 0.01962580904364586, 0.009436850436031818, 0.015198295004665852, -0.048447225242853165, -0.0021676374599337578, -0.025160202756524086, 0.013332211412489414, -0.02039211057126522, 0.008847934193909168, 0.018561502918601036, -0.02083202451467514, 0.003121965331956744, 0.017114046961069107, 0.017071474343538284, 0.01267234142869711, -0.014644855633378029, -0.005016430746763945, 0.03840017318725586, -0.011395174078643322, -0.0053818426094949245, 0.011551272124052048, 0.007968107238411903, 0.023655982688069344, -0.00960713904350996, 0.009401373565196991, 0.0037108815740793943, -0.011984090320765972, -0.012154378928244114, -0.0010341510642319918, 0.010770780965685844, 0.030992602929472923, -0.014098512008786201, -0.0010971225565299392, 0.026792138814926147, 0.0029516764916479588, 0.02579878643155098, -0.01964000053703785, 0.014843526296317577, -0.012033757753670216, 0.016603179275989532, 0.030169539153575897, 0.02083202451467514, -0.009053699672222137, -0.02887818031013012, 0.0036434754729270935, 0.0022616509813815355, -0.02875046245753765, 0.00047272941446863115, 0.0014252836117520928, 0.015808498486876488, -0.05494659021496773, 0.017383670434355736, 0.012494957074522972, -0.01745462417602539, 0.014971243217587471, 0.009557471610605717, -0.025628497824072838, -0.014957052655518055, 0.01714242808520794, -0.03766225650906563, 0.014701618812978268, -0.0004150794993620366, -0.0018980130553245544, -0.011898945085704327, 0.02051982656121254, -0.02098812162876129, -0.019611619412899017, 0.025855550542473793, -0.023556647822260857, -0.01830606907606125, -0.030737169086933136, 0.01129583828151226, 0.006332622841000557, 0.014957052655518055, -0.014701618812978268, 0.01348830945789814, -0.011260361410677433, 0.013247067108750343, -0.00806034728884697, -0.0036470231134444475, 0.0074785263277590275, -0.022804537788033485, 0.006183620076626539, 0.0017516709631308913, -0.01715661957859993, 0.02581297792494297, -0.005814660806208849, -0.017965491861104965, -0.0007729525095783174, -0.031162891536951065, 0.003664761781692505, 0.0013880329206585884, 0.0015051065711304545, -0.0003578730102162808, 0.019285231828689575, -0.017639104276895523, -0.011700275354087353, -0.0044346097856760025, -0.0026980165857821703, 0.004633280448615551, -0.0031024531926959753, 0.005062550771981478, -0.00879826582968235, -0.0038705274928361177, 0.022974826395511627, -0.03110612742602825, -0.01450294815003872, 0.0002764979435596615, -0.008670549839735031, -0.018518930301070213, -0.024876387789845467, -0.010806257836520672, 0.03899618610739708, 0.0014084321446716785, -0.02801254391670227, -0.049497343599796295, -0.018064826726913452, -0.04717005789279938, -0.012743295170366764, -0.017071474343538284, 0.021513178944587708, 0.007790722884237766, 0.0223078615963459, 0.008500260300934315, 0.0325252041220665, -0.021158410236239433, -0.003732167650014162, -0.025401445105671883, -0.015198295004665852, 0.01745462417602539, -0.007187615614384413, 0.007535289041697979, -0.006861228495836258, -0.027515867725014687, -0.0064213150180876255, 0.01817835308611393, -0.007897153496742249, 0.007098923437297344, 0.024464856833219528, -0.008911792188882828, -0.022705202922225, -0.0038244077004492283, 0.01188475452363491, -0.015765925869345665, -0.011771229095757008, 0.021754423156380653, -0.03698109835386276, 0.0004651905910577625, 0.03578907623887062, -0.017823584377765656, 0.005860780365765095, -0.015368584543466568, 0.02053401805460453, -0.012494957074522972, -0.019327804446220398, -0.003072297666221857, -0.010650158859789371, 0.011615130119025707, -0.017511388286948204, 0.045978035777807236, 0.0028523411601781845, 0.017185000702738762, 0.03107774630188942, 0.016489652916789055, -0.010714017786085606, -0.00923817977309227, 0.002768970560282469, -0.008826647885143757, 0.015865260735154152, 0.021044885739684105, -0.01728433556854725, -0.00930203776806593, -0.00924527458846569, -0.005882066674530506, -0.005545036401599646, -0.036158036440610886, -0.017355289310216904, -0.0001280493597732857, -0.039961155503988266, 0.032042719423770905, 0.012232428416609764, -0.012324667535722256, 0.013999177142977715, -0.0011068786261603236, 0.009663902223110199, 0.0006696261116303504, -0.008677644655108452, 0.0179087296128273, -0.007400477305054665, -0.01993800699710846, -0.010075434111058712, -0.013438642024993896, -0.0020895882043987513, 0.004849689546972513, 0.002231495687738061, -0.01196280401200056, 0.008989841677248478, 0.22534914314746857, -0.013984985649585724, -0.014353945851325989, 0.0405287891626358, 0.0120195671916008, -0.003654118627309799, 0.011643512174487114, 0.007031517568975687, -0.023982370272278786, 0.012963252142071724, 0.0038669798523187637, -0.011324220336973667, -0.0059104482643306255, 0.003297575982287526, 0.0249047689139843, 0.017071474343538284, -0.024706099182367325, -0.03757711127400398, -0.0065703182481229305, 0.016376128420233727, 0.03275225684046745, 0.006031069438904524, 0.007095376029610634, -0.0322130061686039, 0.022378815338015556, 0.005729516036808491, -0.001864310004748404, 3.991148787463317e-06, 0.016759278252720833, 0.010657254606485367, -0.007063446566462517, 0.015368584543466568, 0.0010651933262124658, 0.011253266595304012, 0.003987601492553949, -0.0012328216107562184, 0.012402717024087906, -0.003597355680540204, 0.017483007162809372, 0.0165747981518507, -0.001772957039065659, 0.004388490226119757, -0.014148179441690445, -0.02538725547492504, 0.000337695557391271, 0.010380535386502743, -0.010550823993980885, 0.0035689740907400846, -0.0130413006991148, 0.01452423445880413, -0.03150346875190735, 0.011551272124052048, 0.02963029034435749, 0.028381504118442535, -0.0010394725250080228, 0.0017534447833895683, -0.01245238445699215, 0.0024975722189992666, 0.02464933507144451, 0.014942862093448639, -0.02960190922021866, 0.008266112767159939, -0.003728620009496808, 0.009947717189788818, -0.02303159050643444, -0.0035228540655225515, -0.004431062377989292, -0.0002068745525320992, 0.008819552138447762, -0.018816936761140823, -0.009479422122240067, -0.010373439639806747, -0.010834638960659504, 0.013878555037081242, -0.03295092657208443, -0.03993277624249458, 0.01460228394716978, 0.016234220936894417, 0.015936214476823807, 0.05142728611826897, 0.011671893298625946, -0.01949809305369854, -0.01143774576485157, 0.006847037933766842, -0.008996936492621899, -0.015212485566735268, 0.006988945417106152, -0.01805063709616661, -0.003781835315749049, -0.013076777569949627, -0.0035033419262617826, -0.013694075867533684, -0.006790274754166603, -0.001862536184489727, 0.00784039031714201, -0.007049256004393101, 0.013814697042107582, 0.008273208513855934, -0.00851445086300373, -0.021527370437979698, -0.03462543338537216, 0.07492717355489731, 0.02215176448225975, 0.006878966931253672, 0.012949060648679733, 0.011707370169460773, -0.014169465750455856, 0.020037341862916946, 0.00575789762660861, -0.010650158859789371, 0.008117110468447208, -0.05114347115159035, 0.01474419143050909, 0.014467471279203892, 0.015737544745206833, 0.014368136413395405, 0.0070669944398105145, 0.00022627596626989543, 0.007134400308132172, 0.007379190996289253, -0.0036186417564749718, 0.010905592702329159, -0.004416871350258589, 0.005576965399086475, -0.007414667867124081, -0.030254682525992393, -0.02594069391489029, -0.01744043454527855, -0.035703931003808975, 0.01196280401200056, 0.009316228330135345, -0.017114046961069107, 0.023145116865634918, -0.016248410567641258, -0.006797370035201311, -0.03110612742602825, 0.012175665237009525, -0.0008678531739860773, -0.024961533024907112, 0.00294990255497396, 0.0031432516407221556, 0.0077339597046375275, -0.011253266595304012, -0.017639104276895523, -0.001028829487040639, 0.014034654013812542, -0.005626633297652006, 0.043196648359298706, -0.009727760218083858, -0.021498989313840866, -0.0016434664139524102, -0.0031645377166569233, 0.0005419093649834394, -0.004271416459232569, 0.030169539153575897, 0.0003858110576402396, -0.017979683354496956, -0.019327804446220398, 0.008620881475508213, -0.01629098318517208, -0.04467248544096947, -0.007989393547177315, 0.0017995646921917796, 0.01025991328060627, -0.018433786928653717, -0.014162370003759861, -0.18379861116409302, -0.0030829408206045628, 0.014687428250908852, -0.03340502828359604, 0.028778845444321632, 0.010614681988954544, 0.036129653453826904, -0.013133540749549866, -0.020207630470395088, -0.0053428178653120995, 0.012232428416609764, 0.013169017620384693, -0.03524982929229736, -0.009777427650988102, -0.004306893330067396, -0.004821307957172394, -0.014474567025899887, 0.0010022218339145184, 0.02917618490755558, 0.0022013403940945864, 0.03788930922746658, -0.0342564731836319, 0.004331727046519518, 0.01128874346613884, 0.013254161924123764, 0.008251922205090523, -0.002987153362482786, 0.025444017723202705, 0.00212329113855958, -0.04952572286128998, -0.03462543338537216, -0.001228387001901865, 0.015737544745206833, -0.016759278252720833, -0.002509989310055971, 0.0131973996758461, 0.015907833352684975, -0.0002620854356791824, -0.026139365509152412, 0.01261557824909687, 0.012005375698208809, 0.020136676728725433, -0.008237731643021107, -0.005569870118051767, -0.014453280717134476, -0.0009365896112285554, 0.00922398827970028, -0.016361936926841736, 0.00491709541529417, -0.017085665836930275, 0.022818729281425476, -0.01894465461373329, 0.013445737771689892, 0.0026235152035951614, 0.015879452228546143, 0.013417355716228485, 0.017553960904479027, -0.00556632224470377, 0.0006097588920965791, -0.008131301030516624, -0.0011068786261603236, -0.011082977056503296, 0.010855925269424915, 0.002630610717460513, -0.0012975669233128428, -0.025699451565742493, -0.021470608189702034, -0.003976958338171244, -0.03201433643698692, 0.006705130450427532, -0.006045260466635227, 0.0015530004166066647, -0.010408916510641575, -0.009401373565196991, 0.013701170682907104, 0.014914480037987232, -0.014701618812978268, 0.03371722623705864, 0.03383075073361397, -0.0011840409133583307, 0.01064306404441595, 0.016234220936894417, 0.005655014421790838, 0.012083425186574459, -0.017511388286948204, -0.009025318548083305, 0.017809392884373665, 0.03479572385549545, -0.022790348157286644, -0.008386733941733837, 0.01805063709616661, -0.007833294570446014, -0.0105650145560503, 0.00020510071772150695, 0.011586748994886875, 0.01333930715918541, -0.0005401354865171015, -0.021030694246292114, 0.013701170682907104, -0.021938903257250786, 0.007233735639601946, -0.006389386020600796, -0.017355289310216904, 0.002174732740968466, 0.027331387624144554, 0.018675029277801514, -0.04484277591109276, 0.009791619144380093, 0.019611619412899017, -0.014368136413395405, -0.017993872985243797, 0.0043352749198675156, 0.011785419657826424, 0.02125774696469307, -0.018419595435261726, 0.019994769245386124, 0.017795203253626823, -0.024365520104765892, 0.012565910816192627, -0.011671893298625946, 0.06737768650054932, 0.002758327405899763, -0.014318468980491161, 0.012565910816192627, 0.009153034538030624, -0.01100492849946022, -0.09416983276605606, -0.03882589563727379, 0.0010066564427688718, 0.041862718760967255, -0.0010483417427167296, 0.017213381826877594, -0.0077410549856722355, 0.034540291875600815, 0.0015255057951435447, 0.04691462591290474, -0.016886994242668152, -0.020647544413805008, -0.009905144572257996, 0.014169465750455856, -0.005083837080746889, -0.01670251414179802, -0.00014756164455320686, -0.026948237791657448, -0.011466127820312977, 0.033376649022102356, -0.0033259575720876455, -0.008039060980081558, 0.013878555037081242, -0.03635670617222786, -0.0011583201121538877, -0.015794306993484497, -0.02609679289162159, 0.006907348521053791, -0.009074985980987549, 0.022946445271372795, 0.015226677060127258, -0.020718498155474663, 0.01805063709616661, -0.022918064147233963, 0.009436850436031818, -0.023783700540661812, -0.023726936429739, -0.007854580879211426, 0.01891627162694931, -0.0015530004166066647, -0.00023193009837996215, 0.01702890172600746, -0.009309133514761925, -0.007989393547177315, -0.025926504284143448, -0.010955260135233402, -0.019029797986149788, 0.021342890337109566, 0.021016502752900124, -0.0164186991751194, -0.0009374765213578939, -0.007265665102750063, -0.018008064478635788, -0.008024870418012142, 0.027501676231622696, -0.006900253240019083, 0.00480356952175498, 0.028253786265850067, -0.027090145274996758, -0.0010243948781862855, -0.0060488078743219376, -0.013474118895828724, -0.006517102941870689, 0.0062758601270616055, 0.015907833352684975, 0.027785493060946465, 0.0017277239821851254, -0.02317349798977375, 0.018831128254532814, -0.010231532156467438, -0.013034205883741379, 0.028977515175938606, -0.011742847040295601, 0.00513705238699913, -0.008486069738864899, -0.013069682754576206, 0.004349465481936932, -0.029516763985157013, 0.013098063878715038, 0.011061690747737885, -0.011678989045321941, -0.019980577751994133, 0.004381394479423761, -0.0017445755656808615, 0.002651896793395281, 0.005584060680121183, -0.006627080962061882, 0.0013587644789367914, 0.009933526627719402, -0.03859884664416313, 0.004058555234223604, 0.024450665339827538, 0.021782804280519485, -0.021158410236239433, -0.009883858263492584, 0.014020462520420551, -0.04543878883123398, 0.0026270628441125154, 0.035874221473932266, 0.016617370769381523, -0.03448352590203285, -0.008627977222204208, -0.07356485724449158, 0.016333555802702904, 0.0043033454567193985, -0.00960713904350996, -0.0023148662876337767, -0.017057282850146294, 0.0028150903526693583, -0.015098960138857365, -0.00784039031714201, -0.001976062310859561, -0.029687052592635155, -0.011217789724469185, -0.02022182196378708, -0.026919856667518616, -0.02023601159453392, -0.02171185053884983, 0.012934870086610317, -0.016645751893520355, 0.03343341127038002, 0.002774291904643178, 0.018703410401940346, -0.013786314986646175, -0.007776531856507063, 0.005804017651826143, -0.02581297792494297, -0.01742624305188656, -0.046233467757701874, 0.01921427808701992, -0.01502800639718771, -0.021910520270466805, -0.014368136413395405, -0.009472327306866646, 0.003194693010300398, 0.004565874580293894, 0.007148591335862875, -0.008989841677248478, 0.024223612621426582, 0.017412053421139717, 0.03561878576874733, 0.01729852706193924, -0.03945029154419899, -0.031616996973752975, 0.004367203917354345, -0.013133540749549866, 0.011012023314833641, -0.023414740338921547, 0.015765925869345665, -0.005793374497443438, 0.00784039031714201, 0.03754872828722, 0.011444841511547565, 0.0003864762547891587, -0.011572558432817459, -0.045240115374326706, -0.021229363977909088, -0.007035065442323685, 0.008308685384690762, -0.011161026544868946, 0.02142803557217121, -0.01173575222492218, 0.03107774630188942, -0.006591604091227055, 0.005626633297652006, -0.01121069397777319, 0.02449323795735836, 0.004413323942571878, -0.025287920609116554, 0.0023290570825338364, -0.014126893132925034, 0.0010634195059537888, -0.014843526296317577, 0.0014891420723870397, 0.010323772206902504, 0.027345579117536545, 0.00282218586653471, -0.0034696387592703104, -0.0004940155777148902, 0.006768988445401192, -0.005427962634712458, 0.006148143205791712, 0.015411156229674816, -0.02904846891760826, -0.002933938056230545, 0.009791619144380093, 0.020590780302882195, 0.012771676294505596, -0.0062652169726789, 0.00784039031714201, -0.02156994305551052, -0.002465643221512437, 0.011075882241129875, -0.0042962501756846905, -0.015042196959257126, 0.00857121404260397, -0.0020168605260550976, 0.010323772206902504, -0.006059451028704643, -0.008436402305960655, 0.03576069325208664, 0.0011955708032473922, 0.017568150535225868, -0.012778772041201591, -0.00424658227711916, -0.02067592553794384, -0.007435954175889492, 0.0017561055719852448, -0.05261930823326111, -0.015453728847205639, 0.035420116037130356, -0.0013773898826912045, 0.013616026379168034, -0.007262117229402065, -0.008528641425073147, 0.016035549342632294, -0.01084882952272892, 0.02331540547311306, -0.008982745930552483, -0.013686980120837688, -0.030311446636915207, 0.02288968302309513, 0.018689220771193504, 0.0004013321886304766, 0.04785121604800224, 0.004033721052110195, 0.02758682146668434, 0.022776156663894653, 0.021158410236239433, -0.01436104066669941, 0.02802673541009426, 0.005977854132652283, -0.012111806310713291, -0.00424658227711916, -0.03269549086689949, -0.012601387687027454, -0.011402268894016743, 0.0006917991559021175, -0.01599297672510147, 0.012913583777844906, 0.014928670600056648, 0.10251399129629135, 0.019015608355402946, -0.01758234202861786, 0.0014501174446195364, -0.0014447958674281836, -0.011175217106938362, -0.00023902548127807677, -0.004076293669641018, -0.0021428035106509924, -0.03857046365737915, -0.009550375863909721, 0.025997458025813103, -0.006882514804601669, -0.04015982896089554, -0.00798229780048132, -0.026295462623238564, -0.0059033529832959175, 0.01728433556854725, -0.024975722655653954, -0.003294028341770172, 0.03238329663872719, -0.016773467883467674, -0.004856784828007221, 0.0003933499101549387, -0.004796474240720272, 0.0031343824230134487, 0.02596907503902912, 0.01260848343372345, 0.0048461416736245155, -0.031446706503629684, 0.02743072248995304, 0.027657775208353996, -0.03845693916082382, -0.0037037862930446863, -0.004572969861328602, -0.022960636764764786, 0.005921091418713331, -0.02447904646396637, 0.015283439308404922, 0.011310028843581676, -0.005062550771981478, 0.004562326706945896, -0.00923817977309227, -0.011317124590277672, 0.007897153496742249, -0.001740140956826508, -0.008876315318048, -0.000796012463979423, -0.033376649022102356], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='275fac2f-825e-42db-ac26-f62abd0b2d3f', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '10', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_type': 'application/pdf', 'file_size': 885090, 'creation_date': '2024-02-25', 'last_modified_date': '2024-02-07', 'last_accessed_date': None}, hash='dcab6538d0571537d8bc357f52693cbd57af139d5fc47d8e0a85c265f0b79856')}, text='Table 3: Performance and Latency Analysis for WebShop. We evaluate LLMCompiler with two models: gpt-4 and\\ngpt-3.5-turbo and compare LLMCompiler against three baselines: ReAct, LATS, and LASER. We report success\\nrate and average score in percentage. We reproduce the success rate and average score for ReAct, while those for\\nLATS and LASER are from their papers. N denotes the number of examples used for evaluation.\\nModel Method Succ. Rate Score Latency (s) N\\ngpt-3.5-turboReAct 19.8 54.2 5.98 500\\nLATS 38.0 75.9 1066 50\\nLLMCompiler 44.0 72.8 10.72 50\\nLLMCompiler 45.5 72.1 10.48 500\\ngpt-4-0613ReAct 35.2 58.8 19.90 500\\nLASER 50.0 75.6 72.16 500\\nLLMCompiler 52.8 75.0 26.73 500\\n5 Conclusions\\nExisting methods for invoking multiple functions with LLMs resort to sequential and dynamic reasoning, and as a\\nresult, they suffer from inefficiencies in latency, cost, and accuracy. As a solution, we introduced LLMCompiler ,\\na compiler-inspired framework that enables efficient parallel function calling across various LLMs, including open-\\nsource models like LLaMA-2 and OpenAI’s GPT series. By decomposing user inputs into tasks with defined inter-\\ndependencies and executing these tasks concurrently through its Planner, Task Fetching Unit, and Executor compo-\\nnents, LLMCompiler demonstrates substantial improvements in latency (up to 3.7×), cost efficiency (up to 6.7×),\\nand accuracy (up to ∼9%), even outperforming OpenAI’s parallel function calling feature in latency gains. Further ex-\\nploration that builds upon LLMCompiler will enhance thereby revolutionizing the future development of LLM-based\\napplications. We look forward to future work building upon our framework that will improve both the capabilities and\\nefficiencies of LLMs in executing complex, large-scale tasks, thus transforming the future development of LLM-based\\napplications.\\nAcknowledgements\\nWe appreciate the valuable feedback from Minwoo Kang. We acknowledge gracious support from Furiosa team.\\nWe also appreciate the support from Microsoft through their Accelerating Foundation Model Research, including\\ngreat support from Sean Kuno. Furthermore, we appreciate support from Google Cloud, the Google TRC team, and\\nspecifically Jonathan Caton, and Prof. David Patterson. ', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='5bef2721-6700-4520-99e6-841911396622', embedding=[0.010215075686573982, -0.01892346329987049, 0.00430926913395524, -0.041219696402549744, -0.010595203377306461, 0.04884990304708481, -0.022489754483103752, 0.021093647927045822, -0.015523044392466545, -0.009606870822608471, 0.002811219310387969, 0.007678585592657328, 0.004181407857686281, -0.012101893313229084, -0.0017148955957964063, -0.004205598030239344, 0.015592158772051334, -0.0042505222372710705, 0.011970575898885727, -0.004312724806368351, -0.027618026360869408, 0.0009140350157395005, 0.017306189984083176, 0.003365860553458333, -0.018066447228193283, -0.005615527275949717, 0.016780922189354897, -0.020056935027241707, -0.007035823538899422, 0.002368888584896922, 0.024079380556941032, 0.008072536438703537, -0.04138557240366936, 0.010152872651815414, 0.002479471266269684, 0.004585725720971823, -0.009606870822608471, 0.01983577013015747, 0.029719097539782524, -0.005408184602856636, 0.003980976529419422, 0.006856126710772514, 0.014666029252111912, -0.0020941596012562513, -0.012682451866567135, 0.0028647826984524727, -0.017596470192074776, -0.00041857274482026696, 0.0003336918889544904, 0.00876367837190628, -0.00018920007278211415, 0.02623574249446392, -0.007630205247551203, -0.016158895567059517, -0.03018907457590103, -0.0019282855791971087, -0.007471242919564247, 0.0007745107868686318, -0.020568380132317543, -0.050619225949048996, -0.0015593887073919177, 0.0031187774147838354, -0.03262189403176308, 0.00895719788968563, -0.011113559827208519, -0.005269956309348345, -0.009973175823688507, 0.031599003821611404, 0.0024414584040641785, 0.0026695351116359234, 0.038399837911129, 0.0032155371736735106, 0.00716022914275527, 0.006548568606376648, 0.009123072028160095, -0.013387416489422321, -0.01118958555161953, 0.0011904917191714048, -0.005902350880205631, -0.0011749410768970847, -0.014168406836688519, -0.01206042431294918, -0.016767099499702454, 0.0038980396930128336, 0.005335614550858736, 0.0030824923887848854, -0.01689150556921959, -0.0031533343717455864, -0.02734156884253025, 0.00523539911955595, 0.015260410495102406, 0.03190310671925545, -0.005947275087237358, -0.0006587445386685431, -0.014845726080238819, 0.02757655829191208, 0.009067780338227749, 0.0285026878118515, 0.012502755038440228, -0.023664694279432297, -0.0028181306552141905, -0.015675095841288567, -0.03104608878493309, -0.008328258991241455, -0.053743187338113785, -0.015799501910805702, -0.013159340247511864, -0.014037090353667736, 0.029719097539782524, 0.0026799023617058992, -0.027949774637818336, 0.013345948420464993, -0.002555496757850051, -0.0077615221962332726, 0.015965376049280167, -0.022655628621578217, -0.004022445064038038, 0.004302357789129019, -0.0074366857297718525, -0.0024881104473024607, 0.053549665957689285, 0.025046978145837784, 0.02897266484797001, -0.006887228228151798, 0.014527800492942333, 0.004627194255590439, -0.031737230718135834, -0.015481576323509216, 0.0012164096115157008, -0.013753721490502357, 0.004005166701972485, -0.008169296197593212, 0.004212509375065565, 0.005228487774729729, -0.0260836910456419, -0.010415506549179554, -0.01451397780328989, 0.00729154609143734, 0.006313580088317394, -0.012316146865487099, 0.012150272727012634, 0.014652206562459469, -0.007125671952962875, -0.016380060464143753, -0.0281156487762928, 0.026028400287032127, -0.0010738616110756993, 0.012889794073998928, 0.0018263421952724457, 0.009060868993401527, -0.020582202821969986, -0.006265200208872557, 0.022738564759492874, 0.0009684624383226037, 0.008418107405304909, -0.004316180478781462, -0.006876860745251179, 0.03765340521931648, -0.017029734328389168, -0.007298457436263561, 0.011479864828288555, -0.0016561485826969147, -0.009344236925244331, 0.0001625263103051111, 0.02320854179561138, 0.028226230293512344, 0.019849592819809914, 0.002866510534659028, -0.00955849140882492, -0.01592390611767769, 0.01733383536338806, 0.029857326298952103, -0.027880659326910973, 0.0022479386534541845, 0.0015827147290110588, -0.0027524721808731556, -0.003353765467181802, 0.010401683859527111, -0.017582647502422333, -0.0030410238541662693, 0.024535533040761948, 0.0030928596388548613, 0.018011154606938362, 0.004506244324147701, 0.018508777022361755, 0.02185390330851078, 0.026152806356549263, 0.0029822769574820995, 0.017651760950684547, -0.007809902541339397, 0.02406555786728859, 0.011016800068318844, -0.009095425717532635, -0.004388750530779362, -0.6595151424407959, -0.020872483029961586, 0.011148117482662201, -0.007063469383865595, -0.0035455573815852404, 0.017679406329989433, 0.010947685688734055, 0.009019399993121624, -0.009952441789209843, 0.038676295429468155, 0.002277312334626913, -0.01172176469117403, -0.003590481588616967, -0.013774456456303596, -0.03417005017399788, -0.020623670890927315, -0.01708502508699894, -0.030493175610899925, 0.004461320117115974, -0.008217675611376762, -0.0414961539208889, 0.009765833616256714, -0.005007322411984205, -0.0195869579911232, 0.014064735732972622, 0.017306189984083176, 0.020319567993283272, -0.0076371170580387115, 0.0023637048434466124, 0.00542546296492219, -0.014818079769611359, 0.022323880344629288, 0.019614603370428085, -0.0005732157151214778, 0.053217917680740356, -0.0015015056123957038, -0.020734254270792007, 0.00510062649846077, 0.02266945131123066, 0.022780032828450203, -0.026346325874328613, -0.022462109103798866, 0.028613271191716194, 0.006928696297109127, -0.0133805051445961, 0.03417005017399788, 0.012945085763931274, 0.011714853346347809, -0.024922573938965797, -0.0010021555935963988, -0.0029218019917607307, -0.011797790415585041, -0.005190474912524223, 0.0006315308273769915, 0.000863063323777169, 0.00016857380978763103, 0.014092381112277508, -0.03533116728067398, -0.03137783706188202, 0.0050038667395710945, -0.006945975124835968, 0.008266055956482887, 0.0048587266355752945, -0.013878127560019493, -0.006807746831327677, -0.015910083428025246, -0.022005954757332802, 0.006545112933963537, -0.0029494476038962603, -0.016919150948524475, 0.031211962923407555, 0.02271091938018799, -0.0057883127592504025, 0.008653094992041588, 0.019407261162996292, 0.023125603795051575, 0.0274383295327425, 0.0018971841782331467, -0.03281541168689728, 0.0285026878118515, -0.0006215956527739763, -0.03389359265565872, 0.0013166251592338085, -0.0016958891646936536, 0.0026436173357069492, -0.01911698281764984, -0.01602066680788994, -0.00820385292172432, 0.0018747220747172832, -0.024908751249313354, 0.024964042007923126, 0.014859548769891262, 0.0002989188360515982, -0.031792521476745605, -0.014748966321349144, 0.039450373500585556, -0.007457419764250517, -0.012620248831808567, -0.0020941596012562513, -0.009164540097117424, 0.0047723338939249516, 0.0006285070558078587, 0.0021459953859448433, 0.009710541926324368, 0.03582879155874252, 0.002709275810047984, -0.02406555786728859, 0.009364970959722996, 0.026843948289752007, -0.038676295429468155, -0.03317480534315109, -0.014458686113357544, -0.009834947995841503, 0.01212953869253397, 0.0019438363378867507, -0.019628427922725677, 0.0009736460051499307, -0.005964553914964199, 0.013124782592058182, -0.005207753274589777, 0.0033831391483545303, -0.005266500636935234, 0.019379615783691406, 0.0026729910168796778, -0.004032812546938658, -0.009489377029240131, 0.008984843268990517, -0.026152806356549263, -0.038925107568502426, 0.0043783835135400295, -0.0034643481485545635, -0.012094981037080288, 0.01993252895772457, -0.011362371034920216, 0.03464002534747124, 0.016919150948524475, 0.013954153284430504, -0.03372772037982941, -0.007053101900964975, -0.013276834040880203, -0.02685777097940445, -0.011631916277110577, 0.018467308953404427, 8.126315515255556e-05, -0.026111336424946785, 0.010436241514980793, -0.0212318766862154, 0.0020336846355348825, 0.021923018619418144, -0.009102337062358856, -0.0006414660019800067, 0.010705786757171154, 0.0032604613807052374, 0.02195066399872303, 0.04000328853726387, -0.00998699851334095, -0.010947685688734055, -0.02214418351650238, -0.023816745728254318, -8.727015483600553e-06, 0.010491532273590565, 0.001744269160553813, -0.0004181407857686281, 0.0037494441494345665, 0.011009888723492622, -0.007091114763170481, -0.0006367143942043185, 0.014182229526340961, -0.016449173912405968, -0.0254063718020916, -0.007478154264390469, -0.017167963087558746, -0.014500155113637447, -0.0035300066228955984, 0.012067335657775402, -0.007588736712932587, -0.0005058294045738876, 0.026733364909887314, -0.006928696297109127, -0.022075068205595016, 0.017112670466303825, -0.004907106980681419, -0.013712253421545029, 0.004291990771889687, 0.01613125018775463, 0.028088003396987915, 0.00907469168305397, 0.007754610851407051, 0.022807680070400238, 0.006918329279869795, -0.01318698562681675, 0.00517665222287178, 0.015578336082398891, 0.008051802404224873, -0.0012518306029960513, 0.025959286838769913, -0.013152427971363068, -0.002790485043078661, -0.01631094701588154, 0.01747206412255764, 0.022932084277272224, -0.0013200808316469193, 0.030741987749934196, -0.02272474206984043, 0.011044446378946304, -0.038289256393909454, -0.0014418945647776127, -0.020969241857528687, 0.010429330170154572, 0.01224703248590231, 0.012793034315109253, 0.008286789990961552, -0.026028400287032127, 0.0037978242617100477, 0.005819413810968399, 0.03135019168257713, -0.005577514413744211, 0.005653539672493935, -0.012171006761491299, -0.01099606603384018, -0.00796886533498764, 0.004015533719211817, 0.014693674631416798, -0.015315702185034752, -0.00424706656485796, 0.009627604857087135, 0.008196941576898098, 0.034971773624420166, 0.03931214660406113, 0.001822886522859335, 0.006603859830647707, 0.0035662916488945484, 0.0016984809190034866, -0.002315324964001775, -0.0006047490751370788, 0.000239307846641168, -0.0023101414553821087, -0.014500155113637447, 0.021936841309070587, 0.0020181341096758842, 0.015799501910805702, 0.015467753633856773, 0.002799124224111438, 0.008867349475622177, 0.019863415509462357, -0.00438183918595314, 0.047246452420949936, -0.0008863893453963101, -0.015191297046840191, 0.012634072452783585, -0.01991870626807213, 0.010443152859807014, -0.019960174337029457, 0.0003721366520039737, 0.0026729910168796778, -0.022793857380747795, 0.007692408282309771, 0.0194901991635561, 0.029719097539782524, 0.011161940172314644, 0.009752010926604271, 0.01795586384832859, 0.009966264478862286, 0.008114004507660866, -0.014209874905645847, 0.018799057230353355, 0.014147672802209854, -0.013145516626536846, 0.0011498872190713882, -0.018951108679175377, 0.0021252611186355352, -0.005916173569858074, 0.003431519027799368, -0.03311951458454132, 0.028419749811291695, 0.006285934709012508, 0.004689397290349007, 0.003371044062077999, -0.005211208947002888, 0.041855547577142715, -0.001320944749750197, -0.014458686113357544, -0.005128272343426943, 0.038676295429468155, 0.0017624115571379662, -0.00367687433026731, -0.011362371034920216, -0.006579670123755932, -0.015564513392746449, -0.002256578067317605, 0.012475109659135342, -0.004917473997920752, -0.006341225933283567, 0.004454408772289753, -0.007561091333627701, 0.004692852962762117, 0.01607595756649971, -0.012751566246151924, 0.01568891853094101, 0.0024155406281352043, 0.01145913079380989, 0.002761111594736576, -0.03157135844230652, -0.026968352496623993, 0.02656749077141285, -0.0032863791566342115, 0.007471242919564247, -0.0030479354318231344, 0.004651384428143501, -0.009185274131596088, -0.0025451297406107187, -0.008266055956482887, -0.010000822134315968, -0.013076403178274632, 0.0038427484687417746, -0.011631916277110577, -0.018232321366667747, -0.007802990730851889, 0.03425298631191254, 0.012723920866847038, -0.011887638829648495, -0.014500155113637447, -0.026401616632938385, 0.026691896840929985, 0.06723427772521973, 0.016435351222753525, -0.02309795841574669, 0.02763184905052185, -6.285070412559435e-05, 0.023816745728254318, -0.03162664920091629, -0.03245601803064346, 0.029442640021443367, -0.006717898417264223, -0.004737777169793844, -0.007174051832407713, -0.0021874636877328157, -0.02098306454718113, 0.01027727872133255, -0.0006885500042699277, 0.011175762861967087, -0.016822392120957375, -0.007174051832407713, -0.01523276511579752, -0.012302324175834656, -0.01650446653366089, 0.03745988383889198, 0.014278989285230637, 0.020955419167876244, -0.007678585592657328, 0.02825387753546238, 0.030050845816731453, 0.014050913043320179, -0.02571047469973564, 0.013691519387066364, 0.009447908028960228, 0.011313991621136665, 0.009917885065078735, -0.004564991686493158, 0.034391216933727264, 0.019172273576259613, 0.007229343056678772, 0.012862148694694042, 0.015398639254271984, -3.6851895856671035e-05, 0.019421083852648735, 0.012488932348787785, -0.02146686427295208, -0.009123072028160095, -0.017057379707694054, -0.00127602054271847, 0.023526467382907867, -0.011403840035200119, -0.01714031584560871, 0.0007917893235571682, 0.005791768431663513, -0.005435830447822809, -0.03364478424191475, -0.01631094701588154, 0.009150717407464981, 0.0005546413012780249, -0.026747187599539757, 0.0017028006259351969, -0.03585643693804741, 0.0014453502371907234, -0.041717320680618286, 0.017693230882287025, 0.00034405902260914445, -0.020374860614538193, 0.004426763392984867, -0.004388750530779362, -0.015854792669415474, -0.008798235096037388, -0.011445308104157448, -0.01772087626159191, -0.010526089929044247, -0.032234854996204376, 0.012751566246151924, 0.024466419592499733, 0.001833253656513989, 0.024328190833330154, 0.0020457797218114138, -0.021287167444825172, 0.02185390330851078, -0.020582202821969986, 0.008224586956202984, 0.004084648098796606, -0.026208097115159035, 0.006372327450662851, 0.01220556441694498, 0.00842501875013113, -0.010139049962162971, 0.012723920866847038, -0.007346837315708399, 0.00820385292172432, -0.006531289778649807, 0.004965853877365589, -0.004485510289669037, -0.012530400417745113, 0.007837547920644283, 0.03441886231303215, 0.00816238485276699, -0.024701407179236412, -0.03472296521067619, 0.0100837592035532, -0.014638382941484451, 0.006887228228151798, 0.014417218044400215, -0.009627604857087135, 0.012799945659935474, 0.0024777434300631285, -0.00021868158364668489, -0.01244055200368166, 0.02449406497180462, 0.044011909514665604, -0.012419817969202995, 0.0015386544400826097, -0.022365348413586617, 0.011887638829648495, 0.009669073857367039, -0.002418996300548315, -0.009427173994481564, -0.00102548161521554, -0.02045779675245285, -0.010021556168794632, -0.026056045666337013, 0.020098403096199036, 0.01795586384832859, 0.0028544156812131405, 0.028945017606019974, 0.0008051801705732942, -0.027424506843090057, -0.027313923463225365, 0.005961097776889801, -0.022005954757332802, 0.01819085143506527, -0.02049926482141018, -0.04553242027759552, -0.014859548769891262, -0.010456975549459457, -0.023167073726654053, 0.004682485479861498, -0.007035823538899422, -0.015771856531500816, -0.013256100006401539, 0.006569302640855312, 0.012288501486182213, -0.007104937452822924, -0.01306949183344841, -0.030824923887848854, -0.01383665855973959, 0.02575194276869297, -0.009371883235871792, 0.020609848201274872, -0.01660122536122799, 0.03137783706188202, -0.0021114381961524487, -0.0035870259162038565, -0.0267610102891922, -0.02334677055478096, -0.02955322340130806, -0.01694679632782936, 0.05534663423895836, 0.02020898647606373, 0.018218498677015305, -0.00782372523099184, 0.022462109103798866, 0.014748966321349144, 0.01882670260965824, 0.004454408772289753, -0.004907106980681419, 0.024950219318270683, -0.014044001698493958, 0.00808635912835598, -0.002282495843246579, 0.0010928679257631302, 0.011472953483462334, -0.0032621892169117928, -0.017223253846168518, -0.010774900205433369, -0.006579670123755932, 0.015440107323229313, -0.0003382275172043592, -0.0376257598400116, -0.010705786757171154, -0.004865638446062803, -0.00045356180635280907, 0.0029753653798252344, -0.004641016945242882, 0.0076371170580387115, 0.023236187174916267, 0.004938208032399416, 0.014804257079958916, 0.008383549749851227, 0.019808124750852585, -0.013560201972723007, 0.026636604219675064, 0.023028844967484474, 0.008418107405304909, -0.014596914872527122, -0.02559989131987095, -0.02522667497396469, 0.008991754613816738, 0.023526467382907867, 0.028419749811291695, -0.0019524756353348494, 0.0038116469513624907, -0.0015671639703214169, 0.0005205161869525909, 0.034197695553302765, 0.006624594330787659, -0.022503577172756195, -0.005871249362826347, -0.016380060464143753, -0.006320491898804903, -0.020927773788571358, -0.016642695292830467, -0.017651760950684547, 0.006659151054918766, 0.0011723493225872517, -0.02449406497180462, 0.022641805931925774, 2.3811995561118238e-05, -0.014016355387866497, 0.011783967725932598, 0.01718178577721119, 0.02801888808608055, -0.028806790709495544, 0.022392993792891502, 0.03815102577209473, 0.02488110400736332, -0.006856126710772514, 0.018177028745412827, 0.013995621353387833, 0.021024532616138458, 0.01685003750026226, 0.013698430731892586, -0.04553242027759552, -0.015205119736492634, 0.019324325025081635, 0.013857392594218254, -0.02040250599384308, -0.03085256926715374, 0.0047170426696538925, -0.009081603027880192, 0.004551168531179428, -0.017071202397346497, -0.016836214810609818, -0.02127334475517273, -0.0060578580014407635, 0.0021252611186355352, 0.017734698951244354, -0.004972765222191811, -0.0002803443931043148, 0.0046064602211117744, -0.007374483160674572, -0.015578336082398891, 0.025185206905007362, 0.0029252576641738415, -0.0035144560970366, 0.013802101835608482, -0.013774456456303596, 0.00097796565387398, -0.0015058252029120922, 0.009517022408545017, 0.013636227697134018, -0.01251657772809267, 0.027327746152877808, -0.01542628463357687, 0.0069390637800097466, -0.0034557089675217867, 0.002605604473501444, -0.00868765264749527, 0.026401616632938385, -0.022310057654976845, -0.003922229632735252, -0.017776167020201683, -0.009060868993401527, 0.030548468232154846, -0.022227119654417038, 0.0032518221996724606, -0.01824614405632019, 0.0038565711583942175, -0.005107537843286991, -0.005795224104076624, 0.0016431895783171058, 0.022503577172756195, -0.0037563557270914316, -0.004457864444702864, -0.004226332064718008, -0.01005611289292574, -0.006901050917804241, 0.008653094992041588, -0.028917372226715088, -0.003324392018839717, -0.005594792775809765, 0.00436801603063941, -0.016200363636016846, 0.005961097776889801, -0.004343826323747635, -0.0028094914741814137, 0.011203408241271973, -0.020139871165156364, 0.00881205778568983, 0.00880514644086361, -0.00953084509819746, -0.02348499745130539, 0.008321347646415234, -0.014735142700374126, -0.0054703871719539165, 0.020195163786411285, -0.01843966357409954, -0.01438957266509533, -0.015481576323509216, -0.011638827621936798, 0.01429281197488308, -0.00127602054271847, -0.01053991261869669, 0.015592158772051334, -0.005238854791969061, 0.02542019449174404, -0.011016800068318844, -0.008784412406384945, 0.021715674549341202, -0.03356184437870979, -0.0018211586866527796, -0.0002676014555618167, -0.023111781105399132, -0.008936463855206966, 0.00907469168305397, -0.005377083085477352, -0.0095515800639987, -0.04818640649318695, 0.0024708318524062634, 0.013428885489702225, 0.015758033841848373, -0.008977931924164295, -0.00823149923235178, -0.007284634746611118, -0.0004267800541128963, -0.016186540946364403, -0.008798235096037388, -0.0001889840787043795, -0.004291990771889687, -0.0035835702437907457, 0.01292435172945261, 0.009862593375146389, 0.02011222578585148, -0.0021408116444945335, 0.015260410495102406, -0.01005611289292574, -0.020969241857528687, -0.04105382412672043, -0.008590892888605595, -0.002873422112315893, 0.01766558364033699, 0.011079003103077412, -0.021356280893087387, -0.018204674124717712, -0.021066002547740936, -0.03768105059862137, 0.010187430307269096, 0.002327420050278306, -0.006600404158234596, 0.005038423929363489, -0.004654840100556612, 0.01398179866373539, 0.01776234433054924, -0.018494954332709312, 0.026221919804811478, -0.010685051791369915, -0.022945906966924667, 0.03707284480333328, -0.020098403096199036, 0.027908306568861008, -0.016062134876847267, -0.02363704890012741, -0.004343826323747635, -5.912502092542127e-05, 0.01631094701588154, 0.0022842236794531345, 0.02825387753546238, -0.011231054551899433, -0.01902022212743759, 0.029470285400748253, 0.01689150556921959, -0.01066431775689125, 0.019324325025081635, 0.041855547577142715, -0.012751566246151924, -0.01743059605360031, 0.007429774384945631, -0.023761454969644547, -0.007187874522060156, -0.012882882729172707, -0.0012820680858567357, 0.010781812481582165, 0.027120403945446014, 0.012682451866567135, 0.019559312611818314, 0.030548468232154846, -0.004692852962762117, 0.0050902594812214375, -0.003687241580337286, 0.013325213454663754, 0.007056557573378086, 0.019047867506742477, 0.001257878029718995, -0.026152806356549263, 0.018840525299310684, -0.02618045173585415, 0.0012466469779610634, 0.010235809721052647, -0.009392617270350456, -0.010049201548099518, -0.01828761212527752, -0.008971020579338074, -0.015301879495382309, -0.02012604847550392, -0.01458309218287468, -0.03765340521931648, -0.017195608466863632, 0.013809013180434704, 0.012433640658855438, 0.007533445488661528, -0.0014289356768131256, -0.00636541610583663, -2.4729917640797794e-05, -0.03226250037550926, -0.011846170760691166, -0.0028630548622459173, -0.018412018194794655, -0.0213286355137825, 0.010816369205713272, -0.021978309378027916, -0.01929667964577675, -0.007547268643975258, 0.02228241227567196, -0.008245321922004223, -0.0030289290007203817, 0.21441982686519623, -0.008583981543779373, 0.007906662300229073, 0.029774388298392296, -0.01174941100180149, 0.020582202821969986, -0.024328190833330154, -0.009012488648295403, 0.0012276406632736325, 0.003960242494940758, -0.017942041158676147, 0.029995553195476532, -0.008922640234231949, -0.014818079769611359, 0.0033986896742135286, -0.005902350880205631, -0.030493175610899925, -0.03190310671925545, -0.013200808316469193, 0.023111781105399132, 0.01568891853094101, -0.005840148311108351, -0.0005533454241231084, -0.013090225867927074, 0.03779163211584091, -0.001066950149834156, -0.024701407179236412, 0.006019845139235258, 0.0387868769466877, 0.010173607617616653, -0.02493639662861824, 0.0005494577344506979, 0.01795586384832859, 0.0032414549496024847, 0.003987888339906931, -0.021190406754612923, 0.015246587805449963, -0.01152824517339468, 0.047965239733457565, 0.02040250599384308, 0.0072777229361236095, 0.0032984742429107428, -0.0015559329185634851, -0.022641805931925774, 0.007533445488661528, 0.03466767072677612, -0.019269032403826714, 0.006133883260190487, -0.0033416706137359142, -0.007692408282309771, -0.02363704890012741, -0.006282479036599398, 0.02107982523739338, 0.022406816482543945, 0.0062721120193600655, 0.00786519329994917, -0.004592637065798044, 0.007270811591297388, 0.021964486688375473, 0.01772087626159191, -0.000533475074917078, 0.0270512904971838, -0.01714031584560871, 0.016780922189354897, -0.009330414235591888, 0.006569302640855312, -0.012841414660215378, 0.023941151797771454, 0.03350655362010002, -0.0038634827360510826, -0.0026505286805331707, -0.005636261310428381, -0.01020816434174776, 0.023885861039161682, -0.018038799986243248, -0.02922147512435913, 0.008632360957562923, 0.007415951695293188, 0.011638827621936798, 0.022420639172196388, 0.0007317463750950992, -0.005321791861206293, -0.018024977296590805, -0.0004241882706992328, -0.03353419899940491, -0.015329524874687195, 0.0011809885036200285, -0.010864748619496822, 0.004468231927603483, -0.010574469342827797, -0.004478598944842815, -0.002667807275429368, -0.003345126286149025, -0.003763267071917653, 0.014610737562179565, -0.006949430797249079, 0.015053068287670612, 0.010830191895365715, -0.021964486688375473, 0.00820385292172432, -0.022876793518662453, 0.0544896200299263, 0.009164540097117424, -0.007899750955402851, 0.01160427089780569, 0.022752387449145317, 0.0008915729122236371, 0.02078954502940178, -0.0003049663209822029, 0.008784412406384945, -0.009648339822888374, -0.012813769280910492, 0.012869060039520264, 0.01066431775689125, -0.00019503157818689942, 0.046859413385391235, -0.007326103281229734, -0.024770522490143776, 0.03635405749082565, -0.008722209371626377, -0.006856126710772514, -0.014569269493222237, -0.010512266308069229, 0.022268589586019516, 0.008653094992041588, -0.006247921846807003, -0.007726965472102165, -0.0001598265371285379, 0.002591781783849001, -0.019338147714734077, 0.025973109528422356, -0.0007805582717992365, 0.008784412406384945, -0.02449406497180462, -0.006949430797249079, -0.01766558364033699, 0.02994026243686676, -0.00510062649846077, -0.006389605812728405, -0.0064967330545187, -0.0012751566246151924, -0.015813324600458145, -0.000998699921183288, -0.003614671528339386, -0.014942485839128494, -0.027687139809131622, 0.02709275856614113, 0.011030622757971287, 0.004340370651334524, -0.015951553359627724, -0.005266500636935234, -0.006386150140315294, -0.012025867588818073, -0.016006844118237495, 0.03104608878493309, 0.010090670548379421, -0.018370548263192177, -0.003535190364345908, -0.0132353650406003, -0.008922640234231949, -0.024148494005203247, -0.0019490198465064168, 0.03007849119603634, -0.02142539620399475, -0.0199739970266819, -0.005062613636255264, -0.1795862913131714, 0.025019332766532898, -0.003070397535338998, -0.035552334040403366, 0.02536490373313427, 0.03472296521067619, 0.03364478424191475, -0.0055429572239518166, -0.02319471910595894, 0.0014660845045000315, -0.002730010077357292, 0.0015205119270831347, -0.04716351628303528, 0.001168893533758819, 0.00902631226927042, 0.0020786088425666094, -0.010215075686573982, 0.005401273258030415, 0.015094537287950516, -0.0034539811313152313, 0.02988497167825699, -0.005453108809888363, 0.0010989154689013958, 0.007837547920644283, 0.025447841733694077, -0.002994371810927987, 0.0012207292020320892, -0.012336880899965763, 0.010311835445463657, -0.018937285989522934, 0.0097934789955616, -0.011134294793009758, 0.0385933592915535, -0.00839737243950367, 0.014016355387866497, -0.028336813673377037, -0.012820680625736713, -0.02208889275789261, -0.013076403178274632, 0.021978309378027916, 0.012157184071838856, 0.015550690703094006, 0.021978309378027916, -0.00998699851334095, 0.0022064701188355684, 0.028917372226715088, 0.0064137959852814674, -0.006859582383185625, 0.019172273576259613, -0.010567557998001575, 0.0285026878118515, -0.04102617874741554, 0.0072224317118525505, 0.014265166595578194, -0.01020816434174776, 0.0037494441494345665, -0.003250094363465905, 0.0029356246814131737, 0.0004231083730701357, 0.011493688449263573, -0.0010799090377986431, -0.009461731649935246, 0.013428885489702225, -0.03132254630327225, -0.009282033890485764, 0.012682451866567135, -0.032234854996204376, 0.019863415509462357, -0.022406816482543945, -0.012295412831008434, -0.004399117548018694, -0.0059852879494428635, 0.00786519329994917, -0.001046215882524848, -0.006863038055598736, 0.0011395200854167342, -0.007305368781089783, -0.007830636575818062, -0.002621155232191086, -0.020388683304190636, 0.0009503199835307896, 0.008252233266830444, -0.02170185185968876, -0.01138310506939888, -0.03433592617511749, -0.00847339816391468, 0.01350491028279066, 0.014859548769891262, -0.0024708318524062634, -0.025351081043481827, 0.012640983797609806, -0.029387349262833595, 0.003784001339226961, -0.005408184602856636, 0.018840525299310684, 0.03480590134859085, -0.01331139076501131, 0.0066695185378193855, -0.01679474487900734, 0.008770589716732502, -0.005446197465062141, -0.003217265009880066, -0.025834880769252777, -0.0002678174350876361, 0.011148117482662201, 0.010740343481302261, -0.03524823114275932, 0.021052179858088493, 0.02839210443198681, 0.00570537569001317, -0.026415439322590828, 0.017831457778811455, 0.02559989131987095, 0.015066890977323055, 0.010533001273870468, 0.01785910315811634, -0.007505800109356642, -0.010560646653175354, 0.008798235096037388, -0.010844014585018158, 0.06176042929291725, 0.028170939534902573, -0.020900128409266472, 0.0005999974673613906, -0.0016898417379707098, -0.020637493580579758, -0.08155473321676254, -0.020485442131757736, 0.005276867654174566, 0.02503315545618534, -0.00477579003199935, 0.02059602551162243, 0.006731721106916666, 8.131715003401041e-05, -0.029304413124918938, 0.037321656942367554, -0.006904506590217352, -0.03580114617943764, -0.0038116469513624907, -0.006237554829567671, -0.01035330444574356, -0.0135256452485919, -0.008286789990961552, -0.022683274000883102, -0.03364478424191475, 0.030548468232154846, -0.002892428310588002, 0.009461731649935246, 0.011611182242631912, -0.015260410495102406, -0.00046306499280035496, -0.011507511138916016, -0.03311951458454132, 0.023844391107559204, 0.022890616208314896, 0.007139494642615318, 0.019669895991683006, -0.015066890977323055, 0.019946351647377014, -0.03403182327747345, 0.008708386681973934, -0.006317036226391792, -0.01834290288388729, -0.006831936538219452, 0.025765765458345413, -0.009800390340387821, 0.003742532804608345, 0.01470749732106924, 0.029580868780612946, -0.021674206480383873, -0.02295972965657711, 0.007084203418344259, -0.023139426484704018, 0.02237917110323906, 0.038399837911129, -0.0029131625778973103, -0.011390016414225101, 0.0008617674466222525, -0.022061245515942574, -0.006901050917804241, 0.02301502227783203, -0.007415951695293188, 0.011210319586098194, 0.005349437706172466, -0.04077736660838127, -0.0028129471465945244, -0.004406028892844915, 0.02406555786728859, -0.004143394995480776, -0.003274284303188324, -0.012869060039520264, -0.027327746152877808, -0.026249565184116364, -0.024659939110279083, 0.0063515929505229, -0.0032708286307752132, 0.019089335575699806, -0.01863318309187889, -0.009109249338507652, 0.004371471703052521, -0.025254320353269577, -0.0029753653798252344, -0.01027727872133255, -0.004955486860126257, -0.0011680296156555414, -0.011486777104437351, -0.027880659326910973, -0.023899683728814125, -0.009731276892125607, -0.008708386681973934, 0.010636672377586365, 0.013712253421545029, -0.024825813248753548, 0.009510111063718796, -0.004312724806368351, -0.029719097539782524, 0.013891950249671936, 0.025544600561261177, 0.011631916277110577, -0.003096315311267972, -0.010304924100637436, 0.00813473854213953, 0.01020816434174776, -0.004212509375065565, -0.00868765264749527, 0.021743321791291237, -0.0274383295327425, -0.01350491028279066, -0.07740788161754608, 0.01828761212527752, -0.007208609022200108, -0.019531667232513428, -0.03823396563529968, 0.025212852284312248, 0.0006423299200832844, -0.011396928690373898, 0.003929140977561474, 0.022351525723934174, -0.01193601917475462, 0.021162761375308037, 0.007802990730851889, 0.004406028892844915, -0.026484552770853043, -0.01490101683884859, 0.020485442131757736, -0.014541623182594776, 0.028751498088240623, 0.025351081043481827, 0.024825813248753548, -0.014500155113637447, 0.00959995947778225, 0.007816813886165619, -0.01795586384832859, -0.01001464482396841, -0.018080269917845726, 0.005964553914964199, 0.010263456031680107, -0.01790057308971882, 0.012689363211393356, -0.0016077685868367553, -0.0129934661090374, 0.021688029170036316, -0.012813769280910492, -0.025240497663617134, -0.006538201589137316, 0.026733364909887314, 0.027742432430386543, 0.01660122536122799, -0.02329147793352604, -0.03972683101892471, 0.012571869418025017, -0.017015911638736725, -0.031073736026883125, -0.005639716982841492, 0.0011360642965883017, 0.010443152859807014, -7.0464066084241495e-06, 0.008487220853567123, -0.00017408134590368718, 0.00675245514139533, -0.011956753209233284, -0.03168193995952606, 0.01292435172945261, 0.00959995947778225, -0.004063913598656654, -0.0010341209126636386, -0.01118958555161953, -0.025046978145837784, 0.02747979760169983, -0.0013693246291950345, 0.024825813248753548, 0.023885861039161682, 0.03242837265133858, 0.006216820329427719, -0.010436241514980793, 0.009123072028160095, 0.02257269062101841, -0.011659562587738037, -0.02210271544754505, 0.009890238754451275, 0.014693674631416798, 0.013511822558939457, -0.0015239677159115672, -0.02392732910811901, 0.019213741645216942, -0.007284634746611118, -0.010270367376506329, -0.0019006399670615792, 0.005449653137475252, -0.015661273151636124, -0.001035848748870194, 0.003804735606536269, 0.019144628196954727, 0.018370548263192177, -0.00457190303131938, 0.004457864444702864, 0.025447841733694077, 0.01542628463357687, -0.02594546228647232, 0.03110138140618801, 0.00423669908195734, -0.016352415084838867, 0.020817190408706665, -0.015536868013441563, 0.0030928596388548613, -0.00729154609143734, 0.006928696297109127, 0.007312280125916004, 0.0067248097620904446, -0.002944264095276594, 0.010595203377306461, -0.02517138421535492, -0.05905115604400635, 0.01107209175825119, -0.01024963241070509, -0.0004427627136465162, -0.02078954502940178, 0.013532556593418121, 0.025046978145837784, 0.003953331150114536, -0.018467308953404427, 0.019531667232513428, -0.0216189157217741, 0.0005943819414824247, 0.004108837805688381, 0.004682485479861498, -0.018315257504582405, 0.030161427333950996, 0.03441886231303215, -0.0005377947236411273, 0.013961064629256725, 0.007312280125916004, 0.013802101835608482, 0.005919629707932472, 0.02344352938234806, -0.02786683663725853, 0.018840525299310684, 0.015523044392466545, 0.0072777229361236095, 0.0048449039459228516, -0.012253943830728531, -0.015619805082678795, -0.0027472886722534895, 0.021646561101078987, -0.0017796901520341635, 0.0007071244763210416, 0.0032725564669817686, 0.076799675822258, 0.01780381239950657, -0.01741677336394787, -0.012917440384626389, -0.00967598520219326, -0.010298012755811214, 0.01477661170065403, 0.00048768692067824304, -0.0185225997120142, -0.00876367837190628, -0.006745543796569109, -0.015080713666975498, -0.012191741727292538, -0.009862593375146389, 0.011680296622216702, -0.0007632797351107001, 0.00126046990044415, 0.011500599794089794, -0.02709275856614113, 0.010512266308069229, 0.011652650311589241, 0.02020898647606373, 0.013670784421265125, 0.02291826158761978, -0.011486777104437351, -0.013193896971642971, 0.016145072877407074, 0.0001642541610635817, 0.007844459265470505, -0.052443839609622955, -0.008196941576898098, -0.016490643844008446, -0.05866411700844765, -0.01201204489916563, 0.002000855514779687, -0.004824169911444187, -0.00044449057895690203, -0.012979643419384956, 0.004813802428543568, 0.01549539901316166, -0.003642317373305559, 0.004727409686893225, -0.008860438130795956, -0.027465974912047386, 0.011376193724572659, -0.004782701376825571, -0.013518733903765678, -0.019338147714734077, 0.005933452397584915], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='275fac2f-825e-42db-ac26-f62abd0b2d3f', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '10', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_type': 'application/pdf', 'file_size': 885090, 'creation_date': '2024-02-25', 'last_modified_date': '2024-02-07', 'last_accessed_date': None}, hash='dcab6538d0571537d8bc357f52693cbd57af139d5fc47d8e0a85c265f0b79856')}, text='Prof. Keutzer’s lab is sponsored by the Intel corporation, Intel\\nOne-API, Intel VLAB team, the Intel One-API center of excellence, as well as funding through BDD and BAIR. We\\nalso appreciate support from Samsung including Dongkyun Kim, and David Thorsley. ', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='772f509c-772e-462a-a2c7-d153ae398dfb', embedding=[-0.0009731885511428118, -0.005020067561417818, 0.008948050439357758, -0.036102212965488434, 0.005943055264651775, 0.021461229771375656, -0.014598708599805832, 0.009145330637693405, -0.012104528024792671, -0.02561819739639759, 0.015091908164322376, 0.00992740411311388, 0.007651640102267265, 0.006112152710556984, -0.007905285805463791, -0.005185641814023256, 0.017445174977183342, -0.0061614722944796085, -0.010519243776798248, -0.018558397889137268, -0.003551037283614278, -0.008616901934146881, -0.017487449571490288, -0.008849410340189934, -0.003580981632694602, 0.018614763393998146, 0.0350312665104866, -0.04641713201999664, -0.0232649315148592, -0.022715365514159203, 0.004396522417664528, 0.013175475411117077, -0.021221674978733063, -0.009011461399495602, -0.020150726661086082, 0.0004535675107035786, -0.003420691704377532, -0.010307871736586094, 0.023927226662635803, 0.0013069789856672287, 0.020883481949567795, 0.020164819434285164, 0.01362640131264925, -0.01807928830385208, 0.011998842470347881, -0.00043000842561013997, 0.017177438363432884, -0.013351618312299252, -0.014056188985705376, 0.02405405044555664, 0.02391313575208187, 0.021855788305401802, 0.0068589975126087666, -0.004896767903119326, -0.020615743473172188, 0.008208250626921654, -0.015317371115088463, 0.019812533631920815, -0.008729632943868637, -0.015895118936896324, 0.02368767373263836, 0.01404914353042841, -0.027083704248070717, 0.02461770735681057, -0.007130257319658995, -0.0025945822708308697, -0.021728966385126114, 0.015218731015920639, 0.002386733889579773, 0.0046255080960690975, 0.03145204484462738, -0.0005724638467654586, -0.012308853678405285, -0.013069789856672287, 0.027647361159324646, -0.029000138863921165, 0.0004967224667780101, -0.017769277095794678, -0.029338331893086433, -0.010399466380476952, -0.009983769617974758, -0.02802783064544201, -0.005411104299128056, 0.024519067257642746, 0.003041984746232629, -0.00451982207596302, -0.006263635121285915, -0.004241516813635826, -0.014824171550571918, 0.003727179951965809, 0.0030807361472398043, 0.01572602242231369, 0.025857752189040184, -0.00020344484073575586, 0.005330078769475222, 0.018544305115938187, -0.007665731478482485, 0.01850203238427639, 0.0034647274296730757, -0.021517595276236534, -0.00782778300344944, -0.01600784994661808, -0.012964104302227497, -0.00875781662762165, -0.023715855553746223, -0.00343302171677351, 0.008715542033314705, -0.0004163573612459004, 0.01807928830385208, 0.02405405044555664, -0.032410260289907455, 0.010977214202284813, -0.023589033633470535, -0.035735834389925, -0.006707515101879835, -0.010934940539300442, 0.01586693711578846, -0.00789823941886425, -0.004917904734611511, -0.014866446144878864, 0.040301453322172165, 0.006386935245245695, 0.01319661270827055, -0.009370792657136917, 0.03593311458826065, 0.011195631697773933, -0.012329990975558758, -0.026562321931123734, -0.02540682628750801, -0.01184383686631918, -0.0012761540710926056, 0.013506623916327953, 0.012407493777573109, 0.006947068963199854, -0.008919867686927319, 0.042020607739686966, -0.02873240038752556, -0.01920660212635994, 0.006517280824482441, -0.0004046879184897989, 0.008673267439007759, 0.01651514135301113, -0.003448874456807971, -0.007165485993027687, -0.0008829153957776725, 0.03407304733991623, 0.004403567872941494, 0.01814974658191204, 0.02177124097943306, 0.003868094179779291, -0.00031859814771451056, -0.04447251558303833, -0.015035542659461498, 0.031592957675457, 0.02036209963262081, -0.02945106290280819, 0.0011352398432791233, 0.03235389664769173, -0.019037505611777306, -0.018826134502887726, 0.011329500004649162, -0.008349165320396423, 0.004970747511833906, 0.010223323479294777, 0.013119109906256199, 0.019164327532052994, 0.028013737872242928, -0.0037307029124349356, -0.01433801744133234, 0.003998439759016037, 0.009187604300677776, 0.03088838793337345, -0.01602194271981716, 0.00843371357768774, -0.013126155361533165, -0.009377839043736458, 0.03381940349936485, -0.002751349238678813, -0.012012933380901814, -0.017684729769825935, 0.03336847573518753, 0.01885431632399559, 0.029225600883364677, 0.01907978020608425, 0.0018072243547067046, -0.006940023507922888, 0.03122658282518387, -0.026238219812512398, 0.0038328657392412424, -0.013823680579662323, 0.02384267933666706, 0.03342484310269356, 0.015430102124810219, -0.014070280827581882, -0.6389612555503845, -0.0284646637737751, 0.015556924976408482, -0.008609856478869915, -0.01692379266023636, -0.003639108734205365, -0.008419621735811234, 0.018826134502887726, -0.02171487547457218, 0.03751135617494583, -0.023109925910830498, 0.007665731478482485, -0.014936902560293674, -0.012428630143404007, -0.012520224787294865, -0.01878385990858078, -0.025787293910980225, -0.01915023662149906, 0.01572602242231369, 0.004614939447492361, -0.020291641354560852, 0.020080270245671272, -0.011435185559093952, -0.015683747828006744, 0.005615429952740669, 0.02227853238582611, 0.015993759036064148, -0.01906568743288517, 0.023363571614027023, 0.029901988804340363, -0.02504044957458973, 0.0024501453153789043, 0.016670146957039833, 0.006150904111564159, 0.04605075344443321, -0.0018706356640905142, -0.008426668122410774, 0.004565619397908449, 0.006992866285145283, 0.040583282709121704, -0.037595901638269424, -0.004047759808599949, 0.01984071545302868, 0.005717592779546976, 0.0004212012863717973, 0.045712560415267944, 0.016627872362732887, 0.009152376092970371, -0.028633760288357735, -0.009617392905056477, -0.030691107735037804, -0.0024589523673057556, -0.0022775253746658564, -0.006992866285145283, -0.0005953623913228512, -0.005005976185202599, 0.027351442724466324, -0.019333425909280777, 0.005319510120898485, 0.008842364884912968, -0.0002613517572171986, 0.029986537992954254, -0.004474025219678879, 0.003579220036044717, -0.012139756232500076, -0.007242988795042038, 0.00176935363560915, 0.015810571610927582, 0.020235275849699974, -0.013541852124035358, 0.017106981948018074, 0.024237237870693207, -0.00022920571791473776, -0.017543815076351166, 0.005270190071314573, 0.03322756290435791, 0.0215457770973444, -0.0038575255312025547, -0.0007424415671266615, 0.01758608967065811, 0.0006953233969397843, -0.006143858190625906, 0.011118128895759583, 0.0024906580802053213, 0.0032093203626573086, -0.002812999300658703, -0.006031126715242863, -0.006925931666046381, -0.014485977590084076, 0.0007490469142794609, 0.0107728885486722, 0.005548495799303055, -0.009060781449079514, -0.04424705356359482, -0.0017112265340983868, 0.03728589043021202, 0.004435273818671703, 0.003248071763664484, -0.0023638352286070585, -0.04354248195886612, -0.0014223525067791343, -0.018797950819134712, 0.02575911208987236, 0.0018723971443250775, 0.0166560560464859, 0.012907738797366619, -0.02070029266178608, -6.781495176255703e-05, 0.012146802619099617, -0.029281966388225555, -0.01194952242076397, -0.011082899756729603, -0.015824662521481514, -0.006943546235561371, 0.006281249690800905, -0.031057484447956085, -0.013471395708620548, 0.017473358660936356, 0.002439576666802168, -0.01045583188533783, 0.004075942561030388, 0.021954428404569626, 0.0001270429347641766, 0.015782387927174568, 0.022179892286658287, 0.009582163766026497, 0.007841873914003372, -0.02888740599155426, -0.009229878894984722, 0.03387576714158058, 0.009652621112763882, -0.019742077216506004, 0.036609504371881485, -0.02370176464319229, 0.02774600125849247, 0.003639108734205365, 0.02767554484307766, -0.014669165946543217, 0.016346044838428497, -0.016050124540925026, -0.013365710154175758, 0.02816874347627163, 0.028577394783496857, 0.0016768787754699588, -0.024955900385975838, -0.00013144650438334793, -0.009370792657136917, 0.006577169056981802, 0.02746417373418808, -0.02419496513903141, -0.0004174582427367568, 0.009990815073251724, -0.013739132322371006, 0.023997684940695763, 0.013717995025217533, -0.0122383963316679, 0.0037588856648653746, -0.022377170622348785, -0.02347630262374878, -0.01593739353120327, -0.0006024081376381218, 0.010399466380476952, -0.023645399138331413, 0.015021451748907566, 0.005090524908155203, -0.010934940539300442, 0.0006966444780118763, 0.022038977593183517, -0.012520224787294865, -0.028506938368082047, -0.007722096983343363, -0.041597865521907806, 0.011456322856247425, 0.002096098382025957, -0.007665731478482485, 1.2997405974601861e-05, 8.366779366042465e-05, 0.014725531451404095, -0.018121562898159027, -0.004798127803951502, 0.017656546086072922, -0.004604370798915625, 0.00033643259666860104, 0.010371283628046513, 0.01721971295773983, 0.011625419370830059, 0.039230506867170334, -0.009166467003524303, 0.018741585314273834, 0.0006358752143569291, -0.016191039234399796, 0.012534316629171371, -0.024561341851949692, 0.002728450810536742, -0.0008071740157902241, 0.007574137300252914, -0.00803915411233902, -0.004178105387836695, -0.00013992337335366756, 0.011456322856247425, 0.0012647047406062484, 0.026012757793068886, 0.02213761769235134, -0.0038363884668797255, -0.011322454549372196, 0.005668272729963064, 0.004452887922525406, -0.028831040486693382, -0.0017112265340983868, 0.004776990506798029, -0.0015465330798178911, -0.006164995487779379, -0.023152198642492294, -0.0071725319139659405, -0.0025540695060044527, 0.016331953927874565, 0.016740605235099792, 0.009398975409567356, -0.032973919063806534, 0.0014311596751213074, -0.00443175109103322, -0.010082409717142582, 0.012914784252643585, -0.003214604686945677, 0.0023180381394922733, 0.016670146957039833, -0.01602194271981716, -0.0015386067098006606, 0.02277173101902008, 0.004769945051521063, -0.008553490974009037, 0.027083704248070717, 0.013013424351811409, 0.024674072861671448, 0.012097482569515705, 0.007848919369280338, 0.03339666128158569, -0.006457392126321793, 0.04320428892970085, -0.006940023507922888, 0.006524326279759407, 0.016134673729538918, -0.0032515947241336107, -0.00846189633011818, 0.05008089914917946, -0.012477950192987919, 0.01436620019376278, 0.009483524598181248, -0.010265598073601723, -0.00580214150249958, -0.010082409717142582, 0.03528491035103798, -0.0337066724896431, -0.0007574136834591627, 0.02873240038752556, -0.013584126718342304, -0.0004764660552609712, 0.01205520797520876, 0.011350637301802635, 0.012597727589309216, 0.015246913768351078, 0.02667505480349064, 0.009046690538525581, -0.022179892286658287, -0.017163347452878952, 0.0014663881156593561, 0.005347692873328924, -0.007197191473096609, -0.02084120735526085, -0.018163837492465973, -0.022250348702073097, -0.019756168127059937, -0.00949761550873518, -0.025815477594733238, 0.004188674036413431, 1.2371274351608008e-05, -0.0006323523703031242, 0.029986537992954254, 0.006633535027503967, 0.03322756290435791, -0.014246423728764057, -0.023462209850549698, 0.01593739353120327, 0.014323926530778408, -0.010124683380126953, -0.01813565567135811, -0.021249858662486076, 0.006496143527328968, -0.027929190546274185, -0.005051773507148027, 0.01985480822622776, 0.0006424805615097284, -0.00684842886403203, -0.00981467217206955, -0.022814005613327026, 0.008130747824907303, 0.019530704244971275, -0.01829066127538681, 0.011667693965137005, 0.006520803552120924, 0.011879065074026585, 0.0145846176892519, -0.04069601371884346, -0.004199242684990168, 0.03322756290435791, -0.032973919063806534, -0.013048652559518814, -0.02247581072151661, -0.0023391754366457462, -0.023236747831106186, 0.011357682757079601, -0.008137794211506844, -0.007560045458376408, 0.0064503466710448265, 0.0395686998963356, 0.00048395214253105223, -0.021320315077900887, -0.006707515101879835, 0.029422881081700325, -0.005428718868643045, -0.008652130141854286, -0.02468816377222538, -0.01551465131342411, 0.01700834184885025, 0.07947559654712677, 0.030409280210733414, -0.027647361159324646, 0.006665240507572889, 0.01600784994661808, 0.0072288974188268185, -0.02683006040751934, -0.02219398319721222, -0.0063340924680233, -0.01643059402704239, -0.022222166880965233, -0.003445351729169488, 0.0019763214513659477, -0.0178679171949625, 0.02774600125849247, 0.0006693423492833972, 0.006295341067016125, 0.0014804796082898974, -0.009511707350611687, 0.006873088888823986, -0.0007239466067403555, -0.006418640725314617, 0.0458252914249897, 0.01244976744055748, 0.011104037053883076, 0.007405039854347706, 0.030183816328644753, 0.031480226665735245, 0.006897748913615942, -0.0337066724896431, 0.0021295654587447643, 0.013844817876815796, 0.013957549817860126, 0.011498596519231796, -0.007863011211156845, 0.02525182068347931, 0.025096815079450607, -0.013865955173969269, 0.010582654736936092, 0.00999786052852869, 0.012153848074376583, 0.014485977590084076, 0.00738390302285552, -0.01423233188688755, -0.010631974786520004, -0.018769768998026848, 0.0031934676226228476, 0.037314075976610184, -0.020897572860121727, -0.028915589675307274, -0.0046572135761380196, -0.003575697308406234, -0.02504044957458973, -0.009265107102692127, 0.003367848927155137, 0.002096098382025957, -0.010378329083323479, -0.009899221360683441, -0.016909701749682426, -0.005108139012008905, 0.01003308966755867, -0.045007988810539246, -0.004202765412628651, -0.014683257788419724, -0.011759288609027863, 0.013534806668758392, -0.0016469344263896346, -0.01184383686631918, -0.01194952242076397, 0.0072359428741037846, -0.0037624086253345013, -0.013950503431260586, -0.06482052057981491, 0.00907487329095602, 0.020531196147203445, 0.011181539855897427, 0.0018177928868681192, 0.01864294521510601, 0.014168920926749706, 0.015444193966686726, -0.020305732265114784, -0.019544797018170357, -0.0001007316168397665, -0.037116795778274536, 0.008215297013521194, 0.0005861149402335286, -0.009469432756304741, -0.006253066472709179, -0.002894024830311537, -0.00024087517522275448, 0.013492533005774021, -0.016627872362732887, -0.015387828461825848, -0.007376857101917267, 0.0017482165712863207, 0.022870371118187904, 0.027421899139881134, 0.03410123288631439, 0.00485449330881238, -0.028647853061556816, 0.0036144487094134092, -0.026731420308351517, 0.005770435556769371, -0.005354738794267178, -0.010688340291380882, 0.015571016818284988, -0.0012946489732712507, 0.0039279828779399395, -0.006327046547085047, 0.0065630776807665825, 0.018459757789969444, -0.013267070055007935, 0.005516790319234133, -0.01565556600689888, 0.0030507920309901237, -0.014006868936121464, 0.010977214202284813, 0.010364238172769547, -0.018051106482744217, -0.023927226662635803, -0.019009321928024292, -0.019192511215806007, 0.02539273537695408, 0.012337036430835724, 0.0009106578654609621, 0.010815163142979145, 0.004058328457176685, -0.02746417373418808, -0.03066292591392994, 0.009807626716792583, -0.015232822857797146, 0.04433159902691841, -0.00258049089461565, -0.0251813642680645, -0.02034800685942173, 0.0018072243547067046, -0.037257708609104156, -0.0197843499481678, -0.00910305604338646, -0.004273222293704748, -0.01623331382870674, -0.0030824977438896894, 0.0012594204163178802, -0.007299354299902916, 0.0017684729536995292, -0.04106239229440689, -0.005742252804338932, 0.02660459652543068, 0.01822020299732685, 0.01234408188611269, -0.026590505614876747, 0.005143367685377598, -0.03381940349936485, 0.0021049054339528084, -0.02006617933511734, -0.020658018067479134, -0.01383777242153883, 0.004174582660198212, 0.03813137486577034, 0.02340584434568882, 0.05456196889281273, -0.0061051067896187305, 0.02078484185039997, 0.025068633258342743, -0.0075248172506690025, -0.0042767454870045185, -0.003970257006585598, 0.027661453932523727, -0.00803915411233902, 0.0035862659569829702, 0.0008789522107690573, 0.005960669834166765, -0.0060769240371882915, -0.000372762035112828, -0.0006807916215620935, 0.0008767503895796835, 8.289716788567603e-05, 0.011505642905831337, -0.017741095274686813, -0.03274845331907272, -0.019389791414141655, 0.005548495799303055, -0.0002591499942354858, -0.006689900532364845, -0.003973779734224081, 0.005467470269650221, 0.02987380512058735, 0.00800392497330904, 0.010927894152700901, 0.010195140726864338, 0.0244767926633358, -0.026026848703622818, 0.010498106479644775, 0.014197103679180145, -0.0028852177783846855, -0.02767554484307766, -0.033763036131858826, -0.033622123301029205, 0.0007671015337109566, 0.024420427158474922, 0.010357191786170006, 0.014239377342164516, 0.007105597294867039, -0.003313244553282857, 0.017557905986905098, 0.0004068896814715117, -0.004407091066241264, -0.01929115131497383, -0.004579710774123669, -0.029901988804340363, -0.013816635124385357, -0.03365030512213707, -0.004354248289018869, 0.0015879266429692507, -0.008398485369980335, 0.005583724472671747, -0.016275588423013687, 0.013950503431260586, -0.018826134502887726, -0.014922811649739742, 0.0340166836977005, 0.02511090599000454, 0.050278179347515106, -0.010159912519156933, -0.001049810671247542, 0.018755678087472916, 0.01437324658036232, -0.003596834372729063, 0.02113712765276432, 0.0018283614190295339, 0.006404549349099398, 0.03449578955769539, 0.023166291415691376, -0.02282809652388096, -0.017445174977183342, 0.012935921549797058, 0.021686691790819168, -0.009032598696649075, -0.031480226665735245, 0.02853512205183506, 0.014091418124735355, 0.021799422800540924, -0.0145846176892519, -0.005249053239822388, -0.02860557846724987, 0.003242787439376116, -0.01721971295773983, 0.01035014633089304, -0.024871353060007095, -0.008215297013521194, 0.004442319273948669, 0.03421396389603615, 0.028704218566417694, 0.002228205557912588, 0.00300675630569458, -0.017670638859272003, 0.01586693711578846, -0.0028024306520819664, -0.010117637924849987, 0.008884638547897339, -0.0097160330042243, 0.03697587922215462, -0.01793837547302246, 0.006566600874066353, -0.004988362081348896, -0.009490570053458214, -0.0006490859086625278, 0.0021947382483631372, -0.015416011214256287, 0.03243844211101532, -0.01869931071996689, -0.0005121349822729826, -0.007271171547472477, -0.01864294521510601, 0.01423233188688755, -0.032551176846027374, 0.0072570801712572575, -0.007348674349486828, -0.005150413140654564, 0.017825644463300705, 0.019107962027192116, -0.0023321297485381365, 0.013048652559518814, 0.015768297016620636, -0.005013022106140852, -0.007390948478132486, 0.011576099321246147, -0.008130747824907303, 0.013006378896534443, -0.031339313834905624, 0.0016654294449836016, 0.0003230017318855971, -0.0039878711104393005, 0.009934449568390846, 0.0005733445868827403, -0.029000138863921165, 0.013936412520706654, 0.013880047015845776, -0.015317371115088463, 0.0038011600263416767, 0.017402900382876396, -0.0037835456896573305, -0.024998174980282784, -0.014965085312724113, 0.0001297951675951481, -0.009800581261515617, 0.0141548290848732, -0.013203658163547516, -0.023673582822084427, -0.009983769617974758, -0.006288295146077871, 0.004051282536238432, 0.00963853020220995, 0.010758797638118267, 0.008095519617199898, -0.003977302461862564, 0.006379889324307442, -0.007884148508310318, -0.014514160342514515, 0.02554774098098278, -0.018177928403019905, -0.00896918773651123, 0.00889168493449688, -0.004776990506798029, 0.004481070674955845, 0.010498106479644775, 0.0022493426222354174, -0.017205622047185898, -0.04140058532357216, 0.006436255294829607, 0.018544305115938187, -0.0030331776943057775, -0.017614271491765976, -0.008306890726089478, -0.011872019618749619, -0.011745196767151356, -0.012830235995352268, 0.007538908626884222, -0.00485449330881238, 0.0009969677776098251, 0.013703904114663601, 0.04452887922525406, 0.024998174980282784, 0.011019488796591759, -0.020474830642342567, -0.01497917715460062, 0.009462387301027775, 0.006446823477745056, -0.04909449815750122, -0.017614271491765976, 0.005537927150726318, 0.047206249088048935, -0.006922408938407898, -0.015528742223978043, -0.011428140103816986, -0.020150726661086082, -0.037314075976610184, -0.009948541410267353, -0.018840225413441658, 0.011125174351036549, 0.005478038918226957, 0.0031159648206084967, 0.007764371111989021, 0.024885443970561028, -0.018544305115938187, 0.0184174831956625, 0.004347202368080616, -0.013950503431260586, 0.015711931511759758, -0.00920874159783125, 0.016092399135231972, -0.0036884285509586334, -0.010624929331243038, -0.02191215567290783, 0.025787293910980225, 0.004174582660198212, -0.009067827835679054, 0.023884953930974007, 0.0021260427311062813, -0.0213484987616539, 0.0008313936414197087, 0.005886689759790897, -0.023391753435134888, 0.010519243776798248, 0.022926736623048782, -0.01750154048204422, -0.006968206260353327, 0.01971389353275299, -0.02041846513748169, -0.012407493777573109, -0.007158440072089434, 0.006943546235561371, 0.026139579713344574, 0.010469923727214336, -0.00960330106317997, 0.0032339803874492645, 0.013386846520006657, -0.008870547637343407, 0.012957058846950531, -0.0016804016195237637, -0.002469521015882492, 0.010469923727214336, 0.010702432133257389, 0.005301896017044783, -0.018037015572190285, 0.0005460424581542611, 0.012252488173544407, 0.013640492223203182, 0.027055522426962852, -0.012104528024792671, -0.014133691787719727, -0.0009617392788641155, 0.0032674474641680717, -0.01369685772806406, -0.01764245517551899, -0.014894628897309303, -0.03215661644935608, -0.02220807410776615, 0.004160491283982992, 0.021433046087622643, -0.026195945218205452, 0.0043859537690877914, -0.003448874456807971, 0.00033224921207875013, -0.008807135745882988, -0.007130257319658995, -0.008264616131782532, -0.02013663575053215, -0.004033668432384729, 0.007708005607128143, -0.014246423728764057, 0.0016812823014333844, -0.0001642530842218548, 0.0005328317638486624, -0.027421899139881134, 0.012971149757504463, 0.20584742724895477, -0.03424214571714401, -0.0014153068186715245, 0.0056999786756932735, -0.002263433998450637, -0.007045709062367678, 0.0016125866677612066, 0.016402410343289375, -0.00602760398760438, -0.00022381135204341263, -0.000676388037391007, 0.009046690538525581, -0.027083704248070717, -0.009406021796166897, 0.001139643369242549, -0.02126394957304001, -0.05487198010087013, -0.0251813642680645, -0.0075248172506690025, 0.002760156523436308, -0.01984071545302868, 0.010554471984505653, -0.004044237080961466, -0.02291264571249485, 0.02973289228975773, -0.006002943962812424, -0.015275096520781517, -0.0034400674048811197, -0.010610837489366531, -0.0014866446144878864, -0.03288936987519264, -0.009018507786095142, 0.004047759808599949, -0.01433801744133234, -0.013555943965911865, -0.026224128901958466, 0.015120090916752815, 0.00537235289812088, 0.033481210470199585, 0.008778952993452549, -0.010723569430410862, -0.00992740411311388, 0.0014611039077863097, -0.02305356040596962, 0.023067651316523552, 0.043570663779973984, -0.01729016937315464, -0.01793837547302246, -0.025984574109315872, -0.0018318842630833387, -0.025139089673757553, -0.012273624539375305, 0.03686314821243286, 0.027717819437384605, -0.003973779734224081, 0.011611328460276127, -0.010505151934921741, -0.00034369848435744643, 0.002973289228975773, 0.010441740974783897, -0.028056012466549873, 0.014570525847375393, -0.007658685557544231, 0.01636013574898243, -0.018628854304552078, 0.002198261208832264, -0.015599199570715427, 0.027576904743909836, 0.013999823480844498, -0.02605503238737583, -0.008595764636993408, -0.030352914705872536, -0.004533913917839527, 0.0018512599635869265, -0.027407808229327202, -0.02873240038752556, 0.026844151318073273, 0.0037624086253345013, 0.014852354303002357, 0.06374957412481308, -0.0036038800608366728, -0.006795586086809635, 0.01412664633244276, -0.008842364884912968, -0.02511090599000454, -0.035820383578538895, 0.00409355666488409, 0.0012585397344082594, 0.0074966344982385635, -0.008391438983380795, 0.002448383951559663, -0.006714560557156801, -0.010822208598256111, -0.013873000629246235, -8.545674063498154e-06, -0.02070029266178608, 0.03308665007352829, 0.0030490304343402386, -0.008652130141854286, -0.0015826423186808825, -0.029620159417390823, 0.0617767758667469, 0.009885129518806934, -0.0026350950356572866, -0.0001043095180648379, 0.00024836123338900506, 0.003219889011234045, -0.00801097135990858, -0.0060487412847578526, 0.0025699222460389137, -0.012499087490141392, -0.01188611052930355, 0.008180067874491215, 0.0068308147601783276, -0.0036250173579901457, 0.011801562272012234, 0.0043331109918653965, -0.010512197390198708, 0.02532227709889412, -0.010646066628396511, -0.004026622511446476, -0.025787293910980225, -0.004868584685027599, 0.020756658166646957, -0.00421685678884387, -0.009483524598181248, -0.015472376719117165, -0.009321472607553005, -0.027506448328495026, -0.003491148818284273, 0.016247404739260674, -0.01035014633089304, 0.042584266513586044, -0.014725531451404095, 0.024575432762503624, -0.02746417373418808, -0.0009009700152091682, 0.007588228676468134, -0.013908229768276215, -0.008180067874491215, -0.00029063550755381584, -0.004410613793879747, -0.01426756102591753, -0.001558863092213869, -0.009060781449079514, -0.015824662521481514, 0.014309834688901901, -0.00814483966678381, -0.007651640102267265, -0.028563303872942924, -0.028633760288357735, 0.02199670299887657, -0.015063725411891937, -0.004815741907805204, 0.03080383874475956, -0.014528252184391022, -0.020023904740810394, -0.03246662765741348, -0.014070280827581882, 0.0009573356946930289, -0.05078547075390816, 0.0007296712137758732, 0.016050124540925026, -0.01614876464009285, 0.0017913714982569218, -0.00810961052775383, -0.18273749947547913, 0.005580201279371977, 0.0047100563533604145, -0.04120330512523651, 0.03272027149796486, 0.0009758307132869959, 0.02660459652543068, 0.001571193104609847, -0.012012933380901814, -0.018614763393998146, 0.01287955604493618, -0.002874649129807949, -0.03294573351740837, -0.016036033630371094, 0.014063235372304916, -0.0024061095900833607, -0.018826134502887726, 0.0006512877298519015, 0.008412576280534267, 0.017416993156075478, 0.031987518072128296, -0.041090574115514755, 0.0046853963285684586, 0.005354738794267178, -0.007376857101917267, -0.005294850096106529, 0.0008424025727435946, 0.004949610680341721, -0.00017570237105246633, -0.030071085318922997, -0.02477271296083927, -0.0010639020474627614, 0.013429121114313602, 0.00401957705616951, 0.012893646955490112, 0.010794025845825672, 0.006746266502887011, -0.0050588189624249935, -0.01785382628440857, 0.027492355555295944, 0.04032963886857033, 0.024011775851249695, 0.006404549349099398, -0.010096500627696514, -0.012167938984930515, 0.0097160330042243, 0.011287225410342216, -0.024814987555146217, 0.011681785807013512, -0.011111083440482616, 0.004188674036413431, -0.027915099635720253, 0.010075363330543041, -0.007989834062755108, -0.019953448325395584, 0.0008745486265979707, -0.008299845270812511, 0.014810079708695412, 0.008243479765951633, 0.010265598073601723, -0.011667693965137005, -0.009483524598181248, 0.01827656850218773, -0.00729230884462595, -0.008793044835329056, -0.009469432756304741, -0.030212000012397766, -0.00622840691357851, -0.0381595604121685, 0.0010392420226708055, -0.013612309470772743, -0.012372264638543129, -0.010716523043811321, 0.004086511209607124, 0.01263295579701662, 0.006985820364207029, -0.024420427158474922, -0.0010418841848149896, 0.017374718561768532, -0.017882009968161583, -0.010843345895409584, 0.004491639323532581, -0.001314905472099781, 0.005791572853922844, -0.02797146514058113, 0.00036725756945088506, 0.008370302617549896, 0.002615719335153699, -0.012196121737360954, -0.00903964415192604, 0.02043255604803562, -0.018769768998026848, 0.015965577214956284, 0.004375385120511055, 0.010843345895409584, 0.006235452368855476, 0.0023884952533990145, 0.004030145704746246, -0.0005777481128461659, 0.024025866761803627, 0.0015844037989154458, -0.0031934676226228476, 0.005418150220066309, 0.008208250626921654, 0.015134182758629322, 0.006295341067016125, -0.03345302492380142, 0.02043255604803562, 0.03491853177547455, -0.02027755044400692, -0.02702733874320984, 0.012844327837228775, 0.012830235995352268, 0.020953938364982605, -0.005467470269650221, 0.04545891284942627, -0.031001118943095207, -0.01402096077799797, -0.001645173062570393, 0.002976811956614256, 0.08003925532102585, 0.012978196144104004, 0.00822234246879816, 0.004523345269262791, 0.0015306802233681083, 0.005129276309162378, -0.09469433128833771, -0.029338331893086433, -0.003639108734205365, 0.030127450823783875, -0.0020696769934147596, 0.027858732268214226, -0.002982096280902624, 0.015021451748907566, -0.03906140848994255, 0.035820383578538895, -0.013288207352161407, -0.02055937796831131, 0.013703904114663601, 0.0024871353525668383, 0.014542343094944954, 0.008180067874491215, 0.009694895707070827, -0.028196927160024643, -0.013126155361533165, 0.038018643856048584, -0.011822699569165707, -0.00818711332976818, 2.3380194761557505e-05, -0.007693914230912924, 0.014838263392448425, -0.0037765000015497208, -0.03336847573518753, 0.03621494397521019, 0.00663705775514245, 0.007602320052683353, 0.02418087236583233, -0.014006868936121464, 0.017205622047185898, -0.03421396389603615, 0.007327537052333355, -0.024659981951117516, -0.018192021176218987, -0.009342609904706478, 0.01657150685787201, 0.01969980262219906, -0.00012814383080694824, 0.00856758188456297, 0.031846605241298676, -0.010131729766726494, -0.020404372364282608, -0.0036532001104205847, -0.03562310338020325, 0.01813565567135811, 0.0361303947865963, -0.031846605241298676, -0.03001471981406212, -0.039089594036340714, -0.03604584559798241, 0.026195945218205452, 0.051546406000852585, 0.014697348698973656, 0.002698506461456418, 0.007975742220878601, -0.018375208601355553, 0.0004909978597424924, -0.008074382320046425, 0.008342118933796883, -0.014626891352236271, -0.024011775851249695, 0.009173513390123844, -0.006806154735386372, -0.010808117687702179, -0.040386002510786057, 0.000691360211931169, -0.005664750002324581, 0.0057845269329845905, 0.018755678087472916, -0.018600672483444214, 0.002599866595119238, -0.024955900385975838, -0.010061272419989109, -0.020404372364282608, -0.040160540491342545, 0.0057246387004852295, -0.020545287057757378, -0.013640492223203182, -0.03305846452713013, 0.0027178821619600058, -0.007954604923725128, 0.013351618312299252, -0.0007913211593404412, -0.0024307696148753166, -0.006985820364207029, -0.004104125313460827, -0.01159723661839962, 0.0013457303866744041, 0.013753224164247513, 0.007271171547472477, -0.0145846176892519, 0.006432732101529837, 0.0038575255312025547, -0.022574450820684433, 0.004523345269262791, 0.024603616446256638, 0.007038663141429424, -0.030409280210733414, 0.0033572802785784006, -0.07490997761487961, 0.02845057286322117, -0.01192133966833353, -0.020531196147203445, -0.032410260289907455, -0.005597815848886967, -0.00369195151142776, -0.020333915948867798, 0.008243479765951633, 0.0002386733831372112, -0.024462701752781868, 0.001201293314807117, -0.01936160773038864, 0.004505730699747801, -0.02199670299887657, -0.007630502805113792, 0.01671242155134678, -0.006150904111564159, 0.019882990047335625, 0.022729456424713135, 0.016050124540925026, 0.005456901621073484, 0.009110101498663425, 0.033481210470199585, -0.009441250003874302, -0.001095607760362327, -0.009265107102692127, 0.020319825038313866, -0.006175563670694828, -0.014852354303002357, 0.015993759036064148, -0.009934449568390846, -0.0032093203626573086, 0.010603792034089565, -0.01850203238427639, -0.00818711332976818, 0.004583233501762152, 0.031113849952816963, 0.029056504368782043, 0.02098212204873562, -0.026844151318073273, -0.03164932504296303, 0.012139756232500076, -0.014485977590084076, -0.0031934676226228476, 0.01885431632399559, 0.004470502492040396, -0.0029274921398609877, 0.010540380142629147, 0.024871353060007095, 0.006253066472709179, 0.008201205171644688, -0.01729016937315464, -0.033114831894636154, 0.008926913142204285, 0.009687849320471287, 0.016092399135231972, -0.00027940640575252473, 0.00205558561719954, -0.006429209373891354, 0.029197417199611664, 0.0002791862061712891, 0.020009813830256462, -0.004843924660235643, 0.030719291418790817, 0.016966067254543304, -0.02298310212790966, 0.004382431041449308, 0.024504976347088814, -0.014183011837303638, -0.03291755169630051, 0.0008529711631126702, 0.010293780826032162, 0.023293113335967064, -0.010399466380476952, -0.004167536739259958, 0.0016187516739591956, 0.0043049282394349575, -0.01600784994661808, -0.005474515724927187, 0.011681785807013512, -0.012703413143754005, 0.008814182132482529, -0.0033819403033703566, 0.0029433448798954487, 0.012703413143754005, 0.0014311596751213074, -0.002793623600155115, -0.0016522187506780028, 0.021235765889286995, -0.005643612705171108, 0.017769277095794678, 0.005805664230138063, -0.006246021017432213, 0.022588543593883514, 0.010906757786870003, 0.0067991092801094055, -0.0036250173579901457, 0.02512499876320362, 0.02233489789068699, 0.025435009971261024, -0.01778336986899376, 0.011428140103816986, 0.007630502805113792, -0.03728589043021202, 0.018628854304552078, -0.028126470744609833, -0.004731193650513887, 0.013245932757854462, 0.007658685557544231, 0.01479598879814148, 0.013844817876815796, 0.0006367559544742107, 0.0054886071011424065, -0.022447628900408745, 0.002994426293298602, -0.012034070678055286, -0.008292799815535545, -0.015895118936896324, 0.018910681828856468, 0.03948415443301201, -0.0019005800131708384, 0.03694769740104675, 0.005238484591245651, 0.02489953488111496, 0.04013235867023468, 0.0061544268392026424, -0.014626891352236271, 0.02867603488266468, 0.01202702522277832, 0.00716900872066617, 0.010202186182141304, -0.014725531451404095, -0.009962632320821285, -0.030972937121987343, 0.011125174351036549, -0.01373208686709404, 0.008835319429636002, 0.010004906915128231, 0.0825757086277008, 0.02618185430765152, -0.0032639247365295887, 0.004146399907767773, -0.005633044056594372, -0.012259533628821373, -0.00311244186013937, 0.004819265101104975, -0.011364728212356567, -0.022250348702073097, -0.008800090290606022, -0.007482542656362057, 0.0036285400856286287, -0.03102930262684822, 0.004237994085997343, -0.028070105239748955, 0.009800581261515617, 0.014471885748207569, -0.024138599634170532, 0.009793535806238651, 0.007771417032927275, 0.010188095271587372, 0.017614271491765976, 0.007419131696224213, -0.01178042497485876, -0.014422566629946232, 0.020798932760953903, 0.013570035807788372, 0.022856280207633972, -0.03861048445105553, 0.011153357103466988, 0.026097305119037628, -0.03024018183350563, -0.0019093870650976896, -0.0009124192874878645, 0.012618864886462688, -0.010209232568740845, -0.005414627492427826, 0.017402900382876396, 0.003727179951965809, 0.0035492759197950363, 0.0038187741301953793, 0.001253255526535213, -0.02036209963262081, 0.031142033636569977, -0.014725531451404095, -0.012224305421113968, -0.009807626716792583, -0.0007028094842098653], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='275fac2f-825e-42db-ac26-f62abd0b2d3f', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '10', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_type': 'application/pdf', 'file_size': 885090, 'creation_date': '2024-02-25', 'last_modified_date': '2024-02-07', 'last_accessed_date': None}, hash='dcab6538d0571537d8bc357f52693cbd57af139d5fc47d8e0a85c265f0b79856')}, text='We appreciate great feedback\\nand support from Ellick Chan, Saurabh Tangri, Andres Rodriguez, and Kittur Ganesh. Sehoon Kim and Suhong Moon\\nwould like to acknowledge the support from the Korea Foundation for Advanced Studies (KFAS). Amir Gholami was\\nsupported through funding from Samsung SAIT. Michael W. Mahoney would also like to acknowledge a J. P. Morgan\\nChase Faculty Research Award as well as the DOE, NSF, and ONR. Our conclusions do not necessarily reflect the\\nposition or the policy of our sponsors, and no official endorsement should be inferred.\\nReferences\\n[1] https://github.com/nvidia/tensorrt-llm.\\n[2] https://huggingface.co/text-generation-inference.\\n[3] Jacob Austin, Augustus Odena, Maxwell Nye, Maarten Bosma, Henryk Michalewski, David Dohan, Ellen Jiang,\\nCarrie Cai, Michael Terry, Quoc Le, and Charles Sutton. Program synthesis with large language models, 2021.\\n[4] BIG bench authors. Beyond the imitation game: Quantifying and extrapolating the capabilities of language\\nmodels. Transactions on Machine Learning Research , 2023.\\n10', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='a7328d2e-f71c-4f13-a23d-5dd0d3ca93c3', embedding=[-0.001891489839181304, -0.0021443720906972885, 0.005249012727290392, -0.016170786693692207, 0.00468173623085022, 0.024399707093834877, -0.014817524701356888, 0.019533434882760048, -0.02672348916530609, -0.04442523792386055, 0.023893943056464195, 0.028896907344460487, -0.02588966116309166, 0.0007266089087352157, 0.01256208959966898, 0.002334033604711294, 0.00779833784326911, 0.0080238813534379, 0.014667162671685219, -0.006274210289120674, 0.011147316545248032, 0.0014216075651347637, -0.015897400677204132, -0.005819705780595541, 0.0019119938369840384, 0.02859618328511715, 0.033653825521469116, -0.028568843379616737, -0.0019410410895943642, -0.0025117346085608006, 0.02431769110262394, -0.005242177750915289, -0.020449278876185417, -0.0018726945854723454, -0.022882413119077682, -0.010867096483707428, 0.011858120560646057, -0.01770174875855446, 0.013013176620006561, -0.003625782672315836, 0.02464575320482254, 0.0301271453499794, 0.01818017289042473, -0.041007909923791885, 0.0011883750557899475, 0.018562914803624153, 0.004770586732774973, -0.01161207351833582, -0.006749218795448542, 0.004312665201723576, 0.0440971739590168, 0.022075925022363663, -0.006527092307806015, 0.002337450860068202, -0.025793975219130516, 0.0002507462922949344, -0.017346346750855446, 0.018699606880545616, 0.0077026523649692535, 0.012568924576044083, 0.02968972735106945, -0.021214758977293968, -0.013450594618916512, 0.02840481325984001, -0.0013489894336089492, -0.015350627712905407, -0.031576089560985565, 0.017387354746460915, 0.013518940657377243, -0.009677866473793983, 0.014790186658501625, -0.006568100303411484, 0.010450182482600212, 0.0037317199166864157, 0.02211693301796913, -0.004507452715188265, -0.002084568841382861, -0.010744072496891022, -0.011065301485359669, 0.003608696162700653, 0.01597941666841507, -0.006568100303411484, -0.010593710467219353, 0.0222672950476408, 0.008324605412781239, -0.00811956636607647, 0.0029457348864525557, -0.00677313981577754, -0.01988883689045906, 0.0010610796744003892, 0.013594122603535652, 0.010949112474918365, 0.004982461221516132, 0.01078508049249649, -0.008584322407841682, 0.0013472806895151734, -0.0006492919055745006, -0.0048013427294790745, -0.007894022390246391, -0.0016830329550430179, -0.02307378500699997, -0.003439538413658738, -0.013819665648043156, -0.011905963532626629, -0.013047350570559502, 0.002677474869415164, 0.019369402900338173, 0.015883730724453926, 0.0120084835216403, 0.02508317120373249, -0.013799161650240421, 0.034501321613788605, 0.011106309480965137, -0.042101453989744186, 0.0159384086728096, -0.015459981746971607, 0.02460474707186222, -0.012247695587575436, 0.010409174486994743, -0.009226779453456402, 0.04180072993040085, 0.023962289094924927, -0.00014192581875249743, -0.019205370917916298, 0.022950761020183563, -0.0019205370917916298, -0.019806820899248123, -0.01919170282781124, -0.029853759333491325, -0.015706028789281845, 0.004982461221516132, 0.008201582357287407, 0.006756053306162357, -0.012958499602973461, -2.5549850761308335e-05, 0.042429517954587936, -0.0221579410135746, -0.010976450517773628, 0.001771883456967771, -0.01168041955679655, 0.0006663785316050053, 0.04207411780953407, -0.0019273718353360891, 0.00047586261644028127, -0.02080467902123928, 0.02073633298277855, -0.003101223148405552, 0.01729166880249977, 0.005266099236905575, -0.005344697739928961, 0.00671846279874444, -0.006677454803138971, 0.0021597498562186956, 0.03860211372375488, 0.012951664626598358, -0.007449770346283913, 0.01820751279592514, 0.02416732907295227, -0.05068577826023102, -0.012623601593077183, -0.018781622871756554, 0.008789362385869026, 0.007859849371016026, -0.0004188359889667481, 0.01894565485417843, 0.022677375003695488, 0.037863969802856445, 0.007996542379260063, 0.010463851504027843, 0.009090086445212364, -0.03078327141702175, 0.03247826546430588, -0.02446805313229561, 0.0023306163493543863, -0.0062161157839000225, 0.01521393470466137, 0.029607711359858513, -0.0051499102264642715, -0.02482345513999462, -0.009677866473793983, 0.033407777547836304, 0.0010559536749497056, 0.010395505465567112, 0.018398882821202278, -0.020011860877275467, -0.0027817031368613243, 0.025588935241103172, -0.019027670845389366, 0.014434784650802612, -0.004910697229206562, 0.030701255425810814, 0.030810609459877014, 0.004107625689357519, -0.011051631532609463, -0.6434414386749268, -0.028350135311484337, -0.004398098215460777, -0.014872201718389988, -0.0007441227207891643, 0.0011841034283861518, -0.004169137682765722, -0.00974621344357729, -0.011912797577679157, 0.03791864961385727, -0.020832018926739693, -0.0014677414437755942, -0.0006275064661167562, -0.022171610966324806, -0.022144271060824394, -0.01582905277609825, 0.010539032518863678, -0.022581689059734344, -0.0012874775566160679, 0.0015608635731041431, -0.007326746825128794, 0.017496708780527115, -0.017469370737671852, -0.005399374756962061, -0.023893943056464195, 0.013573618605732918, 0.014257083646953106, -0.028760215267539024, -0.00852281041443348, 0.0069235023111104965, -0.010484355501830578, 0.0007048234692774713, -0.004295578692108393, 0.0005903430283069611, 0.041992101818323135, 0.005105484742671251, -0.019533434882760048, 0.024618415161967278, 0.015541997738182545, 0.0032891761511564255, -0.03745388984680176, 0.008946559391915798, -0.006363060791045427, 0.02252701297402382, -0.00817424338310957, 0.057684458792209625, 0.018193842843174934, -0.0012199853081256151, -0.04776054620742798, -0.028459489345550537, 0.001942749717272818, 0.015733368694782257, 0.0017419818323105574, -0.007155880331993103, -0.004322917200624943, 0.0049858782440423965, 0.02187088504433632, -0.0009636859176680446, -0.0014463831903412938, -0.025178857147693634, -0.010204135440289974, 0.013245554640889168, -0.022622697055339813, -0.017455700784921646, -0.018234850838780403, 0.022321972995996475, -0.0067321318201720715, 0.00837244838476181, 0.004842350725084543, 0.0012319459347054362, -0.00213070260360837, 0.009910245425999165, -0.0027099393773823977, -0.008987567387521267, -0.0012550129322335124, 0.008413456380367279, 0.015788044780492783, -0.014503130689263344, -0.00024455238599330187, 0.026969535276293755, 0.010217804461717606, -0.015541997738182545, -0.0056932647712528706, 0.00040110861300490797, 0.02789904922246933, 0.010812419466674328, -0.0034190344158560038, 0.007121707312762737, 0.0010397214209660888, 0.022294633090496063, 0.0059017217718064785, 0.022349311038851738, -0.010176796466112137, -0.019096016883850098, 0.015637682750821114, -0.0059803202748298645, -0.0037248851731419563, 0.004613389726728201, 0.02248600497841835, -0.03636034578084946, -0.00023024232359603047, -0.020818348973989487, 0.04204677790403366, 0.004975626245141029, 0.019588110968470573, 0.014380107633769512, 0.003466877155005932, 0.002192214597016573, 0.025042163208127022, -0.01329339761286974, -0.0019102852093055844, -0.004008523188531399, -0.01576070673763752, -0.006998683325946331, -0.0029730733949691057, -0.02545224316418171, -0.0022041751071810722, 0.0045997207053005695, -0.01700461283326149, -0.018385212868452072, 0.019547104835510254, 0.006486084312200546, 0.007258400321006775, -0.02848682925105095, 0.0014890996972098947, 0.008953393436968327, 0.00779833784326911, -0.01561034470796585, -0.0018726945854723454, 0.0036292001605033875, -0.0035095936618745327, -0.007114872336387634, 0.018672268837690353, -0.01864493079483509, 0.002076025353744626, -0.0029987033922225237, 0.042210809886455536, -0.0162664707750082, -0.013095192611217499, -0.0008120420388877392, -0.021515483036637306, 0.006557848304510117, 0.0314393974840641, -0.008071723394095898, -0.01722332276403904, -0.006366478279232979, 0.0021751278545707464, 0.0015429225750267506, 0.025397565215826035, -0.016430502757430077, -0.016184454783797264, 0.0015198556939139962, -0.027188245207071304, 0.013682972639799118, 0.00440493319183588, -0.013771823607385159, -3.5908618883695453e-05, -0.035048093646764755, -0.03141205757856369, -0.022650035098195076, -0.0012558673042804003, 0.015446312725543976, -0.007285738829523325, -0.0005074728978797793, 0.018221180886030197, 0.00436050770804286, 0.004623641725629568, 0.024509061127901077, -0.036141637712717056, -0.012794467620551586, -0.008310936391353607, -0.03176746144890785, 0.0045997207053005695, 0.008638999424874783, -0.020203230902552605, 0.013259224593639374, -0.01018363144248724, 0.01656719669699669, -0.008126401342451572, -0.014120390638709068, 0.006158021278679371, -0.0060076587833464146, 0.0024485138710588217, -0.007914526388049126, 0.028787553310394287, 0.02595800720155239, 0.028842229396104813, 0.008406621403992176, 0.004524539224803448, 0.012015317566692829, -0.00985556747764349, 0.019697466865181923, -0.011058466508984566, 0.006557848304510117, -0.006626194808632135, 0.016225462779402733, 0.0010730403009802103, -0.021255766972899437, -0.00020610746287275106, 0.013580452650785446, 0.0027355693746358156, 0.023852935060858727, 0.016157116740942, -0.016321148723363876, 0.0018351039616391063, -0.024112651124596596, 0.005095232743769884, -0.014270752668380737, -0.010313489474356174, -0.0033421446569263935, 0.013723980635404587, -0.011359191499650478, -0.025479581207036972, 0.005132823251187801, -0.008010211400687695, 0.042538873851299286, 0.01235705055296421, 0.0030174986459314823, -0.016717558726668358, 0.02398962713778019, 0.015733368694782257, -0.020832018926739693, 0.03510276973247528, -0.010081111453473568, -0.031001979485154152, 0.012042656540870667, -0.013648799620568752, 0.01861759088933468, 0.023278823122382164, -0.010812419466674328, -0.012575759552419186, -0.00038274048711173236, 0.021638507023453712, 0.018193842843174934, 0.005515563767403364, -0.018125496804714203, 0.029170293360948563, -0.012152010574936867, 0.023306163027882576, 0.006404068786650896, -0.013081523589789867, 0.01711396872997284, 0.0048081777058541775, -0.010422843508422375, 0.01181027851998806, -0.008140070363879204, 0.014120390638709068, 0.017756424844264984, -0.004695405717939138, 0.012514247559010983, -0.029717065393924713, 0.020968711003661156, -0.022062255069613457, 0.007265234831720591, 0.011803443543612957, -0.017893118783831596, 0.009411315433681011, 0.0037727276794612408, -0.0008081975392997265, 0.030263837426900864, -0.01319771260023117, 0.005225091241300106, 0.012753460556268692, 0.005747942253947258, 0.012432231567800045, -0.04065250977873802, -0.025575267150998116, -0.005163579247891903, -0.0007150754099711776, -0.016881588846445084, -0.033107053488492966, -0.009185771457850933, 0.007654809858649969, -0.01835787482559681, 0.02084568701684475, -0.003087553894147277, -0.011119978502392769, -0.0005557425902225077, 0.016034092754125595, 0.040570493787527084, -0.01239805854856968, -0.018111826851963997, -0.006779974326491356, 0.011126812547445297, -0.022540681064128876, -0.022021247074007988, -0.011154151521623135, -0.00638014730066061, -0.017865778878331184, -0.016717558726668358, -0.0014275879366323352, 0.022034917026758194, -0.011311348527669907, 0.010621048510074615, -0.010299820452928543, 0.012377554550766945, 0.0213924590498209, -0.0273932833224535, -0.008181078359484673, 0.0012840601848438382, -0.005252429749816656, 0.006390399299561977, -0.031466737389564514, -0.0209550429135561, 0.057356398552656174, -0.013040515594184399, -0.02990843541920185, -0.010709899477660656, -0.0021648758556693792, -0.01726433075964451, 0.013245554640889168, 0.00023365965171251446, -0.010388670489192009, 0.012514247559010983, 0.0220485869795084, 0.015815384685993195, 0.007982873357832432, 0.01515925768762827, 0.017154976725578308, -1.938264540513046e-05, 0.005655674263834953, -0.03138472139835358, 0.00236308085732162, 0.018002472817897797, 0.06960409134626389, 0.035048093646764755, -0.029060939326882362, 0.005505311768501997, -0.015883730724453926, 0.0053515322506427765, -0.012685113586485386, -0.015131918713450432, 0.009260953404009342, 0.0024006713647395372, -0.011502718552947044, -0.01645784080028534, 0.0006740675307810307, -0.003191782394424081, 0.027010543271899223, 0.003376317908987403, 0.005973485764116049, -0.009568512439727783, -0.017236990854144096, -0.006762887816876173, -0.013963193632662296, 0.007490778341889381, 0.018590252846479416, 0.009753048419952393, 0.017360014840960503, -0.023606887087225914, 0.022144271060824394, 0.003960680682212114, -0.005252429749816656, -0.02746163122355938, 0.0032857588957995176, 0.013300232589244843, 0.00590513925999403, 0.023675233125686646, -0.0038000664208084345, 0.044151850044727325, 0.009076417423784733, 0.01608877070248127, 0.020066536962985992, 0.00959585141390562, -0.003215703647583723, 0.015090910717844963, 0.0016052888240665197, -0.001980340341106057, 0.006448493804782629, -0.00031482113990932703, -0.027338607236742973, 0.053474314510822296, -0.008584322407841682, -0.03182213753461838, 0.025137849152088165, 0.0010841466719284654, -0.04527273401618004, -0.009568512439727783, -0.00469882320612669, 0.017059290781617165, -0.01360095664858818, -0.011304513551294804, 0.0005583055899478495, -0.02416732907295227, -0.008058054372668266, -0.03510276973247528, -0.021966570988297462, -0.028623521327972412, 0.0012524499325081706, -0.007162714842706919, -0.00445961020886898, 0.0052285087294876575, -0.03983234986662865, 0.0010431386763229966, 0.013443759642541409, -0.029826419427990913, -0.03748122975230217, 0.011899128556251526, -0.0027219001203775406, 0.00848180241882801, 0.019697466865181923, -0.002930356888100505, -0.005389122758060694, 0.023470193147659302, -0.030263837426900864, -0.019957182928919792, -0.005973485764116049, -0.03627832978963852, 0.0110789705067873, 0.002140954602509737, -0.02372991107404232, -0.013095192611217499, -0.0013045641826465726, 0.00024754254263825715, -0.00468173623085022, -0.01777009479701519, -0.02658679522573948, 0.005607831757515669, 0.018562914803624153, 0.0022246791049838066, 0.013553114607930183, 0.025424905121326447, -0.0057000997476279736, -0.030291177332401276, 0.0016087061958387494, -0.013354909606277943, -0.025698291137814522, -0.022431327030062675, -0.016184454783797264, 0.013662468641996384, 0.0311113353818655, -0.001667655073106289, -0.015569336712360382, -0.016949936747550964, 0.012206687591969967, -0.011099474504590034, 0.027625663205981255, 0.0024348446168005466, 0.007839345373213291, 0.006643281318247318, 0.026559457182884216, 0.015405304729938507, -0.011058466508984566, -0.023975959047675133, 0.007600132841616869, -0.020722664892673492, 0.017934126779437065, 0.01241172756999731, -0.006284462288022041, 0.03783663362264633, -0.0141887366771698, -0.0017650488298386335, -0.024126321077346802, 0.019205370917916298, -0.021816208958625793, 0.027762355282902718, 0.005553154740482569, -0.011290844529867172, -0.023757249116897583, -0.014503130689263344, -0.008304101414978504, -0.012903822585940361, -0.02372991107404232, 0.0032772154081612825, 0.012111002579331398, 0.01722332276403904, -0.009787221439182758, 0.014462122693657875, 0.002981616882607341, -0.026053693145513535, -0.009411315433681011, 0.0013301940634846687, 0.015090910717844963, 0.0318768173456192, -0.012418562546372414, 0.02073633298277855, -0.008782527409493923, -0.023757249116897583, -0.011017458513379097, -0.008885047398507595, 0.0006134099676273763, 0.01206999458372593, 0.02372991107404232, 0.012835475616157055, 0.057247042655944824, -0.016334816813468933, 0.019396740943193436, 0.02643643319606781, -0.005235343240201473, 0.005942729767411947, -0.022075925022363663, -0.004353673197329044, -0.01772908680140972, -0.012828641571104527, -0.004897027742117643, 0.0025271123740822077, 0.0058675482869148254, -0.03171278536319733, -0.001022634794935584, 0.016922596842050552, -0.00926778744906187, 0.0007868392858654261, -0.005368618760257959, -0.0311113353818655, -0.03242358937859535, 0.003595026908442378, 0.007634305860847235, -0.0012387806782498956, -0.002380167366936803, -0.009985426440834999, 0.010621048510074615, 0.016758566722273827, 0.003307971404865384, 0.013594122603535652, 0.028104087337851524, -0.019902504980564117, 0.014708170667290688, 0.011899128556251526, 0.0016881589544937015, -0.024509061127901077, -0.01744203083217144, -0.03769993782043457, -0.0064245727844536304, 0.016731226816773415, 0.00375222391448915, 0.022800398990511894, 0.017688078805804253, -0.005436965264379978, 0.011092639528214931, -0.0033523966558277607, 0.0031559003982692957, -0.0003859442367684096, 0.004295578692108393, -0.019574442878365517, -0.010416009463369846, -0.04139064997434616, -0.007846180349588394, -0.006315218284726143, -0.00023173741647042334, 0.010176796466112137, -0.01879529282450676, 0.02449539117515087, -0.03133004531264305, -0.027953725308179855, 0.012473239563405514, 0.022390319034457207, 0.046749018132686615, 0.012609932571649551, 0.014721839688718319, 0.02807674929499626, 0.008584322407841682, 0.0012874775566160679, 0.008980732411146164, 0.024618415161967278, 0.007996542379260063, 0.01831686682999134, 0.008741519413888454, -0.025547927245497704, 0.006308383774012327, 0.016157116740942, 0.01083975750952959, -0.048143286257982254, -0.043933141976594925, 0.0057889497838914394, 0.005559989251196384, 0.03225955739617348, -0.014776516705751419, -0.012439066544175148, -0.022786729037761688, -0.00391283817589283, -0.014557808637619019, 0.01908234693109989, -0.016799574717879295, -0.02482345513999462, 0.009055913425981998, 0.022458665072917938, 0.004449358209967613, -0.015227603726089, 0.0032755068968981504, -0.01722332276403904, 0.030291177332401276, -0.020818348973989487, 0.0010397214209660888, 0.0053071072325110435, -0.008358779363334179, 0.03441930562257767, -0.006106761284172535, -0.001719769206829369, -0.00970520544797182, 0.0202989149838686, 0.01018363144248724, 0.0031832391396164894, 0.022075925022363663, 0.02840481325984001, -0.03458333760499954, -0.007805172353982925, -0.020285246893763542, -0.009377142414450645, 0.016006754711270332, -0.012056325562298298, -0.007832511328160763, 0.0070806993171572685, 0.007456604856997728, 0.017797432839870453, 0.026996875181794167, 0.007941865362226963, 0.0010679143015295267, 0.00593247776851058, -0.007579628843814135, -0.019902504980564117, 0.005477973259985447, 0.0016770526999607682, -0.004944870714098215, -0.04472596198320389, 0.01707296073436737, 0.004551878198981285, -0.0027389866299927235, -0.001010674168355763, 0.00039064305019564927, -0.023675233125686646, -0.002255435101687908, 0.0007573648472316563, -0.011646246537566185, 0.016170786693692207, -0.0026330496184527874, -0.01343692559748888, -0.016922596842050552, 0.015487320721149445, -0.025247203186154366, 0.008331440389156342, -0.006612525321543217, 0.0030773018952459097, 0.003543766913935542, 0.021665845066308975, -0.0162664707750082, 0.005785532761365175, 0.001260993187315762, 0.010457017458975315, 0.010662056505680084, 0.014858532696962357, 0.006369895301759243, -0.01521393470466137, -0.01181027851998806, 0.020599640905857086, -0.013423255644738674, 0.008324605412781239, 0.0007261817227117717, -0.0003154618898406625, 0.02413998916745186, -0.022185279056429863, -0.001026052050292492, -0.011037962511181831, -0.03376317769289017, -0.004975626245141029, 0.023456525057554245, 0.010135788470506668, 0.004818429239094257, 0.004087121691554785, -0.04450725018978119, -0.010949112474918365, -0.0053857057355344296, 0.01597941666841507, 0.006202446296811104, 0.018931984901428223, -0.0010311780497431755, 0.03860211372375488, 0.025903329253196716, -0.018125496804714203, -0.007982873357832432, -0.02573929913341999, 0.0005305398372001946, 0.0053857057355344296, -0.052900202572345734, -0.014257083646953106, -0.01049119047820568, 0.044753298163414, -0.011113143526017666, -0.016498848795890808, -0.007354085333645344, -0.002021348336711526, -0.028650859370827675, -0.017783762887120247, -0.009630024433135986, 0.006544178817421198, 0.03141205757856369, 0.004736413713544607, -0.002178545342758298, 0.019506096839904785, -0.021119073033332825, -0.002981616882607341, -0.014598815701901913, 0.004774004220962524, 0.018767952919006348, -0.010388670489192009, 0.0020965293515473604, 0.0015574463177472353, -0.011885459534823895, -0.01131818350404501, 0.022950761020183563, -0.0024143406189978123, -0.022937091067433357, 0.03204084560275078, -0.01919170282781124, -0.015295950695872307, 0.004275074694305658, -0.02713356725871563, -0.022609027102589607, 0.01010844949632883, 0.020886695012450218, -0.023101123049855232, 0.0024040888529270887, 0.013566783629357815, -0.009274622425436974, -0.002979908138513565, -0.014667162671685219, 0.015446312725543976, -0.006909832824021578, 0.008967063389718533, -0.004657815210521221, -0.011290844529867172, 0.0058504617772996426, -0.01916436292231083, 0.02892424538731575, -0.013867508620023727, 0.0013284854358062148, 0.05005699023604393, 0.005344697739928961, 0.006978179328143597, -4.341071689850651e-05, 0.0058675482869148254, -0.008652669377624989, -0.012924326583743095, 0.028104087337851524, -0.010812419466674328, 0.0028978923801332712, -0.017934126779437065, 0.001811182708479464, -0.02329249307513237, -0.019834158942103386, -0.01580171473324299, -0.011044797487556934, -0.0032789241522550583, 0.02080467902123928, 0.028459489345550537, -0.05598946660757065, 0.012630436569452286, 0.0100401034578681, 0.010791915468871593, 0.006933754310011864, -0.007490778341889381, -0.012090498581528664, -0.026928527280688286, 0.007162714842706919, 0.00430583069100976, -0.0056215012446045876, -0.0020896948408335447, -0.004920949228107929, 0.013744484633207321, -0.005703516770154238, -0.011946971528232098, 0.20296181738376617, -0.030701255425810814, -0.009951252490282059, 0.028732875362038612, -0.0001888072583824396, 0.006537344306707382, 0.028787553310394287, 0.0022520178463310003, -0.0009790639160200953, 0.0020401435904204845, 0.0017872614553198218, 0.022034917026758194, -0.03403656557202339, -0.008051219396293163, 0.014803855679929256, -0.009226779453456402, -0.05158795043826103, -0.04281225800514221, -0.011837616562843323, 0.009096921421587467, -0.019765812903642654, 0.02165217697620392, -0.0054301307536661625, -0.022335641086101532, -0.004425437189638615, -0.018344204872846603, -0.006236619781702757, 0.019260048866271973, -0.010190465487539768, 0.016293808817863464, -0.019109686836600304, -0.007285738829523325, -0.007641140837222338, 0.02859618328511715, -0.010122119449079037, -0.01751037687063217, -0.002851758385077119, 0.023278823122382164, 0.021515483036637306, 0.006749218795448542, 0.0073882583528757095, -0.022294633090496063, -0.0008073432254604995, -0.025903329253196716, 0.006322052795439959, 0.02222628705203533, -0.014557808637619019, -0.017496708780527115, -0.03195883333683014, 0.021624838933348656, -0.011707758530974388, 0.005443800240755081, 0.01711396872997284, 0.04456193000078201, 0.01992984488606453, -0.009479662403464317, -0.010381835512816906, 0.0030106641352176666, 0.00025031910627149045, -0.01023830845952034, -0.03586825355887413, 0.0029764908831566572, 0.005030303727835417, 0.01960178092122078, -0.0013301940634846687, 0.007313077338039875, -0.011946971528232098, 0.0072037228383123875, 0.01093544252216816, -0.019697466865181923, -0.00601449329406023, -0.024946479126811028, -0.011796608567237854, 0.017865778878331184, -0.022103263065218925, -0.039941705763339996, 0.04073452576994896, 0.01206999458372593, 0.007285738829523325, 0.05470455065369606, -0.01226819958537817, -0.02471410110592842, 0.021802539005875587, -0.018084488809108734, -0.017606062814593315, -0.033407777547836304, 0.01612977869808674, -0.012521081604063511, -0.008044385351240635, -0.018767952919006348, -0.01197430957108736, -0.01930105686187744, 0.01089443452656269, 0.003919672686606646, 0.016690218821167946, -0.0026723488699644804, 0.011420703493058681, 0.00046133899013511837, -0.013669303618371487, -0.023237815126776695, -0.025534259155392647, 0.04158202186226845, 0.010949112474918365, 0.0029252308886498213, -0.008803031407296658, -0.009930749423801899, -0.002533947117626667, -0.004087121691554785, 0.010860261507332325, -0.0005395103362388909, -0.009657362475991249, -0.030837949365377426, -0.00758646335452795, -0.013881177641451359, -0.014776516705751419, 0.01967012695968151, -0.0037351371720433235, -0.013361744582653046, 0.025807645171880722, -0.018385212868452072, 0.007251565344631672, -0.026969535276293755, 0.002498065121471882, 0.012616767548024654, 0.0036326174158602953, -0.03294302150607109, -0.02789904922246933, -0.01707296073436737, -0.041882745921611786, -0.009684701450169086, 0.01798880286514759, -0.016881588846445084, 0.02490547113120556, -0.016772234812378883, 0.012281869538128376, -0.008741519413888454, 0.00201963959261775, -0.012657774612307549, -0.0047295792028307915, -0.00985556747764349, -0.010545867495238781, 0.0015463399467989802, 0.01652618870139122, -0.0030243333894759417, -0.0037453891709446907, -0.01358728762716055, 0.021843547001481056, 0.0012977294391021132, -0.010046938434243202, -0.01945141889154911, -0.014667162671685219, -0.0028534671291708946, -0.008338275365531445, -0.0015215643215924501, 0.02807674929499626, -0.0035813574213534594, -0.026559457182884216, -0.020339922979474068, -0.009602685458958149, 0.008837204426527023, -0.03578623756766319, 0.010128953494131565, 0.027803363278508186, 0.005881217774003744, 0.001300292438827455, -0.007887188345193863, -0.1752951443195343, 0.0033438534010201693, 0.00872101541608572, -0.05191601440310478, 0.020763671025633812, 0.022431327030062675, 0.03838340565562248, -0.021911893039941788, -0.01473550871014595, -0.0030277506448328495, 0.004924366716295481, -0.0075591248460114, -0.015145588666200638, -0.006841486319899559, -0.010771411471068859, 0.00806488934904337, 0.011830782517790794, 0.008461298421025276, 0.04051581397652626, 0.008857708424329758, 0.028787553310394287, -0.0314393974840641, 0.005419878754764795, 0.006824399810284376, -0.012767129577696323, -0.004288744181394577, 0.007155880331993103, 0.008973897434771061, -0.0031422311440110207, -0.02420833706855774, -0.02208959497511387, -0.009616355411708355, 0.023798257112503052, -0.00590513925999403, -0.008885047398507595, 0.018699606880545616, 0.011407033540308475, 0.0005079000839032233, -0.03387253358960152, 0.0026860181242227554, 0.031001979485154152, 0.025137849152088165, 0.008010211400687695, -0.0027680338826030493, -0.017209652811288834, 0.0019410410895943642, 0.036989133805036545, -0.03723518177866936, -0.024030635133385658, -0.011543726548552513, -0.003929924685508013, -0.040679845958948135, 0.02344285510480404, -0.007853014394640923, 0.0017103715799748898, 0.0031986169051378965, 0.02562994323670864, 0.00406661769375205, 0.0005971777136437595, -0.01879529282450676, -0.01999819092452526, -0.0029987033922225237, 0.01343692559748888, 0.0035369321703910828, 0.004073452204465866, -0.0060315802693367004, -0.009226779453456402, 0.010791915468871593, -0.03737187385559082, 0.0038239876739680767, -0.004063200671225786, 0.019150694832205772, 0.006096509285271168, 0.016662880778312683, 0.007319911848753691, 0.007873518392443657, -0.00035646979813463986, 0.002392128109931946, 0.024071643128991127, 0.004739831201732159, -0.012343380600214005, 0.0281587652862072, 0.003506176406517625, 0.00926778744906187, -0.009739378467202187, -0.017647070810198784, 0.0007992270984686911, 0.011755600571632385, -0.029443679377436638, -0.02475510910153389, 0.0120084835216403, -0.014311760663986206, -0.0009542882326059043, 0.013799161650240421, -0.005583910271525383, -0.004944870714098215, -0.016389494761824608, 0.00440493319183588, 0.007456604856997728, -0.006349391303956509, -0.0013660760596394539, 0.01354627963155508, -0.029771743342280388, -0.00126184755936265, 0.0231421310454607, 0.006202446296811104, -0.022034917026758194, 0.019834158942103386, 0.010627883486449718, -0.015993084758520126, -0.028295457363128662, -0.0009747922304086387, 0.0015446313191205263, 0.001799222081899643, -0.015131918713450432, 0.03748122975230217, -0.019656458869576454, -0.012664609588682652, 0.024372367188334465, 0.023757249116897583, 0.0565362386405468, -0.0055087292566895485, 0.006270792800933123, 0.015815384685993195, -0.008782527409493923, -0.011270340532064438, -0.09590383619070053, -0.01992984488606453, 0.005324193742126226, 0.04098057001829147, 0.0032003256492316723, 0.04516337811946869, -0.008502306416630745, 0.024235675111413002, -0.050986502319574356, 0.04021508991718292, 0.004975626245141029, -0.01473550871014595, 0.01846722885966301, 0.0068380688317120075, 0.011892293579876423, -0.011311348527669907, 0.005399374756962061, -0.021747861057519913, -0.017154976725578308, 0.023593217134475708, -0.01162574253976345, -0.006848320830613375, 0.007019187323749065, -0.013313901610672474, -0.013102027587592602, 0.016157116740942, -0.02172052301466465, 0.03220487758517265, 0.0037488064263015985, -0.009329299442470074, 0.014790186658501625, -0.026955867186188698, 0.0015924738254398108, -0.029635049402713776, 0.004473279695957899, -0.013245554640889168, 0.011735096573829651, -0.018412550911307335, 0.023483863100409508, -0.01612977869808674, 0.007374589331448078, 0.0045723821967840195, 0.002438262104988098, -0.012138341553509235, -0.0294710174202919, -0.01206999458372593, -0.0283774733543396, 0.016908928751945496, 0.0023784588556736708, -0.01737368479371071, -0.02720191329717636, -0.02222628705203533, -0.03305237740278244, -0.0031183098908513784, 0.027010543271899223, 0.007723156362771988, 0.014940548688173294, 0.01166675053536892, -0.01678590476512909, -0.004367342684417963, -0.013764988631010056, 0.007818841375410557, -0.01923271082341671, -0.0039060034323483706, 0.013525775633752346, 0.0017146432073786855, -0.01861759088933468, -0.04811594635248184, 0.009794055484235287, -0.026942197233438492, -0.007244730833917856, 0.0222672950476408, -0.02567095123231411, 0.014284421689808369, -0.01988883689045906, 0.002547616371884942, -0.005949564278125763, -0.029635049402713776, 0.006366478279232979, -0.0003387424221727997, -0.006626194808632135, -0.026887519285082817, 0.0014207531930878758, -0.005819705780595541, 0.013915350660681725, 0.006985013838857412, -0.011495884507894516, -0.0032908848952502012, 0.0007394239073619246, -0.015583005733788013, 0.017633400857448578, 0.02200757898390293, -0.0016326274489983916, -0.02036726288497448, 6.551654223585501e-05, 0.015459981746971607, -0.0015215643215924501, -0.01389484666287899, -0.0041281296871602535, 0.0140793826431036, -0.021775200963020325, 0.007251565344631672, -0.06271476298570633, 0.04029710590839386, 0.0059358952566981316, -0.019519764930009842, -0.014311760663986206, -0.014380107633769512, -0.000616400153376162, -0.0023682068567723036, -0.004271657206118107, 0.037125829607248306, -0.01073040347546339, -0.002679183380678296, -0.029115617275238037, 0.001680469955317676, -0.01813916489481926, -0.0018949072109535336, 0.013156704604625702, -0.008085393346846104, 0.02606736123561859, -0.0024621833581477404, 0.0069952658377587795, 0.019109686836600304, 0.009623189456760883, 0.031138673424720764, 0.006786809302866459, -0.012035821564495564, -0.01824852079153061, 0.030209161341190338, -0.00680047832429409, -0.00677313981577754, 0.013518940657377243, -0.01912335492670536, 0.003005538135766983, 0.0064177378080785275, -0.005515563767403364, -0.01813916489481926, 0.007873518392443657, 0.00314906588755548, 0.006527092307806015, 0.03215020149946213, 0.003490798408165574, -0.03789130970835686, 0.0064177378080785275, -0.017018282786011696, 0.0011781230568885803, 0.008037550374865532, 0.008693677373230457, -0.004483531694859266, 0.02281406708061695, 0.00468173623085022, 0.017975134775042534, 0.008433960378170013, -0.016690218821167946, -0.04951021820306778, 0.015377966687083244, 0.013525775633752346, 0.0023254903499037027, 0.013334405608475208, 0.028049411252141, 0.0151182496920228, 0.026053693145513535, -0.004312665201723576, 0.02632707916200161, -0.0077026523649692535, 0.013300232589244843, 0.009076417423784733, 0.012206687591969967, 0.007005517836660147, -0.013976862654089928, -0.016799574717879295, -0.004271657206118107, 0.02256801910698414, 0.023675233125686646, 0.02772134728729725, -0.0067321318201720715, -0.019027670845389366, 0.0011063592974096537, 0.011762435548007488, -0.022403988987207413, 0.012432231567800045, 0.0021819625981152058, 0.000932075607124716, 0.01667655073106289, 0.006349391303956509, 0.022062255069613457, 0.0027116481214761734, 0.0006497190915979445, -0.004203310701996088, -0.00354718416929245, -0.00939764641225338, 0.02486446313560009, -0.0011106309248134494, 0.010682560503482819, 0.02021689899265766, 0.012275034561753273, -0.0017214779509231448, -0.008857708424329758, 0.002569829113781452, 0.01857658289372921, 0.003376317908987403, -0.00507472874596715, -0.0021460806019604206, -0.013662468641996384, -0.02468676120042801, -0.031166011467576027, 0.011502718552947044, -0.022827737033367157, 0.004466444719582796, 0.016990944743156433, 0.008358779363334179, 0.022513343021273613, 0.020339922979474068, -0.004029027186334133, 0.014530469663441181, -0.012336546555161476, 0.01759239286184311, -0.009951252490282059, -0.018439890816807747, -0.01770174875855446, 0.03701647371053696, 0.03154875338077545, 0.0040392791852355, 0.045354750007390976, 0.008823535405099392, 0.013327570632100105, 0.011386529542505741, 0.03887549787759781, -0.027365945279598236, 0.017360014840960503, 0.006944006308913231, -0.010388670489192009, -0.013067853637039661, -0.006462163291871548, 0.0004553586768452078, -0.012739790603518486, -0.00842712540179491, -0.002070899587124586, 0.014229744672775269, 0.006492919288575649, 0.086007259786129, 0.04546410217881203, -0.011905963532626629, 0.01532328873872757, -0.002561285626143217, 0.014694501645863056, 0.02032625488936901, 0.021529152989387512, -0.0036018614191561937, -0.024659423157572746, -0.014011035673320293, 0.0006394670926965773, 0.0005536067765206099, -0.039722997695207596, 0.0009269496658816934, -0.027324937283992767, -0.0012430523056536913, 0.04171871393918991, -0.022499673068523407, -0.018658598884940147, 0.009192606434226036, 0.009445488452911377, 0.006626194808632135, 0.0067321318201720715, -0.010409174486994743, 0.008543314412236214, 0.012275034561753273, -0.0009500166052021086, 0.0027936638798564672, -0.024112651124596596, 0.014790186658501625, 0.01722332276403904, -0.03600494563579559, -0.01751037687063217, -0.006868824828416109, 0.0016334817046299577, 0.005474556237459183, -0.028213443234562874, 0.024727769196033478, -0.014407445676624775, -0.00788035336881876, 0.003964098170399666, -0.006633029319345951, -0.0020145135931670666, 0.006588604301214218, -0.00886454340070486, -0.024960147216916084, -0.011119978502392769, -0.012534751556813717], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='cbaf6c8b-8a75-4a34-9f1a-58b79d7eab28', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '11', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_type': 'application/pdf', 'file_size': 885090, 'creation_date': '2024-02-25', 'last_modified_date': '2024-02-07', 'last_accessed_date': None}, hash='85632c6162c3380189296a3a7706042cf90df2e3387149924d5b486737933b5b')}, text='[5] Maciej Besta, Nils Blach, Ales Kubicek, Robert Gerstenberger, Lukas Gianinazzi, Joanna Gajda, Tomasz\\nLehmann, Michal Podstawski, Hubert Niewiadomski, Piotr Nyczyk, and Torsten Hoefler. Graph of thoughts:\\nSolving elaborate problems with large language models, 2023.\\n[6] Charlie Chen, Sebastian Borgeaud, Geoffrey Irving, Jean-Baptiste Lespiau, Laurent Sifre, and John Jumper.\\nAccelerating large language model decoding with speculative sampling, 2023.\\n[7] Mark Chen, Jerry Tworek, Heewoo Jun, Qiming Yuan, Henrique Ponde de Oliveira Pinto, Jared Kaplan, Harri\\nEdwards, Yuri Burda, Nicholas Joseph, Greg Brockman, Alex Ray, Raul Puri, Gretchen Krueger, Michael Petrov,\\nHeidy Khlaaf, Girish Sastry, Pamela Mishkin, Brooke Chan, Scott Gray, Nick Ryder, Mikhail Pavlov, Alethea\\nPower, Lukasz Kaiser, Mohammad Bavarian, Clemens Winter, Philippe Tillet, Felipe Petroski Such, Dave Cum-\\nmings, Matthias Plappert, Fotios Chantzis, Elizabeth Barnes, Ariel Herbert-V oss, William Hebgen Guss, Alex\\nNichol, Alex Paino, Nikolas Tezak, Jie Tang, Igor Babuschkin, Suchir Balaji, Shantanu Jain, William Saunders,\\nChristopher Hesse, Andrew N. Carr, Jan Leike, Josh Achiam, Vedant Misra, Evan Morikawa, Alec Radford,\\nMatthew Knight, Miles Brundage, Mira Murati, Katie Mayer, Peter Welinder, Bob McGrew, Dario Amodei,\\nSam McCandlish, Ilya Sutskever, and Wojciech Zaremba. Evaluating large language models trained on code.\\n2021.\\n', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='01e351f2-ecb3-4e7d-b3ac-321e921af00d', embedding=[-0.02147151343524456, 0.0031661263201385736, 0.010033749043941498, -0.014536526054143906, 0.00182238407433033, 0.020875869318842888, -0.01801110990345478, -0.01101230550557375, -0.017415467649698257, -0.03468911722302437, 0.033384375274181366, 0.05037438124418259, -0.03571021929383278, 0.00855882279574871, 0.007016533054411411, 0.004123409744352102, 0.0171743743121624, 0.007080351933836937, 0.009771382436156273, 0.016692187637090683, 0.0026679844595491886, -0.0006005180766806006, -0.013550878502428532, -0.0025492103304713964, -0.005119693465530872, 0.014018883928656578, 0.03715677931904793, -0.03043452277779579, -0.0029214872047305107, -1.343409894616343e-05, 0.02430790849030018, -0.005296968389302492, 0.0026945755816996098, 0.003747587325051427, -0.012898508459329605, -0.011253398843109608, 0.012352501973509789, -0.004648142959922552, 0.025215554982423782, -0.015004531480371952, 0.014252887107431889, 0.029016325250267982, 0.015954723581671715, -0.009955747984349728, -0.008324820548295975, 0.0036164040211588144, -0.003577403724193573, -0.02042204700410366, 0.003995771985501051, 0.007764632347971201, 0.029016325250267982, 0.05272858962416649, -0.017500558868050575, 0.007736268453299999, -0.010792484506964684, -0.01853584311902523, 0.016819825395941734, 0.029725423082709312, 0.007480992935597897, 0.009877746924757957, 0.017926018685102463, -0.015160533599555492, -0.016053996980190277, 0.0256977416574955, -0.016748914495110512, -0.014664163812994957, -0.04881436377763748, -0.0031572626903653145, 0.006736439187079668, -0.011040668934583664, 0.02687484584748745, 0.007172534707933664, 0.00745971966534853, -0.014430161565542221, 0.04149646311998367, -0.018337296321988106, 0.017046736553311348, 0.0014279477763921022, -0.02684648148715496, -0.004243956413120031, 0.013295602984726429, -0.02393917739391327, -0.011636312119662762, 0.016295092180371284, 0.021301329135894775, 0.002878941362723708, 0.010679028928279877, 0.004587869625538588, -0.01248013973236084, -0.004715507384389639, 0.007020078599452972, 0.01110448781400919, 0.015259806998074055, 0.015004531480371952, -0.003697950392961502, 0.003359355730935931, 0.004332594107836485, -0.013735244981944561, -0.007466810755431652, -0.013891246169805527, -0.004261684138327837, 0.0016814506379887462, -0.02029440924525261, -0.012104317545890808, -0.00806245394051075, -0.004389321897178888, 0.015132169239223003, 0.011544128879904747, 0.0041659558191895485, 0.017741652205586433, -0.01656454987823963, 0.02851995639503002, 0.013671426102519035, -0.027016665786504745, 0.0029037597123533487, -0.029668696224689484, 0.031115258112549782, -0.0014669481897726655, -0.00794190727174282, -0.003462175140157342, 0.030945073813199997, 0.012239046394824982, 0.01779838092625141, -0.010267751291394234, 0.02440718188881874, 0.01045920792967081, -0.0064492542296648026, -0.027257759124040604, -0.03664622828364372, -0.03389492630958557, 0.000713530695065856, 0.006257797125726938, 0.010395389050245285, 0.009317559190094471, -0.01924494281411171, 0.04810526594519615, -0.023825721815228462, -0.002751303603872657, -0.020351136103272438, -0.023343533277511597, 0.004938873462378979, 0.02215224876999855, -0.007005896419286728, -0.019514400511980057, -0.004226229153573513, 0.019103122875094414, -0.0036944050807505846, 0.014451434835791588, 0.009182830341160297, -0.004701325204223394, -0.0010024885414168239, -0.010962667874991894, -0.020549684762954712, 0.03196617588400841, 0.01594054140150547, 0.009395559318363667, 0.024662457406520844, 0.025286464020609856, -0.028987960889935493, 0.003729859832674265, -0.009097738191485405, -0.020847506821155548, -0.0008185659535229206, 0.002609483664855361, 0.005332423374056816, 0.027598127722740173, 0.0121255898848176, 0.0026679844595491886, 0.003359355730935931, -0.02354208193719387, -0.02527228370308876, 0.042120471596717834, -0.03361128643155098, 0.011310126632452011, -0.011685948818922043, 0.013962156139314175, 0.026832301169633865, -0.0034338112454861403, -0.01816711202263832, -0.017443832010030746, 0.010047930292785168, 0.00736044580116868, 0.017316194251179695, 0.01418197713792324, -0.01893293857574463, -0.015472536906599998, 0.034093473106622696, -0.011239216662943363, -0.0030189882963895798, -0.0028151224832981825, 0.009310468100011349, 0.024166088551282883, -0.00814045500010252, -0.007108715828508139, -0.6317219734191895, -0.019415127113461494, 0.021570786833763123, -0.032051268965005875, 0.008239728398621082, 0.006232978776097298, 0.0018126339418813586, -0.012678687460720539, -0.010232296772301197, 0.035540033131837845, 0.010664846748113632, -0.006130159366875887, -0.0027903039008378983, -0.018252205103635788, -0.015288171358406544, -0.006906622555106878, -0.005321786738932133, -0.012827598489820957, 0.018025292083621025, 0.024265361949801445, -0.023854084312915802, 0.02013840712606907, -0.021613333374261856, 0.00464105186983943, -0.005658608861267567, 0.015203079208731651, 0.013536697253584862, -0.0069030774757266045, 0.0005012442707084119, -0.013940882869064808, -0.011409400030970573, 0.017160192131996155, 0.003034943016245961, 0.003423174610361457, 0.04353867098689079, -0.009487742558121681, -0.0019801585003733635, 0.02912978082895279, 0.019330034032464027, 0.025286464020609856, -0.03542657941579819, 0.00411631865426898, 0.005382060073316097, 0.002969351364299655, -0.010281933471560478, 0.040021538734436035, 0.01745801419019699, -0.0022159339860081673, -0.022464251145720482, -0.0495518259704113, -0.008374457247555256, 0.0048856912180781364, 0.004644597414880991, 0.001099989633075893, -0.002093614311888814, 0.0209751445800066, 0.027115939185023308, -0.012387956492602825, -0.0035898128990083933, -0.0220246110111475, 0.0006164727965369821, 0.025073735043406487, -0.006548527628183365, 0.0017018371727317572, -0.016663823276758194, 0.015047077089548111, -0.012288683094084263, 0.007144170813262463, 0.00745971966534853, -0.01235959306359291, -0.0031182621605694294, 0.02545664831995964, 0.019131487235426903, -0.025726106017827988, 0.010537208989262581, 0.0148768937215209, 0.001264855032786727, -0.012260318733751774, 0.007310809101909399, 0.02508791722357273, 0.006527254823595285, -0.016011452302336693, -0.010324479080736637, 0.001106194220483303, 0.0253006462007761, -0.004123409744352102, -0.010260660201311111, 0.0008380662184208632, 0.01578454114496708, 0.00971465464681387, -0.006651347037404776, 0.015373262576758862, -0.013735244981944561, -0.046261608600616455, 0.029725423082709312, 0.0031625807750970125, -0.018734391778707504, -0.010558482259511948, 0.002102478174492717, -0.04229065403342247, 0.008154637180268764, -0.024421364068984985, 0.028406498953700066, 0.0216275155544281, 0.0024162542540580034, 0.021202055737376213, -0.0003459072904661298, 0.0009812155039981008, 0.018464934080839157, -0.008459549397230148, -0.018734391778707504, -0.013926701620221138, -0.0062187970615923405, -0.0024552547838538885, 0.006505982019007206, -0.02724357694387436, 0.010998123325407505, -6.874935206724331e-05, -0.020195135846734047, -0.0071406252682209015, 0.018464934080839157, -0.0020953870844095945, 0.012090135365724564, -0.015458354726433754, 0.008417002856731415, 0.012699960730969906, 0.005126784555613995, 0.0013570379232987761, 0.003914225846529007, 0.015983087942004204, -0.014153612777590752, -0.02666211687028408, 0.01606817916035652, -0.012785051949322224, 0.013104146346449852, -0.01102648675441742, 0.009785563684999943, -0.016224181279540062, -0.010062112472951412, -0.007129989098757505, -0.043113209307193756, 0.002049295697361231, 0.013359421864151955, -0.019727129489183426, -0.023854084312915802, -0.01840820536017418, -0.011643403209745884, 0.011083214543759823, 0.02403845079243183, -0.0025811197701841593, -0.01065775565803051, -0.0034674934577196836, -0.029583603143692017, 0.015983087942004204, -0.026491932570934296, -0.015713630244135857, 0.006371253170073032, -0.049410007894039154, -0.03287382423877716, -0.035908766090869904, 0.004346775822341442, 0.02110278233885765, -0.006286161486059427, -0.016351819038391113, 0.012891417369246483, 0.0007516447803936899, -0.0023754811845719814, 0.012749597430229187, -0.02808031439781189, -0.0133736040443182, -0.005374969448894262, -0.03159744292497635, 0.00611597765237093, 0.004832508508116007, -0.017770016565918922, 0.01362178847193718, -0.017741652205586433, 0.011196671053767204, -0.0012746051652356982, -0.012175227515399456, 0.004701325204223394, -0.002875395817682147, -0.03536985069513321, -0.007402991876006126, 0.012969417497515678, 0.016323454678058624, 0.02094678021967411, 0.005935157183557749, 0.010189750231802464, 0.0060627949424088, 0.003483448177576065, 0.019599491730332375, -0.01030320581048727, 0.02249261550605297, -0.007842632941901684, 0.028222134336829185, 0.008885008282959461, -0.0008562368457205594, -0.014649982564151287, 0.0395960807800293, 0.027201032266020775, 0.006137250456959009, 0.008750279434025288, 0.011423582211136818, 0.002453482011333108, -0.008282274939119816, 0.015018713660538197, -0.015302353538572788, -0.006151432637125254, -0.012444685213267803, -0.01175685878843069, -0.023740628734230995, -0.0461481511592865, 0.0039815898053348064, -0.019542764872312546, 0.033384375274181366, -0.004460231866687536, 0.014288341626524925, -0.017259465530514717, 0.012749597430229187, 0.005860702134668827, -0.01135267224162817, 0.02802358567714691, 0.015032895840704441, -0.028931232169270515, 0.024690821766853333, -0.007977361790835857, 0.0367029570043087, 0.011480310000479221, -0.027073394507169724, -0.01906057633459568, 0.005137421190738678, 0.028406498953700066, 0.01788347214460373, 0.0026555752847343683, 0.0072150807827711105, 0.035228028893470764, -0.020492956042289734, 0.02215224876999855, 0.010118840262293816, -0.018365660682320595, 0.0035171303898096085, 0.014295432716608047, -0.020407864823937416, 0.004006408620625734, -0.01748637668788433, 0.01591217890381813, 0.02047877386212349, -0.011749767698347569, 0.029980698600411415, -0.01410397607833147, 0.012168136425316334, -0.023471171036362648, -0.00985647365450859, 0.016876552253961563, -0.023003166541457176, 0.010891757905483246, -0.0036234951112419367, 0.007899360731244087, 0.022166429087519646, -0.008750279434025288, -0.006112432107329369, 0.02283298224210739, -0.0018649299163371325, 0.015160533599555492, -0.024478092789649963, -0.02168424241244793, -0.01850748062133789, -0.0071760802529752254, -0.007268263027071953, 0.0049317823722958565, -0.030406158417463303, -0.017245283350348473, -0.013820336200296879, 0.009260830469429493, 0.013586333952844143, -0.012047589756548405, 0.0048147812485694885, 0.011622129939496517, 0.025754470378160477, 0.00011489617463666946, -0.042120471596717834, 0.008977191522717476, 0.012005043216049671, -0.025867925956845284, -0.018450751900672913, -0.010416662320494652, 0.016323454678058624, -0.004637506324797869, -0.015642721205949783, -0.017046736553311348, 0.006796712521463633, -0.008402821607887745, 0.01803947426378727, -0.019642038270831108, 0.004974328447133303, 0.012132680974900723, -0.006661983672529459, -0.015614356845617294, 0.002444618381559849, -0.014564890414476395, 0.029328327625989914, -0.026619570329785347, -0.03182435780763626, 0.048020172864198685, -0.01350124180316925, -0.020095860585570335, -0.020039133727550507, -0.009055192582309246, -0.020875869318842888, 0.020365318283438683, -0.0038964981213212013, 0.0002546108153183013, 0.02406681515276432, 0.015316534787416458, 0.0030969891231507063, -0.001082262140698731, 0.001772747142240405, 0.021769335493445396, -0.006204614881426096, -0.014990349300205708, -0.01248013973236084, 0.012536867521703243, 0.009572834707796574, 0.05888356640934944, 0.04597796872258186, -0.015344899147748947, 0.002831077203154564, -0.007913542911410332, 0.013465787284076214, -0.010544300079345703, -0.022194793447852135, 0.014267068356275558, -0.015841268002986908, -0.0071406252682209015, -0.013650152832269669, 0.013111237436532974, -0.021514058113098145, 0.022960620000958443, 0.01872020959854126, 0.004711961839348078, -0.013019055128097534, 0.0019872495904564857, -0.009509015828371048, -0.007807178422808647, -0.0002960487618111074, 0.017571469768881798, 0.020875869318842888, 0.006796712521463633, -0.015004531480371952, 0.01918821409344673, 0.019131487235426903, 0.018805300816893578, -0.018975485116243362, -0.006605255883187056, 0.021301329135894775, 0.006293252110481262, 0.00996283907443285, -0.004360958002507687, 0.013955065049231052, 0.015529264695942402, 0.003267172956839204, 0.011373945511877537, 0.008353183977305889, 0.008885008282959461, 0.02857668325304985, 0.005577062256634235, -0.014018883928656578, 0.0059564304538071156, -0.0023081167601048946, -0.01628091000020504, 0.03769569471478462, -0.004605596885085106, -0.026023928076028824, 0.013614697381854057, 0.004073773045092821, -0.02576865255832672, -0.00916155707091093, 0.004442504141479731, 0.009757200255990028, -0.003772405907511711, -0.006555618718266487, -0.01779838092625141, -0.041383009403944016, 0.008005726151168346, -0.019386762753129005, 0.006725802551954985, -0.014593253843486309, -0.013444514013826847, -0.005229603964835405, -0.009119011461734772, -0.0020741140469908714, -0.018110385164618492, 0.03403674438595772, 0.0005291650304570794, -0.020039133727550507, -0.04192192479968071, -0.008097908459603786, 0.0004454027221072465, 0.019911495968699455, 0.022776255384087563, 0.0068676224909722805, -0.001055670902132988, 0.027598127722740173, 0.0032742638140916824, -0.024052632972598076, 0.0051445122808218, -0.035568397492170334, 0.02131551131606102, -0.013572151772677898, -0.010601027868688107, -0.004839599598199129, -0.025867925956845284, -0.005279241129755974, 0.006807348690927029, -0.01633763685822487, 0.004024135880172253, 0.0018897483823820949, 0.015288171358406544, 0.009218284860253334, 0.022279886528849602, 0.014423070475459099, 0.012799234129488468, -0.014068521559238434, 0.011969588696956635, -0.013728153891861439, -0.02178351581096649, -0.040021538734436035, 0.013969247229397297, 0.00863682385534048, 0.022138066589832306, 0.0008606687188148499, -0.0022921620402485132, -0.035199668258428574, 0.02026604488492012, -0.008580096065998077, 0.027286123484373093, -0.003719223430380225, 0.027938494458794594, 0.003580949269235134, 0.01115412451326847, 0.014203249476850033, -0.005257967859506607, -0.04192192479968071, 0.0023985267616808414, -0.0184791162610054, 0.023144986480474472, 0.02456318400800228, -0.010601027868688107, 0.029611967504024506, -0.01667800545692444, -0.00803408958017826, -0.02944178320467472, 0.025187190622091293, -0.012465957552194595, 0.036561135202646255, 0.003800769802182913, -0.0249035507440567, -0.01280632521957159, -0.011253398843109608, -0.014231613837182522, -0.012366684153676033, -0.01930166967213154, -0.008041180670261383, 0.010913031175732613, 0.018337296321988106, -0.014004701748490334, 0.011118669994175434, 0.001111512421630323, -0.024889370426535606, -0.010246478021144867, -0.00903391931205988, 0.006853440310806036, 0.024690821766853333, -0.011565402150154114, 0.012933962978422642, -0.01021102350205183, -0.02113114483654499, -0.013047418557107449, -0.020875869318842888, -0.021272964775562286, 0.0002224797644885257, 0.0232017133384943, 0.0011815360048785806, 0.03942589461803436, -0.023187533020973206, 0.020776595920324326, 0.02039368264377117, -0.0036110859364271164, -0.009870655834674835, -0.01360760722309351, 0.0009173966245725751, -0.024392999708652496, -0.0022035245783627033, 0.0059918854385614395, 0.008963009342551231, 0.0016264955047518015, -0.01394797395914793, 0.0343487486243248, 0.026733025908470154, -0.018734391778707504, -0.006725802551954985, 0.005850065499544144, -0.04441795125603676, -0.03389492630958557, 0.008899190463125706, 0.016550367698073387, -0.0004090614093001932, -0.010622301138937473, -0.0057649738155305386, 0.018706027418375015, 0.009409741498529911, 0.010047930292785168, 0.01835147850215435, 0.01393379271030426, -0.00951610691845417, 0.01618163473904133, 0.01248013973236084, 0.00279562221840024, -0.028278861194849014, -0.021173691377043724, -0.036589499562978745, -0.0033203554339706898, 0.01646527461707592, -0.02011004276573658, 0.0242511797696352, 0.012614868581295013, 0.0039815898053348064, -0.0066761658526957035, 0.006215251516550779, -0.0005553130176849663, -0.02264861762523651, -0.0028683047275990248, -0.0242511797696352, 0.002589983632788062, -0.031370531767606735, 0.004300684668123722, -0.004729689098894596, -0.0016185181448236108, 0.011544128879904747, -0.025187190622091293, 0.026974119246006012, -0.01893293857574463, -0.029002143070101738, 0.019968222826719284, 0.024336272850632668, 0.03996481001377106, 0.007672449573874474, 0.028718503192067146, 0.02430790849030018, 0.010203932411968708, -0.004555960185825825, 0.015316534787416458, 0.017926018685102463, -0.0020297954324632883, 0.020748231559991837, 0.01837984286248684, -0.024662457406520844, -0.00011600414291024208, 0.016522003337740898, 0.01203340757638216, -0.06438617408275604, -0.03281709551811218, 0.009431014768779278, 0.024690821766853333, 0.026548661291599274, -0.010168477892875671, -0.005970612168312073, -0.016039816662669182, 0.009211193770170212, -0.02005331590771675, 0.010352843441069126, -0.02705921232700348, -0.019642038270831108, 0.011806495487689972, 0.015146351419389248, 0.007800087332725525, -0.004672961309552193, 0.0015414035879075527, -0.010445025749504566, 0.022662799805402756, -0.009785563684999943, -0.004343230277299881, 0.00789227057248354, -0.0010211023036390543, 0.033554557710886, -0.0102890245616436, 0.014692528173327446, -0.003729859832674265, 0.013749426230788231, 0.0017736335285007954, 0.003609313163906336, 0.007353355176746845, 0.03426365554332733, -0.029016325250267982, 0.001731087570078671, -0.013132510706782341, -0.01397633831948042, 0.0054990616627037525, 0.0017949064495041966, -0.0013659016694873571, -0.015344899147748947, -0.016209999099373817, 0.008069545030593872, 0.01649363897740841, 0.00020032042812090367, -0.0028523500077426434, 0.004956600721925497, 0.004105682484805584, -0.010792484506964684, -0.007488084025681019, -0.008984282612800598, 0.02081914246082306, -0.043169938027858734, 0.00928210373967886, 0.014267068356275558, -0.0014075612416490912, 0.018663480877876282, -0.002621893072500825, -0.001320696552284062, -0.002363072009757161, 0.013238875195384026, -0.016422729939222336, 0.01106194220483303, -0.0020049770828336477, -0.0026821664068847895, -0.04958019033074379, 0.0027034394443035126, -0.006800258066505194, -0.02273370884358883, 0.02836395427584648, -0.009175739251077175, 0.0161249078810215, 0.014295432716608047, -0.0026254383847117424, 0.01215395424515009, -0.007736268453299999, 0.010778302326798439, -6.786297308281064e-05, -0.007381719071418047, -0.00021970985108055174, -0.02304571308195591, -0.008707733824849129, 0.016876552253961563, 0.008495003916323185, 0.005371423903852701, -4.21027434640564e-05, -0.013827427290380001, 0.031682536005973816, -0.036277495324611664, 0.007041351404041052, -0.01720273867249489, -0.05167912319302559, -0.0021716151386499405, 0.00900555495172739, 0.010317387990653515, -0.007736268453299999, -0.01680564321577549, -0.024052632972598076, 0.016578730195760727, 0.004325503017753363, 0.01470671035349369, -0.0016734732780605555, -0.007168989162892103, 0.018776938319206238, 0.0314556248486042, 0.0184791162610054, -0.008523368276655674, -0.006144341547042131, -0.02776831015944481, -0.002187569858506322, 0.000784440606366843, -0.05258677154779434, -0.006853440310806036, 0.010125931352376938, 0.03321418911218643, -0.0014997440157458186, -0.016763096675276756, 0.003185626585036516, -0.010182659141719341, -0.005428151693195105, -0.03335601091384888, -0.02005331590771675, 0.013983429409563541, 0.00516578508540988, 0.023683901876211166, 0.0008132477523759007, 0.040049903094768524, -0.009119011461734772, -0.0032405818346887827, -0.011366854421794415, 0.01195540651679039, -0.006661983672529459, -0.010083385743200779, -0.002205297350883484, 0.01175685878843069, -0.031342167407274246, -0.016819825395941734, 0.030633069574832916, 0.01662127673625946, -0.017599834129214287, 0.020932598039507866, 0.0029746696818619967, -0.008353183977305889, -0.004371594171971083, -0.01801110990345478, -0.0039390441961586475, -0.016890734434127808, 0.0232017133384943, -0.032079633325338364, -0.006995260249823332, -0.0008482594857923687, -0.012671596370637417, -0.015897996723651886, -0.0192733071744442, 0.00036319156060926616, -0.01683400571346283, -0.00024818460224196315, 0.0009404423180967569, -0.007977361790835857, 0.020180953666567802, -0.013302694074809551, 0.03185271844267845, -0.013713971711695194, 0.018025292083621025, 0.020748231559991837, 0.014231613837182522, -0.009267921559512615, -0.020152589306235313, -0.012139772064983845, -0.014805983752012253, -0.008530459366738796, 0.01971294730901718, -0.00624006986618042, 0.010416662320494652, -0.032334908843040466, -0.006169159896671772, -0.01745801419019699, -0.022974802181124687, -0.0032246271148324013, 0.007856815122067928, -0.020124224945902824, 0.031058529391884804, 0.025683559477329254, -0.026832301169633865, 0.003621722338721156, -0.008863735944032669, -0.004428322426974773, 0.024137724190950394, -0.012969417497515678, -0.007275354117155075, -0.026548661291599274, -0.011388127692043781, 0.007856815122067928, -0.012068862095475197, -0.002316980389878154, -0.008686460554599762, 0.011480310000479221, 0.018138747662305832, 0.008672279305756092, 0.20671649277210236, -0.021060235798358917, 0.012182318605482578, 0.021925335749983788, 0.010196841321885586, 0.007183171343058348, 0.03925571218132973, -0.007098079659044743, -0.01292687188833952, 0.01065775565803051, -0.008736098185181618, 0.003790133399888873, -0.04342521354556084, -0.0007981793605722487, 0.02013840712606907, -0.01203340757638216, -0.03281709551811218, -0.03573858365416527, -0.02110278233885765, 0.0009626016835682094, -0.004254593048244715, 0.02113114483654499, -0.019514400511980057, -0.02690321020781994, 0.005410423967987299, -0.01738710328936577, -0.00980683695524931, -0.006378344260156155, 0.0023790267296135426, 0.007544811815023422, -0.018266385421156883, 0.014777620323002338, 0.006672620307654142, -0.0010920122731477022, -0.021173691377043724, -0.007679540663957596, 0.00953028816729784, 0.03701496124267578, 0.0192733071744442, 0.0015786313451826572, 0.01924494281411171, -0.01714600995182991, 0.016706367954611778, -0.01562853902578354, 0.013111237436532974, 0.01974131166934967, -0.013742336072027683, 0.005240240599960089, -0.01767074316740036, 0.028009403496980667, -0.03046288713812828, 0.03573858365416527, 0.040021538734436035, 0.03571021929383278, 0.0010565572883933783, -0.003252991009503603, -0.012380865402519703, 0.009601198136806488, 0.005864247679710388, -0.007172534707933664, -0.03432038426399231, -0.011381036601960659, -0.001026420621201396, 0.008175909519195557, -0.005371423903852701, 0.009409741498529911, -0.018436569720506668, 0.023159168660640717, 0.019074758514761925, -0.024236999452114105, -0.012061771005392075, -0.01575617678463459, -0.008197182789444923, 0.014763438142836094, -0.04336848482489586, -0.03236326947808266, 0.04308484494686127, 0.028222134336829185, -0.0013198102824389935, 0.042517565190792084, -0.0024286636617034674, -0.0036110859364271164, 0.020351136103272438, -0.0037440420128405094, -0.018862029537558556, -0.03182435780763626, 0.02134387567639351, -0.00786390621215105, -0.0171743743121624, -0.0022921620402485132, -0.01369978953152895, -0.011239216662943363, -0.002816895255818963, -0.013245966285467148, 0.022719526663422585, -0.005754337180405855, 0.013806154951453209, 0.006580437067896128, 0.0034107654355466366, -0.009991202503442764, -0.01562853902578354, 0.053834784775972366, 0.010849212296307087, 0.005357241723686457, -0.0013570379232987761, 0.0016025634249672294, -0.001037943409755826, 0.007849724031984806, 0.029271600767970085, 0.0015564719215035439, -0.013557969592511654, -0.010608118958771229, 0.012593595311045647, 0.004286502487957478, 0.0040099541656672955, 0.005630244966596365, -0.0006882690940983593, -0.010920122265815735, 0.02647775039076805, -0.01073575671762228, -0.003978044725954533, -0.01971294730901718, -0.014330887235701084, 0.019259124994277954, -0.00034967437386512756, -0.04575105756521225, -0.02050713822245598, -0.007991543971002102, -0.041354645043611526, 0.0010317388223484159, 0.014444343745708466, -0.01280632521957159, 0.02561265043914318, -0.00855882279574871, 0.003128898562863469, -0.00951610691845417, 0.01751474104821682, -0.0011638085125014186, -0.0050416928716003895, -0.0036483134608715773, -0.012395047582685947, 0.000182149771717377, 0.012274500913918018, -0.000987420091405511, 0.0012604232179000974, -0.010466299019753933, 0.01203340757638216, 0.012260318733751774, -0.011849042028188705, -0.01908894069492817, -0.005279241129755974, 0.005718882195651531, -0.019259124994277954, -0.004243956413120031, 0.02199624665081501, 0.0023081167601048946, -0.03327091783285141, -0.026350112631917, -0.008849553763866425, 0.012543958611786366, -0.05014747008681297, -0.004173046909272671, 0.027130121365189552, -0.009509015828371048, -0.020776595920324326, 0.0009617152973078191, -0.1840253323316574, 5.525985034182668e-05, 0.012423411943018436, -0.03814951702952385, 0.018124567344784737, 0.007257626857608557, 0.026619570329785347, -0.004520505201071501, -0.012267409823834896, -0.011643403209745884, 0.016422729939222336, -0.006232978776097298, -0.01588381454348564, -0.03185271844267845, 0.005931611638516188, 0.012097226455807686, -0.012395047582685947, 0.015089623630046844, 0.02171260677278042, 0.01918821409344673, 0.007948998361825943, -0.03624913468956947, 0.005757882725447416, 0.01081375777721405, -0.005899702198803425, -0.0025084372609853745, -0.0010459207696840167, 0.019074758514761925, -0.016380183398723602, -0.03270363807678223, -0.014451434835791588, -0.013167965225875378, 0.01203340757638216, -0.007268263027071953, -0.009899020195007324, 0.006998805794864893, 0.002822213340550661, -0.005889066029340029, -0.03738369047641754, 0.027300305664539337, 0.011806495487689972, 0.03395165130496025, 0.01093430444598198, 0.010274842381477356, -0.03185271844267845, 0.010196841321885586, 0.02218061126768589, -0.03639095276594162, -0.0004101693630218506, -0.015529264695942402, -0.012827598489820957, -0.04197865352034569, 0.010714483447372913, -0.007126443553715944, 0.016394365578889847, -0.007651176769286394, 0.009955747984349728, 0.007622812408953905, -0.006860531400889158, -0.012487230822443962, -0.016791461035609245, -0.014153612777590752, 0.03259018436074257, 0.0020953870844095945, -0.0032122177071869373, -0.018025292083621025, -0.013671426102519035, 0.0035649945493787527, -0.05102675408124924, 0.01275668852031231, 0.0035667670890688896, -0.0051232390105724335, 0.0004928237176500261, 0.0060273404233157635, 0.01296232733875513, 0.030576342716813087, -0.004470868036150932, 0.003325673518702388, 0.010069203563034534, 0.0006634506280533969, -0.007651176769286394, 0.025158826261758804, 0.006534345913678408, -0.007856815122067928, -0.00014846757403574884, -0.006853440310806036, 0.01342324074357748, -0.007034260779619217, 0.004421231336891651, -0.02199624665081501, 0.010040839202702045, -0.014153612777590752, 0.016053996980190277, 1.6204015992116183e-05, 0.007119352463632822, -0.0004715507384389639, -0.021017689257860184, -0.007970270700752735, 0.018961302936077118, -0.02218061126768589, 0.0035366304218769073, -0.0003598676703404635, -0.006211705971509218, -0.0005845633568242192, 0.018025292083621025, 0.011827768757939339, -0.026406841352581978, 0.007009441964328289, 0.013912519440054893, -0.021428966894745827, -0.011749767698347569, 0.0017745199147611856, -0.0026857119519263506, 0.020492956042289734, -0.0008247705991379917, 0.012423411943018436, -0.032079633325338364, -0.02023768052458763, 0.025896290317177773, 0.01300487294793129, 0.0603017657995224, -0.014309614896774292, -0.014791801571846008, 0.01872020959854126, -0.008594278246164322, -0.024506455287337303, -0.09813927859067917, -0.011019395664334297, -0.00376886036247015, 0.04872927442193031, 0.0020882959943264723, 0.023967541754245758, -0.026052292436361313, 0.027442125603556633, -0.044531408697366714, 0.05437370017170906, -0.0006448367494158447, -0.021216237917542458, 0.019571127369999886, 0.0031253532506525517, 0.0054636066779494286, -0.02498864382505417, 0.01562853902578354, -0.0498071014881134, -0.0065308003686368465, 0.04779326170682907, -0.004758053459227085, -0.009828110225498676, 0.02422281727194786, -0.013848700560629368, -0.014125249348580837, 0.011806495487689972, -0.019131487235426903, 0.024236999452114105, -0.00018203897343482822, -0.0014882212271913886, -0.004095045849680901, -0.02752721682190895, 0.018620936200022697, -0.027640672400593758, 0.0020776595920324326, -0.025754470378160477, -0.007622812408953905, -0.018734391778707504, 0.0002632529358379543, -0.0094381058588624, 0.012657414190471172, 0.0030455796513706446, -0.002937441924586892, 0.004073773045092821, -0.014976168051362038, -0.0054990616627037525, -0.03361128643155098, 0.011771040968596935, 0.010998123325407505, -0.01470671035349369, -0.033809833228588104, -0.042404111474752426, -0.001857838942669332, 0.0018330204766243696, 0.00666552921757102, 0.006257797125726938, 0.02734285220503807, 0.010260660201311111, -0.005488425027579069, -0.02081914246082306, -0.020890051499009132, -0.012494321912527084, -0.02196788229048252, 0.0020102951675653458, 0.007218626327812672, 0.009941565804183483, -0.018053656443953514, -0.05119693651795387, 0.005988339893519878, -0.001810861169360578, -0.006651347037404776, 0.023371897637844086, -0.0157278124243021, 0.026491932570934296, -0.03236326947808266, -0.004871509037911892, 0.010742847807705402, -0.011905769817531109, 0.01884784735739231, -0.018706027418375015, -0.014820165932178497, -0.03142726048827171, -0.0006505982019007206, -0.016167454421520233, 0.017557287588715553, 0.016323454678058624, -0.011019395664334297, -0.011579584330320358, 0.016295092180371284, -0.018961302936077118, 0.005296968389302492, 0.008899190463125706, -0.00997702032327652, -0.012714141979813576, 0.005155148450285196, -0.0036483134608715773, -0.018280567601323128, -0.012855961918830872, -0.0054246061481535435, 0.01656454987823963, -0.028860323131084442, -0.006059249863028526, -0.06376216560602188, 0.02986724302172661, 0.0014208568027243018, -0.027470489963889122, -0.013245966285467148, 0.00848082173615694, 0.014423070475459099, -0.005676336120814085, -0.00614079600200057, 0.034433841705322266, -0.024790095165371895, 0.005864247679710388, -0.04294302687048912, -0.016224181279540062, -0.020890051499009132, -0.011076124384999275, 0.019911495968699455, -0.0075377207249403, 0.03505784645676613, 0.010140113532543182, 0.011622129939496517, 0.013111237436532974, -0.00017428319551981986, 0.024378817528486252, 0.006403162609785795, -0.01405433937907219, -0.022974802181124687, 0.019074758514761925, 0.0010928985429927707, 0.00427232077345252, 0.020932598039507866, -0.018706027418375015, -0.00641734478995204, 0.010466299019753933, -0.011324308812618256, -0.008445367217063904, 0.0216275155544281, 0.0195285826921463, 0.004421231336891651, 0.0508565679192543, -0.01093430444598198, -0.013394877314567566, 0.009899020195007324, -0.003573858179152012, -0.008211364969611168, 0.01837984286248684, 0.017727471888065338, 0.020180953666567802, 0.0256977416574955, -0.0015919269062578678, 0.023683901876211166, 0.003267172956839204, -0.0030455796513706446, -0.02508791722357273, -0.0035898128990083933, 0.003953225910663605, 0.01309705525636673, -0.0037759514525532722, 0.023456990718841553, 0.00678962143138051, 0.019074758514761925, 0.002403845079243183, 0.016706367954611778, -0.004126955289393663, 0.006137250456959009, 0.01447270717471838, -0.010523026809096336, 0.0018684754613786936, -0.01686237007379532, -0.017060918733477592, -0.00026436091866344213, -0.0014439024962484837, 0.03395165130496025, 0.028704321011900902, 0.008253910578787327, -0.00421559251844883, -0.002267343457788229, -0.0009856474353000522, -0.015954723581671715, 0.015699448063969612, 0.019287489354610443, 0.004587869625538588, 0.010991032235324383, 0.009466469287872314, 0.02013840712606907, 0.004644597414880991, -0.00636416207998991, -0.003747587325051427, -0.013416150584816933, 0.01397633831948042, 0.029952336102724075, 0.0005708245444111526, -0.013309785164892673, 0.005516788922250271, -0.0030189882963895798, 0.004729689098894596, -0.0007037806208245456, 0.018649300560355186, 0.017684925347566605, 0.014564890414476395, 0.024236999452114105, -0.004105682484805584, -0.006917259190231562, -0.0024428456090390682, -0.005626699421554804, 0.0032512182369828224, -0.022606071084737778, -0.00031599216163158417, 0.008998464792966843, 0.00636416207998991, 0.014635800383985043, 0.028122860938310623, -0.005208331160247326, 0.0018294750479981303, -0.018138747662305832, 0.020592231303453445, -0.014267068356275558, -0.03772405907511711, -0.02881777659058571, 0.015316534787416458, 0.012175227515399456, 0.004871509037911892, 0.02603811025619507, -0.0096366535872221, 0.02687484584748745, 0.019074758514761925, 0.0461481511592865, -0.01686237007379532, 0.020989326760172844, 0.004024135880172253, 0.022350795567035675, -0.008792825974524021, -0.002368390094488859, -0.023343533277511597, -0.0016584049444645643, 0.0009971702238544822, -0.018152929842472076, 0.011381036601960659, 0.011494492180645466, 0.08832535147666931, 0.05567844212055206, -0.022223157808184624, 0.012260318733751774, -0.005520334467291832, -0.005357241723686457, -0.004353866912424564, 0.014068521559238434, 0.008147546090185642, -0.027385396882891655, 0.011083214543759823, -0.016947463154792786, -0.010097567923367023, -0.028378136456012726, -0.0007662699208594859, -0.01472089160233736, -0.002946305787190795, 0.046261608600616455, -0.002093614311888814, -0.010118840262293816, 0.00850918609648943, 0.0036660409532487392, 0.004726144019514322, 0.016890734434127808, -0.04810526594519615, -0.018833665177226067, 0.017755834385752678, 0.009657925926148891, 0.002568710595369339, -0.028193769976496696, 0.0023878903593868017, 0.0256977416574955, -0.01840820536017418, -0.030094154179096222, -0.014820165932178497, -0.0019500218331813812, 0.0021485695615410805, -0.032022904604673386, 0.024506455287337303, 0.0011549447663128376, -0.008317729458212852, 0.009402650408446789, -0.009232467040419579, -0.024180270731449127, -0.007193807978183031, -0.003960317000746727, -0.0182238407433033, -0.001250673085451126, -0.024109361693263054], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='cbaf6c8b-8a75-4a34-9f1a-58b79d7eab28', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '11', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_type': 'application/pdf', 'file_size': 885090, 'creation_date': '2024-02-25', 'last_modified_date': '2024-02-07', 'last_accessed_date': None}, hash='85632c6162c3380189296a3a7706042cf90df2e3387149924d5b486737933b5b')}, text='[8] Wenhu Chen, Xueguang Ma, Xinyi Wang, and William W. Cohen. Program of thoughts prompting: Disentan-\\ngling computation from reasoning for numerical reasoning tasks, 2023.\\n[9] Tim Dettmers, Ruslan Svirschevski, Vage Egiazarian, Denis Kuznedelev, Elias Frantar, Saleh Ashkboos, Alexan-\\nder Borzunov, Torsten Hoefler, and Dan Alistarh. Spqr: A sparse-quantized representation for near-lossless llm\\nweight compression, 2023.\\n[10] Elias Frantar and Dan Alistarh. Sparsegpt: Massive language models can be accurately pruned in one-shot, 2023.\\n[11] Elias Frantar, Saleh Ashkboos, Torsten Hoefler, and Dan Alistarh. GPTQ: Accurate post-training compression\\nfor generative pretrained transformers. arXiv preprint arXiv:2210.17323 , 2022.\\n[12] Luyu Gao, Aman Madaan, Shuyan Zhou, Uri Alon, Pengfei Liu, Yiming Yang, Jamie Callan, and Graham\\nNeubig. Pal: Program-aided language models. arXiv preprint arXiv:2211.10435 , 2022.\\n[13] Shibo Hao, Yi Gu, Haodi Ma, Joshua Jiahua Hong, Zhen Wang, Daisy Zhe Wang, and Zhiting Hu. Reasoning\\nwith language model is planning with world model, 2023.\\n[14] Dan Hendrycks, Steven Basart, Saurav Kadavath, Mantas Mazeika, Akul Arora, Ethan Guo, Collin Burns, Samir\\nPuranik, Horace He, Dawn Song, and Jacob Steinhardt. Measuring coding challenge competence with apps.\\nNeurIPS , 2021.\\n[15] Dan Hendrycks, Collin Burns, Steven Basart, Andy Zou, Mantas Mazeika, Dawn Song, and Jacob Steinhardt.\\nMeasuring massive multitask language understanding. Proceedings of the International Conference on Learning\\nRepresentations (ICLR) , 2021.\\n[16] Dan Hendrycks, Collin Burns, Saurav Kadavath, Akul Arora, Steven Basart, Eric Tang, Dawn Song, and Jacob\\nSteinhardt. Measuring mathematical problem solving with the math dataset. NeurIPS , 2021.\\n', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='2e3115e6-429e-4615-9441-e86cdf6df972', embedding=[-0.014225892722606659, 0.00947466678917408, 0.02870185114443302, -0.009182925336062908, 0.012364301830530167, 0.017615657299757004, -0.0010540913790464401, 0.014239785261452198, -0.028812989592552185, -0.04295552894473076, 0.021533334627747536, 0.027326496317982674, -0.001005467725917697, 0.006744795944541693, -0.006588505581021309, -0.014135591685771942, 0.014010559767484665, 0.003907258156687021, 0.007001806516200304, 0.004615774378180504, -0.01705995760858059, -0.013725764118134975, -0.04195526987314224, -0.01073888223618269, -0.01333677489310503, 0.017921291291713715, 0.04595630243420601, -0.026993075385689735, -0.013440968468785286, -0.0334530770778656, 0.016782108694314957, 0.0110445162281394, -0.004296247381716967, 0.0007332621025852859, -0.012808860279619694, -0.021700043231248856, 0.020477505400776863, -0.006619763560593128, 0.02350606583058834, -0.009544129483401775, 0.026312345638871193, 0.03031337819993496, 0.010995892807841301, -0.018490882590413094, -0.020797032862901688, 0.006286344490945339, 0.0015924248145893216, -0.01824081689119339, -0.01198920514434576, 0.03250838816165924, 0.02690972201526165, 0.03153591603040695, -0.00910651683807373, -0.0014995188685134053, -0.011127871461212635, -0.009884495288133621, -0.00971083901822567, 0.031230280175805092, 0.021977894008159637, -0.006612817291170359, 0.003973247483372688, -0.006744795944541693, -0.020713677629828453, 0.018490882590413094, -0.016407011076807976, 0.007633914239704609, -0.020685892552137375, 0.006713537964969873, 0.013260366395115852, -0.011037570424377918, 0.023728344589471817, 0.020074624568223953, -0.006178677547723055, -0.020255226641893387, 0.03720404580235481, -0.007779784966260195, 0.004910989198833704, -0.023950625211000443, -0.026284560561180115, -0.01178776379674673, 0.007279656361788511, -0.02140830084681511, -0.00523398956283927, 0.0045845163986086845, 0.01743505522608757, -0.009412150830030441, 0.02026911824941635, -0.008015957660973072, -0.006585032679140568, -0.0022227957379072905, 0.01500387117266655, 0.01925496757030487, 0.018129678443074226, -0.005567408632487059, -0.0070608495734632015, 0.010926430113613605, -0.020074624568223953, -0.0011747822863981128, 0.01972731202840805, -0.028201721608638763, -0.0008261680486612022, -0.008995376527309418, -0.028382323682308197, -0.007432473357766867, -0.019935699179768562, 0.009175978600978851, 0.00580705376341939, 0.011211225762963295, 0.007967333309352398, 0.020283011719584465, -0.021797291934490204, 0.02242245152592659, 0.009571914561092854, -0.043789077550172806, 0.003973247483372688, -0.026590194553136826, 0.04184412956237793, -0.015101118944585323, -0.014121699146926403, -0.028840774670243263, 0.03731518238782883, 0.02060253918170929, 0.013197849504649639, -0.029007485136389732, 0.044761549681425095, 0.009085677564144135, -0.002063032239675522, -0.013538215309381485, -0.03286959230899811, -0.00031605377444066107, 0.015323398634791374, 0.012148967944085598, 0.0049804518930613995, -0.006220355164259672, 4.474353409023024e-05, 0.03173040971159935, -0.01207255944609642, -0.032119397073984146, -0.014475957490503788, -0.010002581402659416, 0.014475957490503788, 0.020991528406739235, -0.003249102272093296, -0.022950366139411926, -0.014614881947636604, 0.024659140035510063, -0.0010080726351588964, 0.013163118623197079, 0.020449720323085785, 0.0035130593460053205, 0.008946753107011318, -0.017115527763962746, -0.0024398656096309423, 0.02188064530491829, 0.018060214817523956, -0.012003096751868725, 0.017643440514802933, 0.034675613045692444, -0.0005912983906455338, -0.0011209489312022924, -0.022297419607639313, 0.0005383333773352206, -0.012767183594405651, 0.0167265385389328, 0.0057341186329722404, 0.014837161637842655, 0.03017445281147957, 0.0027715484611690044, 0.006755215115845203, 0.005286086350679398, 0.003917677327990532, 0.038593292236328125, -0.023214323446154594, 0.008620279841125011, 0.005886935628950596, -0.0010688521433621645, 0.02818782813847065, -0.019199399277567863, -0.022436344996094704, -0.013566000387072563, 0.02026911824941635, 0.005306924693286419, 0.00837716180831194, 0.004987398162484169, -0.0038482150994241238, 0.0014899678062647581, 0.004806795623153448, -0.016226409003138542, -0.002047403249889612, -0.002460704417899251, 0.011093140579760075, 0.030730150640010834, -0.007925656624138355, -0.006710064597427845, -0.6352750062942505, -0.02674301154911518, 0.013760494999587536, 0.002847957191988826, 0.0026152580976486206, -0.007717269007116556, -0.014080021530389786, -0.008592494763433933, -0.00809236615896225, 0.030896861106157303, -0.0179073978215456, -0.005748010706156492, 0.011225118301808834, -0.020713677629828453, -0.020991528406739235, -0.02407565712928772, -0.0015064651379361749, -0.026645764708518982, 0.04131621494889259, 0.0006703118560835719, -0.017990753054618835, 0.008912022225558758, -0.010037312284111977, -0.0084605161100626, -0.016101377084851265, -0.009988688863813877, 0.013968882150948048, -0.020810924470424652, 0.0015299086226150393, 0.014392602257430553, -0.005932086147367954, 0.02771548554301262, 0.021366624161601067, 0.0061335270293056965, 0.04320559278130531, -0.009182925336062908, -0.014031398110091686, 0.03431440889835358, 0.030591227114200592, 0.019407786428928375, -0.04295552894473076, -0.010530495084822178, 0.0029938281513750553, 0.003997559193521738, 0.008029849268496037, 0.03348086029291153, 0.004792903549969196, 0.007786731235682964, -0.02093595825135708, -0.015837419778108597, -0.02764602191746235, 0.011523806490004063, 0.002307887189090252, -0.0004979583318345249, 0.012565742246806622, 0.002030037809163332, 0.006449580658227205, -0.013218688778579235, 0.012836645357310772, -0.027771053835749626, 0.014239785261452198, 0.0014578414848074317, -0.009196817874908447, -0.003466172143816948, -0.0007406424847431481, -0.006744795944541693, -0.006654494907706976, 0.01515668909996748, -0.021741721779108047, -0.013489591889083385, 0.023047612980008125, 0.021269377321004868, 0.009231548756361008, -0.015490108169615269, -0.01183638721704483, 0.01783793605864048, 0.013003354892134666, 0.0008574260864406824, 0.004112171940505505, 0.01939389295876026, 0.01840752735733986, -0.019102150574326515, 0.01257963478565216, 0.004258043132722378, 0.02185286022722721, -0.003862107638269663, -0.001136578037403524, 0.006150892470031977, -0.011232065036892891, 0.0009151666890829802, 0.017657333984971046, 0.040649376809597015, -0.026715226471424103, -0.020908173173666, -0.00923849456012249, 0.005942505784332752, -0.010259591974318027, 0.009023161605000496, 0.003415812039747834, -0.05473634600639343, 0.0013796963030472398, -0.015281721018254757, 0.03209161385893822, -0.005122849717736244, 0.008557763881981373, 0.008905075490474701, 0.00784230139106512, 0.012114237062633038, 0.025812216103076935, -0.025923356413841248, 0.002887897891923785, 0.014239785261452198, -0.013170065358281136, 0.0005930349580012262, 0.00939131248742342, -0.02670133486390114, 0.0032282634638249874, 0.006741322576999664, 0.0038482150994241238, -0.03848215192556381, 0.014948301948606968, 0.00016877184680197388, 0.023381033912301064, -0.0021272851154208183, 0.004296247381716967, 0.0042163655161857605, -0.019838452339172363, -0.005039494950324297, 0.008620279841125011, 0.011197333224117756, 0.0051020109094679356, -0.011357096955180168, 0.024728603661060333, -0.012503226287662983, 0.0358147956430912, 0.007494989316910505, 0.03731518238782883, -0.012190645560622215, 0.012739398516714573, -0.006039753090590239, -0.019477248191833496, 0.0013319408753886819, 0.02006073109805584, -0.010141505859792233, -0.032758451998233795, -0.023158753290772438, -0.007474150974303484, 0.013593785464763641, 0.005501419305801392, -0.018421420827507973, -0.033730924129486084, 0.003837795928120613, -0.023019827902317047, 0.01696271076798439, -0.002396451774984598, -0.009849763475358486, -0.010912537574768066, -0.023172646760940552, -0.032591741532087326, -0.045261677354574203, -0.006376645527780056, 0.00809236615896225, -0.009363527409732342, 0.007918709889054298, 0.024561893194913864, -0.013593785464763641, 0.009613591246306896, 0.02357552759349346, -0.01831028051674366, -0.02053307555615902, 0.00738384947180748, -0.036870624870061874, 0.0032768871169537306, 0.00734217232093215, -0.014628774486482143, -0.0016792527167126536, -0.02033858187496662, 0.01416337676346302, -0.0029747257940471172, -0.01498997863382101, -0.01001647301018238, 0.010648581199347973, -0.008418839424848557, -0.029174193739891052, 0.00999563466757536, 0.004563677590340376, 0.016782108694314957, -0.0007501935469917953, -0.02381169982254505, 0.012732451781630516, -0.002639570040628314, 0.015490108169615269, -0.026479054242372513, 0.00994701124727726, 0.009273226372897625, 0.025603828951716423, 0.005581301171332598, 0.010078989900648594, -0.0030893387738615274, 0.013447914272546768, 0.021269377321004868, 0.006974021904170513, 0.005341656040400267, -0.019477248191833496, -0.01240597851574421, -0.009919226169586182, -0.003139699110761285, -0.02195010893046856, 0.010704150423407555, 0.011947527527809143, 0.010155398398637772, -0.004845000337809324, -0.029118625447154045, -0.011711355298757553, -0.01161410752683878, 0.03478675335645676, 0.007814516313374043, 0.012065613642334938, -0.026826366782188416, -0.001350174774415791, -0.002033510711044073, -0.00048406588030047715, 0.02610395848751068, 0.008891182951629162, -0.01719888299703598, -0.004511580802500248, -0.0156429260969162, 0.012267054058611393, 0.03261952847242355, -0.011579376645386219, -0.011857226490974426, 0.006300236564129591, 0.01854645274579525, 0.013204796239733696, 0.011113978922367096, -0.015587355010211468, 0.02870185114443302, -0.002408607630059123, 0.017421161755919456, 0.002217586152255535, 0.006303709931671619, 0.02424236573278904, -0.0006043225876055658, -0.011509913951158524, 0.016851570457220078, 0.0005730645498260856, 0.01901879720389843, 0.021741721779108047, -0.014823269098997116, 0.002856639912351966, -0.00497350562363863, 0.0146843446418643, -0.009342688135802746, 0.006758688483387232, 0.01982455886900425, -0.02684025838971138, 0.0038516882341355085, 0.016170838847756386, 0.012669935822486877, 0.008780043572187424, 0.0019883601926267147, 0.012385140173137188, 0.019004903733730316, -0.013725764118134975, 0.03061901219189167, -0.04756782948970795, 0.0023756129667162895, 0.00943993590772152, -0.010752774775028229, 0.0003086733922827989, -0.02643737755715847, -0.02984103374183178, 0.006914978846907616, -0.02802111953496933, -0.0016297608381137252, 0.01635144092142582, -0.019810667261481285, 0.0161847323179245, 0.024770280346274376, 0.0257288608700037, -0.030591227114200592, -0.025298194959759712, 0.022380774840712547, 0.005998075474053621, -0.020408043637871742, -0.016934925690293312, -0.03695397824048996, -0.00576537661254406, -0.027284817770123482, -0.012600473128259182, 0.017796259373426437, 0.014503742568194866, -0.007828408852219582, 0.011489075608551502, -0.021630581468343735, 0.006914978846907616, 0.02256137691438198, -0.008453570306301117, -0.005688968114554882, -0.014253677800297737, 0.013697979040443897, 0.014962193556129932, -0.02374223805963993, 0.00023964517458807677, 0.03159148618578911, -0.022603053599596024, -0.017254451289772987, -0.0031258065719157457, -0.010481871664524078, -0.0007202379056252539, 0.007251871284097433, -0.003744021523743868, 0.01932443119585514, 0.010530495084822178, 0.03328636661171913, 0.014059183187782764, 0.007147677708417177, 0.015601247549057007, 0.026090065017342567, -0.003231736598536372, -0.007606129162013531, -0.011885011568665504, -0.0049804518930613995, 0.015017763711512089, 0.0638498067855835, 0.02249191515147686, -0.02740984968841076, 0.01996348425745964, -0.006668387446552515, -0.015059441328048706, -0.010606903582811356, -0.010905591771006584, 0.006348860450088978, -0.0036433010827749968, -0.02606227993965149, -0.013038086704909801, 0.03981582820415497, 0.00017528394528198987, 0.019463354721665382, 0.011134817264974117, 0.0010784032056108117, -0.019004903733730316, -0.00652598962187767, 0.0017695538699626923, 0.00392115069553256, 0.004285828210413456, 0.017546193674206734, 0.021116560325026512, 0.012892215512692928, -0.01894933357834816, 0.03111913986504078, -0.0008435336058028042, -0.002195010893046856, -0.018060214817523956, 0.00018472647934686393, 0.022950366139411926, 0.019449463114142418, 0.008536924608051777, -0.009481613524258137, 0.03125806525349617, 0.014531527645885944, 0.013440968468785286, 0.02225574292242527, -0.006640602368861437, 0.014600989408791065, 0.02903527021408081, -0.003240419551730156, 0.011433505453169346, 0.005702860187739134, -0.009162086062133312, -0.01555956993252039, 0.038454364985227585, -0.0036155162379145622, -0.029924387112259865, 0.015990236774086952, 0.0020352473948150873, -0.03648163378238678, -0.006286344490945339, 0.011440452188253403, 0.006935817655175924, 0.006946236826479435, -0.0004426055238582194, -0.0044664302840828896, -0.02195010893046856, -0.002813225844874978, -0.033203013241291046, 0.006432215217500925, -0.0023460914380848408, -0.006355806719511747, -0.0031275430228561163, -0.02428404428064823, 0.0048102689906954765, -0.03209161385893822, 0.02970210835337639, -0.004674817435443401, -0.0345366895198822, -0.03064679726958275, 0.01124595757573843, 6.986937478359323e-06, 0.023881161585450172, 0.03142477571964264, -0.006755215115845203, 0.004067021422088146, 0.007647806778550148, 0.0041816346347332, -0.014156430959701538, 0.016837678849697113, -0.023992301896214485, 0.011537699028849602, -0.021186022087931633, -0.028368430212140083, -0.010856968350708485, -0.013739656656980515, -0.017657333984971046, 0.0005852204631082714, -0.009245441295206547, -0.01840752735733986, 0.0032716775313019753, -0.000870884454343468, 0.012433763593435287, 0.013552107848227024, -0.0007527983980253339, 0.009141247719526291, -0.018282495439052582, -0.009953957051038742, -0.0156429260969162, -0.02289479598402977, -0.02653462439775467, 0.0015828737523406744, 0.01601802185177803, 0.017573978751897812, -0.00274376361630857, 0.0011287634260952473, -0.001977941021323204, 0.019782882183790207, -0.008321591652929783, 0.029257548972964287, -0.012920000590384007, 0.005838312208652496, 0.011002838611602783, 0.029118625447154045, 0.014739914797246456, 0.006400957237929106, -0.03431440889835358, 0.00196057534776628, -0.015545678324997425, 0.014809376560151577, 0.020171871408820152, -0.00197620433755219, 0.03136920556426048, -0.026520732790231705, -0.0020699785090982914, -0.01232262421399355, 0.010836129076778889, -0.013718817383050919, 0.03487011045217514, 0.01568460278213024, -0.01046797912567854, -0.038454364985227585, -0.008793936111032963, -0.0179073978215456, -0.005838312208652496, -0.020908173173666, -0.013746602460741997, 0.006675333715975285, 0.00354431732557714, 0.011502968147397041, 0.007109473459422588, 0.0001471733849029988, -0.020213549956679344, -0.011996150948107243, 0.02147776447236538, 0.014517635107040405, 0.01739337667822838, -0.010599957779049873, 0.0304523017257452, -0.02515926957130432, -0.025103699415922165, -0.0011869382578879595, -0.0016514677554368973, 0.008418839424848557, 0.0084118926897645, 0.020310796797275543, 0.0220890324562788, 0.05462520569562912, -0.009564967826008797, -0.003480064682662487, 0.02745152823626995, 0.008592494763433933, 0.0146843446418643, -0.000620385748334229, 0.0007888320251367986, -0.017810150980949402, -0.012954731471836567, 0.030035527423024178, 0.01649036630988121, 0.00029999061371199787, -0.030591227114200592, 0.01337150577455759, -0.008307699114084244, -0.008418839424848557, -0.01712941937148571, -0.012412925250828266, -0.026381807401776314, -0.02970210835337639, 0.019407786428928375, -0.01102367788553238, -0.0055639357306063175, -0.017824044451117516, -0.004271935671567917, 0.011037570424377918, 0.007661699317395687, 0.0029504140838980675, 0.0007940416689962149, 0.03253617137670517, -0.010877806693315506, 0.015212258324027061, 0.03184155002236366, 0.015101118944585323, -0.03917677700519562, -0.004726914223283529, -0.04151071235537529, 0.012906108051538467, 0.016782108694314957, -0.020713677629828453, 0.029757678508758545, 0.02745152823626995, -0.000566118280403316, 0.00392115069553256, 0.0038690539076924324, 0.015726279467344284, -0.028979700058698654, -0.009766409173607826, -0.009481613524258137, 0.00471996795386076, -0.035759225487709045, 0.004931828007102013, 0.014712129719555378, -0.011947527527809143, 0.00708168838173151, -0.00887034460902214, 0.015865204855799675, -0.034342195838689804, -0.018185248598456383, 0.021394409239292145, 0.03156369924545288, 0.036231569945812225, 0.0040566022507846355, 0.013288150541484356, 0.010356838814914227, 0.009481613524258137, 0.0027194516733288765, 0.040010325610637665, 0.02875741943717003, -0.003959354944527149, 0.019449463114142418, 0.007349118590354919, -0.024228474125266075, -0.012614365667104721, 0.007481096778064966, 0.0060918498784303665, -0.016545936465263367, -0.03520352765917778, 0.04170520603656769, 0.015670709311962128, 0.012294839136302471, -0.008995376527309418, -0.019102150574326515, -0.017587872222065926, 0.012968624010682106, -0.01077361311763525, 0.035592518746852875, -0.01568460278213024, 0.0007397742010653019, 0.002660408616065979, 0.02461746335029602, 0.022033462300896645, 0.0038308496586978436, -0.004414333496242762, -0.0070712692104279995, 0.04912378638982773, -0.009738624095916748, -0.021088775247335434, 0.0031848496291786432, -0.010516602545976639, 0.0215472262352705, -0.0013084973907098174, 0.01046797912567854, -0.0041642687283456326, 0.02552047371864319, 0.007397742010653019, -4.753830944537185e-05, -0.009544129483401775, 0.027187570929527283, -0.04217755049467087, -0.008821720257401466, 0.0021880646236240864, -0.012475441209971905, 0.011030623689293861, -0.02717367745935917, -7.619153620908037e-05, 0.009453828446567059, -0.004028817173093557, 0.013496537692844868, 0.01417726930230856, -0.013392344117164612, -0.008370215073227882, 0.016129162162542343, -0.007501935586333275, -0.00814098957926035, 0.0022922581993043423, -0.001946682808920741, 0.012016989290714264, -0.045845162123441696, -0.008238236419856548, 0.007564452011138201, -0.023047612980008125, 0.018657591193914413, -0.006817731540650129, -0.006227301433682442, 0.005355548579245806, 0.007870086468756199, -0.0293686892837286, 0.00998174212872982, 0.002321779727935791, -0.002691666828468442, -0.0161847323179245, -0.008759204298257828, -0.01861591450870037, -0.00494919391348958, 0.03553694859147072, -0.020310796797275543, -0.01644868776202202, 0.015337291173636913, -0.023325463756918907, -0.004032290540635586, 0.004858892410993576, 0.007279656361788511, 0.008238236419856548, 0.0020803979132324457, 0.002905263565480709, -0.012051721103489399, 0.013302043080329895, 0.028979700058698654, -0.006262032315135002, 0.005032548680901527, 0.020394152030348778, -0.03553694859147072, 0.014934409409761429, -0.010419354774057865, 0.0038308496586978436, -0.0016540726646780968, -0.03487011045217514, 0.009620537981390953, 0.016268085688352585, -0.0018494355026632547, -0.014031398110091686, -0.03475897014141083, -0.005164526868611574, 0.008995376527309418, -0.009849763475358486, 0.017629548907279968, 0.0018668011762201786, -0.013239527121186256, 0.016643183305859566, 0.03220275416970253, 0.03587036579847336, -0.01175303291529417, -0.018226925283670425, -0.017448946833610535, 0.01412864588201046, 0.0005261774640530348, -0.03284180909395218, -0.013809118419885635, -0.011607161723077297, 0.03436997905373573, -0.001237298478372395, -0.02646516263484955, 0.0007766761118546128, -0.012614365667104721, -0.04740111902356148, -0.0037266560830175877, -0.005834838841110468, 0.0022835752461105585, -0.0017105108126997948, 0.021047096699476242, -0.005838312208652496, -0.002438129158690572, -0.026798581704497337, 0.0030250861309468746, 0.006720484234392643, 0.013107548467814922, 0.0022887850645929575, -0.002007462317124009, 0.011065355502068996, -0.002269682940095663, -0.04242761433124542, 0.0011634946567937732, 0.024964775890111923, 0.0009464247850701213, -0.008418839424848557, 0.013308989815413952, -0.019949592649936676, -0.021019311621785164, -0.017171097919344902, 0.001367540331557393, 0.007710322737693787, 0.012718559242784977, 0.025075914338231087, -0.018046323210000992, -0.012225376442074776, 0.006824677810072899, -0.004879731219261885, -0.014712129719555378, -0.0033515591640025377, 0.009314903058111668, 0.00974556989967823, 0.016004130244255066, -0.008099311962723732, -0.014281462877988815, 0.027048645541071892, -0.013913311995565891, 0.025200946256518364, -0.007481096778064966, -0.00785619392991066, 0.020005162805318832, 0.0035217420663684607, 0.0084605161100626, -0.004233731422573328, -0.015698494389653206, 0.009037054143846035, -0.010044258087873459, 0.01911604404449463, -0.02721535600721836, 0.0031900592148303986, -0.01498997863382101, -0.0032942527905106544, -0.004299720749258995, -0.011197333224117756, -0.017351699993014336, -0.015573462471365929, -0.00939131248742342, 0.021033205091953278, 0.03336971998214722, -0.04573402181267738, 0.02492309734225273, -0.01585131324827671, 0.01311449520289898, 0.0016775161493569613, -0.007210193667560816, -0.01928275264799595, -0.014573204331099987, -0.004824161529541016, -0.008516086265444756, -0.01986623741686344, -0.0017799731576815248, 0.01210729032754898, -0.010398516431450844, -0.009724731557071209, 0.005161053966730833, 0.18404749035835266, -0.03336971998214722, 0.012788021937012672, 0.0012069086078554392, 0.0014144274173304439, -0.0030546076595783234, 0.03300851583480835, 0.006578086409717798, -0.01175303291529417, 0.0002216283610323444, 0.017518408596515656, 0.005820946302264929, -0.030035527423024178, -0.0002739422197919339, -0.0011660994496196508, -0.0016089221462607384, -0.05481969937682152, -0.03823208808898926, -0.0029677797574549913, 0.026479054242372513, -0.02370055951178074, 0.0008305094088427722, 0.007606129162013531, -0.01894933357834816, 0.028507355600595474, -0.013711871579289436, -0.0005882594268769026, 0.0016045806696638465, -0.005831365939229727, -0.0028896345756947994, -0.027270926162600517, -0.007133785169571638, 0.00016812063404358923, -0.008668903261423111, 0.003514795796945691, -0.005987656302750111, 0.012419871054589748, 0.007026118692010641, 0.019171614199876785, -0.013510430231690407, -0.0028948441613465548, -0.008585548959672451, 0.008425785228610039, -0.00757139828056097, -0.009071785025298595, 0.03773195669054985, -0.02606227993965149, 0.006192570086568594, -0.01370492484420538, 0.011808602139353752, -0.026479054242372513, 0.010836129076778889, 0.04198305681347847, 0.026381807401776314, 0.008946753107011318, -0.004806795623153448, -0.01783793605864048, 0.021519441157579422, -0.004306667018681765, -0.006800365634262562, -0.034481119364500046, -0.0028861614409834146, 0.00952329020947218, -0.009537182748317719, -0.0018060215516015887, 0.0073630111292004585, -0.015017763711512089, -0.002163752680644393, 0.012843592092394829, -0.019921807572245598, -0.015212258324027061, -0.024506323039531708, -0.010891699232161045, 0.0036294087767601013, -0.03737075254321098, -0.02589557133615017, 0.03881557285785675, 0.019129935652017593, 0.013989720493555069, 0.04326116293668747, -0.008015957660973072, -0.017685119062662125, -3.766162626561709e-05, 0.0033515591640025377, -0.01887987181544304, -0.047428905963897705, 0.0033723979722708464, -0.006605871021747589, -0.008717527613043785, -0.022102925926446915, -0.010085935704410076, -0.014267570339143276, -0.01571238785982132, 0.008974538184702396, 0.004351817537099123, -0.0028601130470633507, 0.029090840369462967, -0.01571238785982132, -0.0021359678357839584, -0.011704408563673496, -0.028479570522904396, 0.06312739849090576, 0.03253617137670517, 0.016129162162542343, -0.02147776447236538, -0.004233731422573328, 0.004869312047958374, 0.008835612796247005, 0.013322882354259491, -0.004629666917026043, 0.014406494796276093, -0.021352732554078102, 0.01712941937148571, -0.010078989900648594, -0.01212118286639452, 0.013010301627218723, -5.936861634836532e-05, -0.005786215420812368, 0.04667871072888374, -0.008071526885032654, 0.005022129043936729, -0.023117076605558395, -0.007925656624138355, -0.0039385161362588406, -4.078200799995102e-05, -0.016212517395615578, -0.02714589424431324, -0.021630581468343735, -0.03759303316473961, 0.0028201721142977476, 0.017018280923366547, -0.022575270384550095, 0.01203782856464386, -0.0002633057883940637, -0.008668903261423111, -0.01642090454697609, -0.0036467742174863815, -0.004785957280546427, 0.015295613557100296, -0.02026911824941635, -0.022783657535910606, -0.003737075487151742, -0.006460000295192003, -0.015184473246335983, 0.017212774604558945, -0.00785619392991066, 0.005105483811348677, 0.006324548739939928, -0.0007771102245897055, -0.01935221627354622, -0.013517376966774464, -0.009724731557071209, -0.007189354859292507, -0.011148709803819656, 0.03648163378238678, 0.016059698536992073, -0.03411991521716118, -0.011885011568665504, 0.003684978699311614, 0.02117213048040867, -0.03867664560675621, 0.007988172583281994, 0.031230280175805092, -0.02558993548154831, -0.0032560485415160656, -0.029396474361419678, -0.17882391810417175, 0.005685494747012854, 0.02839621528983116, -0.04045488312840462, 0.01476769894361496, 0.024436861276626587, 0.02495088241994381, -0.00396977411583066, -0.024561893194913864, -0.019643956795334816, -0.006213408894836903, 0.0006737849907949567, -0.02242245152592659, -0.01837974227964878, -0.03200826048851013, -0.0031119140330702066, 0.013635463081300259, 0.008036796003580093, 0.000248327967710793, 0.01262825820595026, 0.037676386535167694, -0.034953463822603226, -0.004501161631196737, -0.004133010748773813, -0.01021791435778141, 0.005609086249023676, -0.001219064579345286, 0.019213290885090828, -0.011134817264974117, -0.042372044175863266, -0.007217139936983585, 4.721270306617953e-05, 0.012475441209971905, 0.00017343884974252433, 0.012218430638313293, 0.020046839490532875, 0.01018318347632885, -0.012267054058611393, -0.013774387538433075, 0.04195526987314224, 0.005918193608522415, 0.01444817241281271, 0.00016291096108034253, 0.0009716048953123391, -0.031674839556217194, 0.008272968232631683, 0.030980216339230537, -0.020449720323085785, 0.006664914079010487, 0.017282236367464066, -0.022214064374566078, -0.018560344353318214, 0.014545420184731483, -0.02067200094461441, 0.006404430139809847, 0.0055222581140697, 0.011669677682220936, 0.0018824301660060883, 0.01655982807278633, -0.0022870483808219433, -0.016809893772006035, -0.011544645763933659, 0.0063592796213924885, 0.017421161755919456, -0.0029868818819522858, -0.027979440987110138, -0.022436344996094704, 0.004101752769201994, -0.026090065017342567, 0.018254710361361504, -0.009669161401689053, 0.00046626615221612155, -0.014184215106070042, -0.011621054261922836, 0.007668645586818457, 0.012350409291684628, -0.006237720604985952, 0.0065954518504440784, 0.01949113979935646, -0.020088516175746918, -0.023895055055618286, 0.037037335336208344, 0.00952329020947218, 0.013190903700888157, -0.0035477904602885246, -0.0076964301988482475, 0.003388026962056756, -0.011030623689293861, -0.016407011076807976, -0.030980216339230537, 0.01699049584567547, -0.028646280989050865, 0.003688451834022999, -0.0069531830959022045, -0.0026499894447624683, -0.001057564513757825, -0.014545420184731483, -0.011759978719055653, -0.0012954731937497854, 0.0035356346052139997, -0.00035143617424182594, 0.014184215106070042, -0.010579118505120277, 0.005442376714199781, 0.049679484218358994, -0.00494919391348958, -0.008585548959672451, 0.0050985380075871944, 0.029424259439110756, -0.03567587211728096, -0.010620796121656895, 0.012454602867364883, -0.0006199516355991364, 0.03348086029291153, -0.004390021786093712, 0.014517635107040405, -0.006501677446067333, -0.028979700058698654, 0.025339871644973755, -0.00422331178560853, 0.0630718320608139, -0.02093595825135708, 0.007467204704880714, -0.018865978345274925, -0.011377936229109764, -0.018296387046575546, -0.08730030059814453, -0.02306150645017624, 0.003584258258342743, 0.04278881847858429, -0.02171393670141697, 0.043094452470541, -0.009481613524258137, 0.017796259373426437, -0.035925935953855515, 0.04059380665421486, -0.022102925926446915, -0.0084605161100626, 0.014420387335121632, -0.0009281908860430121, 0.030869076028466225, 8.59461124491645e-06, 0.016670968383550644, -0.02353385090827942, -0.012378194369375706, 0.03823208808898926, 0.0038516882341355085, -0.015976345166563988, 0.023895055055618286, -0.007196301128715277, 0.0038516882341355085, 0.006980968173593283, -0.04434477537870407, 0.018087999895215034, 0.013267312198877335, 0.006005021743476391, 0.008453570306301117, -0.029590968042612076, 0.007390795741230249, -0.024200689047574997, 0.0032977259252220392, -0.004591462668031454, -0.016740430146455765, 0.0006928871152922511, -0.0028722689021378756, -0.003914204426109791, 0.01840752735733986, -0.0006212540320120752, 0.010405462235212326, -0.0005426747375167906, -0.013850796036422253, -0.023714452981948853, -0.0162819791585207, 0.024825850501656532, -0.003273413982242346, -0.017546193674206734, -0.03298073261976242, -0.024033978581428528, -0.04037152975797653, 0.011655785143375397, 0.01878262497484684, 0.0036502473521977663, 0.009926171973347664, 0.010940322652459145, -0.0013024193467572331, -0.01975509710609913, -0.01257963478565216, 0.0004927486879751086, -0.030841290950775146, 0.012725505977869034, 0.024256259202957153, 0.00757139828056097, -0.01729612983763218, -0.036537203937768936, 0.006682279985398054, -0.014948301948606968, -0.0050360215827822685, 0.0105027100071311, -0.01793518289923668, 0.00757139828056097, -0.035620301961898804, 0.010766667313873768, -0.029729893431067467, -0.03428662568330765, 0.004362236708402634, -0.02835453860461712, 0.0011817285558208823, -0.032452818006277084, -0.006001548375934362, -0.02596503309905529, -0.01176692545413971, 0.0013249947223812342, -0.009856710210442543, -0.000550923403352499, -0.0072449250146746635, -0.0204636137932539, -0.0017426371341571212, 0.02424236573278904, 0.001198225887492299, -0.01847698912024498, 0.005463215056806803, 0.0034974301233887672, -0.01982455886900425, -0.013482645153999329, 0.009717784821987152, 0.020171871408820152, -0.030368946492671967, 0.004171214997768402, -0.07463036477565765, 0.014239785261452198, 0.0002661276957951486, -0.020616430789232254, -0.010072043165564537, -0.024589678272604942, 0.013003354892134666, 0.0018233871087431908, -0.002486752811819315, 0.02138051763176918, -0.033064085990190506, -0.003032032400369644, -0.016768215224146843, 0.001833806512877345, -0.003566892584785819, -0.005126322619616985, 0.027062539011240005, -0.011544645763933659, 0.022005677223205566, 0.01129458099603653, 0.010099828243255615, 0.027368173003196716, 0.018907656893134117, 0.0211026668548584, 0.008578602224588394, -0.023117076605558395, -0.0184492040425539, 0.0038898924831300974, -0.0021220752969384193, 0.007633914239704609, 0.004372655879706144, -0.04620636627078056, -0.010544387623667717, 0.01658761315047741, -0.0042823548428714275, -0.033703140914440155, 0.013156172819435596, 0.02818782813847065, 0.009787247516214848, 0.044733766466379166, -0.037648603320121765, -0.03706511855125427, 0.01208645198494196, 0.011475183069705963, -0.005105483811348677, 0.01868537627160549, 0.014851054176688194, -0.011079248040914536, 0.007446365896612406, -0.0036606667563319206, 0.037676386535167694, 0.011051462963223457, 0.001406612922437489, -0.031785979866981506, -0.0014352662255987525, 0.0385655052959919, 0.015934666618704796, -0.0006351465126499534, 0.005612559150904417, 0.011759978719055653, 0.03284180909395218, -0.013524322770535946, 0.028173936530947685, 0.0041086990386247635, -0.012836645357310772, -0.003236946417018771, 0.008689742535352707, 0.0027628657408058643, -4.6914232370909303e-05, -0.02249191515147686, -0.00526872044429183, 0.021352732554078102, -0.0008978011319413781, 0.03253617137670517, 0.02299204282462597, 0.03820430114865303, -0.02286701090633869, 0.011433505453169346, -0.023631097748875618, 0.009412150830030441, 0.009467720985412598, -0.003226527012884617, 0.002321779727935791, 0.01932443119585514, -0.008543871343135834, -0.02010240964591503, -0.012142022140324116, 0.002816698979586363, -0.001981414156034589, 0.007307440973818302, -0.003131016157567501, 0.01073888223618269, 0.0005452795885503292, 0.008147935383021832, -0.006164785008877516, 0.013781333342194557, 0.0029156829696148634, -0.00710600009188056, 0.03395320475101471, 0.00494919391348958, 0.014726022258400917, 0.0017573978984728456, 0.0019414732232689857, -0.02303372137248516, -0.027576560154557228, 0.023728344589471817, -0.03723182901740074, -0.0008083683205768466, 0.009849763475358486, 0.0026725647039711475, 0.01814357005059719, 0.017282236367464066, -0.006741322576999664, -0.0019918333273380995, -0.016031915321946144, -0.00525135500356555, 0.003657193621620536, -0.013670193962752819, -0.026965290307998657, 0.02232520468533039, 0.03823208808898926, 0.01153075322508812, 0.0405382364988327, 0.02114434540271759, 0.01580963470041752, 0.019213290885090828, 0.018602022901177406, -0.04089944064617157, 0.034481119364500046, 0.004976978525519371, 0.0089536989107728, -0.0033341937232762575, -0.02745152823626995, -0.0062724519520998, -0.021158237010240555, -0.004851946607232094, -0.0037822260055691004, 0.012142022140324116, 0.012385140173137188, 0.09119019657373428, 0.03125806525349617, -0.021519441157579422, 0.020074624568223953, -0.0027020859997719526, 0.005473634693771601, 0.008043741807341576, 0.00473038712516427, -0.006855935789644718, -0.015698494389653206, -0.019032688811421394, -0.005536150652915239, -0.009530236944556236, -0.025464903563261032, -0.004077441059052944, -0.022700302302837372, -0.006088376510888338, 0.031202495098114014, -0.0032195807434618473, -0.03145255893468857, 0.014184215106070042, 0.01514279656112194, -0.015406752936542034, 0.0043344516307115555, -0.006640602368861437, 0.01333677489310503, 0.00606059143319726, 0.005077699199318886, 0.00682815071195364, -0.03398099169135094, -0.0011678360169753432, 0.013697979040443897, -0.04126064479351044, -0.012621312402188778, -0.00578274205327034, 0.0043448712676763535, 0.004212892614305019, -0.006460000295192003, 0.009731677360832691, 0.00032951211323961616, 0.002104709856212139, 0.0245480015873909, -0.0011964893201366067, -0.045511744916439056, 0.010280430316925049, -0.002795860404148698, -0.017629548907279968, -0.0105513334274292, -0.021422194316983223], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='cbaf6c8b-8a75-4a34-9f1a-58b79d7eab28', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '11', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_type': 'application/pdf', 'file_size': 885090, 'creation_date': '2024-02-25', 'last_modified_date': '2024-02-07', 'last_accessed_date': None}, hash='85632c6162c3380189296a3a7706042cf90df2e3387149924d5b486737933b5b')}, text='[17] Neil Houlsby, Andrei Giurgiu, Stanislaw Jastrzebski, Bruna Morrone, Quentin De Laroussilhe, Andrea Ges-\\nmundo, Mona Attariyan, and Sylvain Gelly. Parameter-efficient transfer learning for NLP. In Kamalika Chaud-\\nhuri and Ruslan Salakhutdinov, editors, Proceedings of the 36th International Conference on Machine Learning ,\\nvolume 97 of Proceedings of Machine Learning Research , pages 2790–2799. PMLR, 09–15 Jun 2019.\\n[18] Edward J Hu, Yelong Shen, Phillip Wallis, Zeyuan Allen-Zhu, Yuanzhi Li, Shean Wang, Lu Wang, and Weizhu\\nChen. LoRA: Low-rank adaptation of large language models. In International Conference on Learning Repre-\\nsentations , 2022.\\n[19] Andrej Karpathy. Intro to large language models, 2023.\\n11', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='1ee67232-3ea0-4fd8-ba65-81704902bb0a', embedding=[-0.024708915501832962, 0.0032250310759991407, 0.023337751626968384, -0.002534202765673399, -0.007793242111802101, 0.02977382205426693, -0.017321424558758736, -0.006631951313465834, -0.01583833061158657, -0.023911401629447937, 0.028150813654065132, 0.016593869775533676, -0.004354841075837612, 0.014467167668044567, -0.004998448304831982, -0.005995339713990688, 0.01613215170800686, -0.009353289380669594, 0.00042389746522530913, -0.016537902876734734, -0.0018975915154442191, 0.0035730686504393816, -0.008171011693775654, -0.005607076920568943, -0.01975593902170658, 0.012711239978671074, 0.040379349142313004, -0.03377537801861763, -0.0019937828183174133, -0.010535567998886108, 0.004582202527672052, -0.025534410029649734, -0.0039246040396392345, -0.020973196253180504, -0.009500199928879738, 0.0031323377043008804, 0.004054024815559387, -0.017461339011788368, 0.011472995392978191, 0.010115823708474636, 0.027437249198555946, 0.0005028180312365294, 0.022442298009991646, -0.009996896609663963, -0.01456510741263628, 0.005963859148323536, -0.0058519272133708, -0.031228933483362198, -0.026947548612952232, 0.011871752329170704, 0.030053650960326195, 0.02913021482527256, -0.01254334207624197, -0.0003353577631060034, -0.004064518492668867, -0.019070357084274292, -0.004393317736685276, 0.0308091901242733, -0.017349407076835632, 0.006009331438690424, 0.013158965855836868, -0.013284889049828053, -0.029410045593976974, 0.022792086005210876, -0.013592701405286789, -0.0076813106425106525, -0.010899345390498638, 0.020385554060339928, 0.011675871908664703, -0.021155085414648056, 0.020679375156760216, 0.015320646576583385, 0.014663048088550568, -0.0038231657817959785, 0.047738853842020035, 9.930656233336776e-05, -0.007121651899069548, 0.00026387014077045023, -0.008779640309512615, -0.0066949124448001385, -0.005428685806691647, -0.010073849931359291, -0.006257679779082537, 0.013921501114964485, 0.01617412455379963, -0.00073149090167135, 0.016062194481492043, 0.00942324660718441, 0.0035958047956228256, 0.002525458112359047, -0.003938595298677683, 0.04578005149960518, 0.015516526997089386, 0.028192788362503052, -0.024121273308992386, 0.024107282981276512, -0.011333080939948559, 0.010381662286818027, 0.0012889630161225796, -0.035090576857328415, -0.01094831619411707, -0.009241358377039433, -0.022064529359340668, 0.0019395658746361732, -0.0206094179302454, -0.01047960203140974, -0.004064518492668867, -0.002619900507852435, -0.006579482927918434, 0.018902460113167763, -0.024429084733128548, 0.023743504658341408, 0.01004586648195982, -0.02375749498605728, -0.004736108705401421, -0.021882640197873116, 0.017363399267196655, -0.01617412455379963, -0.010388657450675964, -0.005533621646463871, 0.03777693584561348, 0.0006304900743998587, 0.028850385919213295, -0.014621073380112648, 0.006439568474888802, -0.02736729197204113, -0.005781969986855984, -0.012697247788310051, -0.005551110953092575, -0.018440742045640945, 0.010416640900075436, 0.016118159517645836, 0.0024869816843420267, 0.011214153841137886, -0.0035800642799586058, 0.02822077088057995, -0.011256127618253231, 0.004162458702921867, -0.01456510741263628, -0.020581435412168503, -0.0019780423026531935, 0.008737665601074696, -0.020637400448322296, -0.023001957684755325, -0.017069578170776367, 0.020623408257961273, 0.0041519650258123875, 0.02249826490879059, -0.011207157745957375, 0.014068410731852055, 0.010227755643427372, -0.008129036985337734, -0.00989895686507225, 0.02852858230471611, 0.017153527587652206, 0.004585700575262308, 0.010549559257924557, 0.019336195662617683, -0.0038371572736650705, 0.0008875831263139844, 6.001023939461447e-05, -0.011472995392978191, 0.011577931232750416, -0.011025268584489822, 0.019630014896392822, 0.02985777147114277, 0.03606997802853584, 0.0016221347032114863, -0.0002224423224106431, 0.0026181514840573072, 0.010990289971232414, 0.01579635590314865, -0.008345904760062695, -0.006345126312226057, 0.011088230647146702, -0.014264291152358055, 0.034530919045209885, 0.008289938792586327, -0.02654179558157921, -0.025422479957342148, 0.007013218477368355, -0.010549559257924557, -0.00015368741878774017, 0.021141093224287033, -0.008122041821479797, -0.007034205365926027, 0.030053650960326195, -0.015096783638000488, 0.020903239026665688, 0.0028122831135988235, 0.02684960700571537, 0.01957404986023903, -0.009381272830069065, 0.0024397606030106544, -0.6559195518493652, -0.032040439546108246, 0.01660786010324955, -0.02620600163936615, -0.029242146760225296, 0.01969997212290764, -0.005932378116995096, -0.00826195627450943, 0.0011516718659549952, 0.015320646576583385, 0.004186943639069796, 0.0028070362750440836, -0.003721727756783366, -0.032684046775102615, -0.013606692664325237, -0.00841586198657751, 0.003774195909500122, -0.02168676070868969, 0.010556555353105068, 0.010766427032649517, -0.018132928758859634, 0.01523669809103012, -0.0009452978847548366, -0.008345904760062695, -0.014439184218645096, -0.01045861467719078, 0.025744283571839333, -0.012004670687019825, 0.004361837171018124, 0.0016614856431260705, -0.0160062275826931, 0.014439184218645096, 0.006446564104408026, 0.0009505446651019156, 0.0420023575425148, 0.004550721496343613, -0.035398390144109726, 0.010899345390498638, 0.02224641852080822, 0.03307580575346947, -0.031089019030332565, -0.009178396314382553, 0.03058532625436783, 0.008171011693775654, -0.01772717759013176, 0.0320124551653862, 0.011067243292927742, 0.0020427529234439135, -0.016104167327284813, -0.006932767573744059, 0.009073460474610329, 0.005078899208456278, -0.029941720888018608, -0.0029259636066854, 0.02247028239071369, -0.004176450427621603, 0.0194061528891325, -0.007758263498544693, -0.011738833039999008, -0.007877190597355366, -0.011696859262883663, 0.00371123431250453, -0.011137200519442558, -0.0072056008502841, -0.021155085414648056, 0.01196269690990448, -0.01975593902170658, 0.00374971074052155, 0.02655578777194023, -0.01807696372270584, 0.006876801606267691, 0.0308091901242733, -3.795729571720585e-05, -0.028192788362503052, 0.014012444764375687, 0.018468724563717842, 0.005071903578937054, -0.024513034150004387, 0.010318700224161148, 0.006061799358576536, 0.023421701043844223, -0.01625807397067547, 0.0035450856667011976, -0.006453560199588537, 0.012627290561795235, -0.008562772534787655, -0.004561215173453093, -0.00231383740901947, 0.010430632159113884, 0.012284500524401665, 0.014663048088550568, 0.002647883491590619, -0.005659544840455055, -0.019671989604830742, 0.0008241843315772712, 0.00819899421185255, -0.008017105050384998, -0.0039805700071156025, 0.017209492623806, -0.03346756845712662, 0.0148029625415802, -0.0315927118062973, 0.02745124138891697, -0.0031165971886366606, -0.0012155078584328294, 0.006894290912896395, -0.0001704115857137367, -0.015894295647740364, 0.022792086005210876, -0.008695690892636776, 0.00374971074052155, -0.007240579463541508, -0.010465610772371292, -0.002660125959664583, 0.005435681436210871, -0.03939994424581528, 0.024247197434306145, 0.0007612227345816791, 0.0016938408371061087, -0.026443855836987495, 0.01504081767052412, 0.0030448909383267164, 0.03257211297750473, -0.03223631903529167, 0.003375439206138253, 0.015810348093509674, 0.009094447828829288, -0.016062194481492043, -0.01635601371526718, 0.012263513170182705, -0.004061020910739899, 0.0017847854178398848, 0.009612131863832474, -0.010612521320581436, 0.01768520288169384, -0.015334637835621834, 0.009933935478329659, -0.029913736507296562, -0.0023733009584248066, -0.03545435518026352, -0.022945990785956383, -0.017489323392510414, 0.020497485995292664, -0.02116907574236393, -0.02581424079835415, -0.02637389861047268, -0.02473689801990986, 0.02147688716650009, 0.009115435183048248, -0.020665382966399193, -0.019560057669878006, 0.009381272830069065, -0.024149255827069283, 0.0049179974012076855, 0.008877580054104328, -0.006236692424863577, 0.0004831425321754068, -0.025506427511572838, -0.0004980084486305714, -0.02823476307094097, -0.002130199456587434, 0.00216168025508523, -0.01747533120214939, 0.025590376928448677, 0.015740390866994858, -0.0038616424426436424, -0.0037392170634120703, 0.017713185399770737, -0.022386332973837852, -0.02332376129925251, 0.0018153917044401169, -0.02556239441037178, 0.00151982216630131, 0.006296155974268913, -0.019084349274635315, 0.010738443583250046, -0.003963080700486898, -0.0035538303200155497, -0.0003379811532795429, -0.01648193784058094, 0.01785309985280037, 0.004795572254806757, -0.0005618444993160665, -0.017279449850320816, -0.01232647430151701, 0.012165572494268417, 0.016901681199669838, 0.014110385440289974, 0.010220760479569435, 0.012102611362934113, 0.02728334255516529, 0.031172968447208405, 0.009591144509613514, 0.015054808929562569, -0.013005060143768787, 0.03511856123805046, 0.017489323392510414, -0.01872057095170021, 0.004998448304831982, 0.029242146760225296, 0.022400325164198875, -0.009381272830069065, 0.0237994696944952, -0.007107660640031099, 0.009584148414433002, -0.009724062867462635, -0.0017489322926849127, -0.021308990195393562, 0.0023558116517961025, 0.006747380830347538, 0.0106964698061347, -0.029270129278302193, -0.015222705900669098, -0.0027895469684153795, -0.010423636063933372, 0.04824254661798477, -0.009052473120391369, 0.013424803502857685, -0.02676565945148468, -0.007891181856393814, 0.0118997348472476, -0.019853878766298294, 0.027381284162402153, 0.005844931583851576, -0.02654179558157921, 0.01617412455379963, 0.0016536153852939606, 0.01297707762569189, 0.02031559683382511, 0.0023890414740890265, -0.004351343493908644, 0.006530513055622578, 0.014914894476532936, 0.010360674932599068, -0.001505830674432218, -0.017377391457557678, 0.00658298097550869, -0.007443455513566732, 0.04376528039574623, -0.00502293324097991, -0.009961917996406555, 0.026052094995975494, -0.007457447238266468, -0.004148467443883419, 0.023253804072737694, 0.003746212925761938, 0.02289002574980259, 0.0014236308634281158, -0.024429084733128548, 0.02452702634036541, -0.015516526997089386, 0.006285662297159433, -0.013242915272712708, -0.016789749264717102, 0.007254571188241243, 0.01297008153051138, 0.013515748083591461, 0.019811904057860374, 0.023421701043844223, 0.029717857018113136, -0.018300827592611313, 0.006642444524914026, 0.021672768518328667, 0.0013475522864609957, 0.012879136949777603, -0.029242146760225296, -0.008723674342036247, -0.015362621285021305, -0.013641671277582645, -0.012417418882250786, 0.005057911854237318, -0.015124766156077385, -0.004533232189714909, -0.022442298009991646, 0.01043762732297182, 0.006733389105647802, -0.002665372798219323, 0.01919628120958805, -0.009528182446956635, 0.003002916695550084, -0.029633907601237297, -0.01824486069381237, 0.000722746248356998, 0.028122831135988235, -0.007940152660012245, -0.03338361904025078, -0.0213929396122694, 0.002633891999721527, -0.008814618922770023, -0.009759042412042618, 0.0003272689355071634, 0.03072524257004261, 0.0019168297294527292, 0.012809179723262787, -0.002934708259999752, 0.024596983566880226, 0.02077731490135193, 0.002471241168677807, -0.00738049391657114, -0.014355235733091831, -0.007097166962921619, -0.0002025482099270448, -0.025184623897075653, -0.021826675161719322, 0.044856615364551544, 0.0004778957227244973, -0.029018284752964973, 0.0015749135054647923, 0.0011717845918610692, 0.0028262746054679155, 0.015320646576583385, -0.001887097954750061, -0.013026047497987747, 0.005925382487475872, 0.017223484814167023, -0.0050194356590509415, -0.012900124303996563, -0.00227011414244771, 0.015516526997089386, -0.014152360148727894, 0.0105005893856287, -0.012627290561795235, 0.007058690767735243, 0.014523133635520935, 0.06906183809041977, 0.06100275740027428, -0.022512255236506462, 0.011256127618253231, -0.018622631207108498, 0.0015600476181134582, -0.019504092633724213, -0.019084349274635315, 0.025884198024868965, -0.009234362281858921, -0.006666929926723242, -0.011431021615862846, 0.013096004724502563, -0.018608639016747475, 0.013116992078721523, 0.0009374276851303875, -0.02052546851336956, 0.008527793921530247, -0.011452008038759232, -0.012186559848487377, -0.009912948124110699, 0.00606879498809576, 0.019895853474736214, 0.02861253172159195, -0.005816948600113392, -0.010780418291687965, 0.04264596477150917, 0.03178859129548073, 0.010535567998886108, -0.04009952023625374, 0.018874477595090866, 0.026094069704413414, 0.01276020985096693, 0.0149988429620862, -0.017741167917847633, 0.015978245064616203, 0.026359906420111656, 0.04032338038086891, -0.006516521330922842, 0.011228145100176334, -0.0031113505829125643, 0.02448505163192749, -0.0008311800775118172, -0.029493993148207664, 0.010836384259164333, -0.019588042050600052, 0.0028192787431180477, 0.037888869643211365, -0.022148478776216507, -0.0020672378595918417, 0.007961140014231205, 0.0038651402574032545, -0.03385932743549347, -0.0010546061675995588, -0.005778471939265728, -0.010920332744717598, -0.01476098783314228, -0.016663827002048492, 0.006838324945420027, -0.024037325754761696, 0.0061317565850913525, -0.007352511398494244, -0.00901749450713396, -0.011983683332800865, 0.004739606287330389, -0.01086436677724123, -0.03248816728591919, 0.007940152660012245, -0.02823476307094097, 0.011752824299037457, -0.010423636063933372, -0.024806855246424675, -0.04007153585553169, 0.011200162582099438, -0.003732221433892846, 0.01213758997619152, 0.030613310635089874, -0.02649982087314129, 0.004512245301157236, 0.021155085414648056, -0.0059498674236238, -0.018748553469777107, 0.008996507152915001, -0.026010120287537575, 0.01213059388101101, -0.004666151013225317, -0.006037313956767321, -0.00948620866984129, 0.005243299063295126, 0.020511478185653687, -0.0016020219773054123, -0.0163979884237051, 0.0009251851588487625, 0.0034628857392817736, -0.015698416158556938, 0.016943655908107758, 0.03313177078962326, 0.040547244250774384, -0.004851538222283125, -0.014299269765615463, 0.01047960203140974, -0.013082013465464115, -0.0031340864952653646, -0.034530919045209885, 0.0018853489309549332, -0.006985235493630171, 0.00948620866984129, 0.012942099012434483, -0.0009785275906324387, -0.023631572723388672, 0.02198057994246483, -0.00010723141167545691, 0.00043329797335900366, -0.0012977077858522534, 0.031144985929131508, 0.01613215170800686, 0.0013423054479062557, 0.012578320689499378, -0.0053552305325865746, -0.011382050812244415, -0.0023453182075172663, 0.0023593096993863583, 0.014746996574103832, 0.00862573366612196, -0.014243303798139095, 0.03374739736318588, -0.009891960769891739, -0.018958425149321556, -0.00862573366612196, 0.006754376459866762, -0.022176461294293404, 0.03551032021641731, 0.02168676070868969, -0.0035765664651989937, -0.017223484814167023, 0.010423636063933372, -0.009801016189157963, 0.00031415195553563535, -0.009891960769891739, -0.015992237254977226, 0.0009304319391958416, 0.014495150186121464, -0.0021127101499587297, -0.008352900855243206, -0.005869416519999504, -0.024415094405412674, -0.020245639607310295, 0.014229312539100647, 0.01880452036857605, 0.025912180542945862, -0.018580656498670578, 0.006439568474888802, -0.009863978251814842, -0.013739611953496933, -0.026233984157443047, -0.039343979209661484, -0.017307434231042862, 0.008758652955293655, 0.034363020211458206, 0.007177617866545916, 0.05688926950097084, -0.00738049391657114, 0.009884964674711227, 0.016453955322504044, 0.00514186080545187, -0.005208320450037718, -0.00016909989062696695, 0.016551895067095757, -0.036937449127435684, 0.004438790027052164, 0.021015169098973274, -0.009479212574660778, -0.0006444815080612898, -0.0071146562695503235, 0.040127500891685486, 0.002903227461501956, -0.01725146733224392, -0.016621852293610573, -0.005173341371119022, -0.03912011533975601, -0.02813682146370411, 0.004603189881891012, 0.012711239978671074, -0.007352511398494244, -0.029410045593976974, 0.00742246862500906, 0.04303772374987602, 0.042534030973911285, 0.006415083538740873, 0.015572492964565754, 0.018146920949220657, 0.0019675488583743572, 0.01592228002846241, -0.003294988302513957, 0.002310339594259858, -0.007121651899069548, -0.013571714051067829, -0.035650234669446945, 0.001436747843399644, 0.00985698215663433, -0.01066848635673523, 0.010584537871181965, 0.029661890119314194, -0.0004040033381897956, -0.012599308043718338, 0.015894295647740364, -0.002263118280097842, 0.008226977661252022, -0.00597085477784276, -0.012018662877380848, -0.00802410114556551, -0.014509142376482487, -0.00646405341103673, -0.0034786262549459934, -0.009213374927639961, 0.030193567276000977, -0.0424221009016037, 0.023225819692015648, -0.022750111296772957, -0.01525068935006857, 0.004144969396293163, 0.0015749135054647923, 0.03134086728096008, 0.0063031516037881374, 0.020147699862718582, 0.012641282752156258, 0.015222705900669098, 0.01565644145011902, 0.03187254071235657, -0.003609796054661274, 0.0012373696081340313, 0.01402643695473671, 0.03657367080450058, -0.03472679853439331, -0.013368838466703892, 0.010626512579619884, 0.006411585491150618, -0.02645784616470337, -0.01583833061158657, 0.021742725744843483, 0.003417413681745529, 0.01729344204068184, -0.013732615858316422, -0.010773422196507454, -0.03058532625436783, 0.012648277916014194, -0.022050537168979645, 0.021924614906311035, -0.009290328249335289, 0.0001332467800239101, -0.011459004133939743, 0.011990679427981377, -0.01052157673984766, 0.002158182440325618, -0.0010616019135341048, -0.01331986766308546, 0.009409255348145962, -0.009654105640947819, 0.0019902850035578012, 0.0034698816016316414, -0.0035660727880895138, 0.009891960769891739, -0.011333080939948559, 0.027940941974520683, -0.00017664216284174472, 0.02069336548447609, -0.0028787425253540277, 0.000723620702046901, -0.003623787546530366, 0.02697553113102913, -0.00966110173612833, 0.0071601285599172115, -0.013592701405286789, 0.01617412455379963, 0.013214931823313236, -0.020707357674837112, 0.013368838466703892, -0.003928101621568203, -0.002602411201223731, 0.0003392928629182279, 0.017195502296090126, 0.005778471939265728, 0.002217645989730954, 0.010031875222921371, 0.0069432612508535385, -0.02083328180015087, -0.0030921122524887323, -0.015614466741681099, 0.008101054467260838, -0.03523049131035805, -0.00783521682024002, -0.008877580054104328, 0.0042429096065461636, 0.02233036607503891, -0.01504081767052412, 0.0024152754340320826, 0.0069152782671153545, 0.02697553113102913, -0.011570936068892479, 0.001801400212571025, -0.0004426984814926982, -0.004487760365009308, -0.041414715349674225, -0.005481153726577759, 0.001827634172514081, -0.016328031197190285, 0.016621852293610573, -0.02147688716650009, -0.026667719706892967, 0.004071514122188091, -0.0023890414740890265, 0.003413915866985917, -0.016020219773054123, 0.019378168508410454, 0.03024953231215477, -0.012466388754546642, 0.008681699633598328, -0.004900508094578981, -0.0287944208830595, 0.029354078695178032, -0.016467945650219917, 0.0068698059767484665, 0.017545288428664207, -0.023701529949903488, 0.027213385328650475, -0.012375444173812866, -0.0023540628608316183, 0.001981540350243449, -0.030389446765184402, -0.0030938610434532166, 0.01028372161090374, 0.011556943878531456, -0.015810348093509674, -0.029270129278302193, -0.012179563753306866, -0.0034331539645791054, -0.005631561856716871, 0.003931599669158459, 0.006292658392339945, -0.0016160133527591825, 0.0015679177595302463, 0.006946758832782507, -0.007317532319575548, -0.019252246245741844, -0.015096783638000488, -0.0308091901242733, 0.0037392170634120703, -0.010556555353105068, -0.04060320928692818, -0.013075017370283604, -0.032935891300439835, 0.018314817920327187, -0.008233972825109959, -0.0292141642421484, -0.017069578170776367, -0.007471438497304916, -0.034922678023576736, -0.024107282981276512, -0.005050916224718094, 0.006037313956767321, 0.011452008038759232, -0.0008316172752529383, -0.021952597424387932, 0.018272843211889267, -0.02276410162448883, 0.004386322107166052, -0.009689084254205227, -0.0006138752214610577, 0.0028490107506513596, -0.014425192959606647, -0.0023295776918530464, -0.012655274011194706, -0.010101832449436188, -0.0031533248256891966, 0.027605146169662476, 0.0042988755740225315, -0.02164478600025177, 0.007674314547330141, 0.006936265155673027, 0.003200545907020569, -0.010759430937469006, 0.010570546612143517, 0.014774980023503304, 0.008702686987817287, 0.02491878718137741, -0.019126323983073235, -0.012382440268993378, 0.0019692976493388414, -0.02710145339369774, -0.012095615267753601, 0.010787414386868477, 0.012984072789549828, -0.0039350977167487144, 0.020077742636203766, -0.010871362872421741, -0.008779640309512615, 0.014914894476532936, -0.03646174073219299, 0.025660334154963493, -0.023225819692015648, 0.026695702224969864, 0.0376090407371521, 0.003921105992048979, 0.01609017699956894, -0.030053650960326195, -0.00017412807210348547, -0.021267015486955643, -0.017349407076835632, 0.02361758053302765, -0.01026273425668478, -0.013312872499227524, -0.030613310635089874, -0.0013344353064894676, -0.026192009449005127, -0.013033042661845684, -0.025450462475419044, -0.0046171811409294605, 0.008877580054104328, 0.016062194481492043, 0.023309769108891487, -0.024596983566880226, -0.005180337466299534, 0.0021634292788803577, -0.0026951045729219913, 0.0041414713487029076, -0.00968208909034729, -0.021742725744843483, -0.021057143807411194, 0.019000399857759476, 0.0017594258533790708, -0.006292658392339945, -0.0011962696444243193, -0.001466479734517634, 0.018986407667398453, -0.009304319508373737, 0.02836068533360958, 0.20371562242507935, -0.018216878175735474, 0.013627680018544197, 0.014327253215014935, 0.021672768518328667, 0.0010685976594686508, 0.04247806593775749, -0.01613215170800686, -0.014900903217494488, 0.0008294311119243503, 0.0060303183272480965, -0.008982515893876553, -0.02844463475048542, -0.004491257946938276, 0.017671210691332817, -0.01092732883989811, -0.04583601653575897, -0.03914809972047806, -0.023939384147524834, 0.00011652261309791356, 0.006285662297159433, 0.0031970480922609568, 0.0072895498014986515, -0.01236844900995493, 0.026611752808094025, -0.01841275952756405, 9.941586904460564e-05, 0.006936265155673027, -0.006023322697728872, 0.006876801606267691, -0.004949478432536125, -0.0012452397495508194, 0.003991063218563795, 0.011032264679670334, -0.012284500524401665, -0.004666151013225317, -0.0038826295640319586, 0.0035293453838676214, 0.027856992557644844, 0.030445411801338196, 0.0017305684741586447, -0.02009173296391964, 0.005680531729012728, -0.020231647416949272, 0.0026933555491268635, 0.0054566687904298306, -0.012592311948537827, -0.028626523911952972, -0.015082791447639465, 0.02129499986767769, -0.0276191383600235, 0.017405373975634575, 0.025058701634407043, 0.023687537759542465, 0.005621068179607391, -0.010318700224161148, -0.019993793219327927, 0.01436922699213028, 0.017531296238303185, 0.007597361691296101, -0.02328178659081459, 0.016537902876734734, 0.0009942679898813367, 0.0061317565850913525, -0.0020654890686273575, -0.01192072220146656, -0.01380956918001175, -0.006016327068209648, 0.014928885735571384, -0.028934335336089134, -0.007751267869025469, -0.021225042641162872, -0.007772254757583141, 0.019182289019227028, -0.021672768518328667, -0.027661113068461418, 0.023379726335406303, 0.0013178203953430057, 0.014886911027133465, 0.03335563465952873, -0.005733000114560127, -0.00586242089048028, 0.004193939734250307, 0.004984457045793533, -0.02077731490135193, -0.021015169098973274, 0.02697553113102913, -0.01047960203140974, -0.008730669505894184, -0.021113110706210136, -0.0197979137301445, -0.020847272127866745, 0.003714732127264142, -0.01540459506213665, 0.016789749264717102, 0.02276410162448883, 0.004634670447558165, 0.0117038544267416, -0.004477266687899828, -0.00761834904551506, -0.025422479957342148, 0.06867007911205292, 0.009437238797545433, -0.0012120100436732173, -0.006072292570024729, 0.009675092995166779, 0.0066949124448001385, -0.011976688168942928, 0.01664983481168747, 0.004113488830626011, -0.013851542957127094, -0.023001957684755325, 0.005488149356096983, -0.01420133002102375, 0.012207547202706337, 0.0218126829713583, -0.0030728739220649004, 0.009961917996406555, 0.019420143216848373, -0.004711623303592205, 0.007688306272029877, -0.02844463475048542, -0.013068022206425667, 0.0063940961845219135, -0.013082013465464115, -0.01855267398059368, -0.015810348093509674, -0.023421701043844223, -0.014984851703047752, -0.013012056238949299, 0.03696543350815773, 0.00028420149465091527, 0.025450462475419044, -0.001053731655701995, 0.007765259128063917, -0.010332691483199596, 0.0234077088534832, -0.013284889049828053, -0.014900903217494488, -0.01355072669684887, -0.016705801710486412, 0.00359230674803257, 0.00010766863852040842, 0.001445492496713996, 0.011997675523161888, -0.0057295020669698715, 0.003016908187419176, 0.0024642455391585827, -0.013291885145008564, -0.011983683332800865, -0.0030501377768814564, -0.00013368400686886162, 0.0023750499822199345, -0.02083328180015087, 0.021462896838784218, -0.028598539531230927, -0.00659347465261817, -0.012844158336520195, -0.0015993985580280423, 0.008779640309512615, -0.03967977315187454, -0.00586242089048028, 0.008961528539657593, 0.007471438497304916, -0.018314817920327187, 0.011836773715913296, -0.18155315518379211, 0.013242915272712708, 0.0078072333708405495, -0.04233815148472786, 0.012480380944907665, 0.01845473237335682, 0.025282565504312515, 0.006313645280897617, -0.02121105045080185, -0.014593090862035751, 0.009367281571030617, 0.0009951425017789006, -0.03304782509803772, -0.009968914091587067, -0.007296545431017876, 0.009794021025300026, 0.01092732883989811, 0.010157798416912556, 0.01617412455379963, 0.016202108934521675, 0.017069578170776367, 1.6423566194134764e-05, 0.0013475522864609957, -0.007373498287051916, 0.025408487766981125, 0.0008980766870081425, 0.00752040883526206, 0.010920332744717598, 0.0019955316092818975, -0.019588042050600052, -0.034782763570547104, -0.01066848635673523, 0.02477887272834778, 0.0031340864952653646, -0.02241431549191475, 0.019546067342162132, 0.0009435489773750305, -0.006432572845369577, -0.03842054307460785, 0.03464284911751747, -0.0007266813772730529, 0.01194170955568552, 0.013417808338999748, -0.0016562388045713305, -0.013914505019783974, 0.002214148174971342, -0.0010196275543421507, -0.012627290561795235, 0.008275947533547878, -0.016971638426184654, -0.009003503248095512, -0.013109995983541012, 0.02417724020779133, 0.0052537922747433186, 0.03047339618206024, -0.0015976496506482363, 0.018986407667398453, -0.004788576625287533, -0.0009068213985301554, -0.018300827592611313, 0.009577153250575066, -0.01828683540225029, 0.013977466151118279, -0.007219592109322548, -0.027087463065981865, -0.01648193784058094, -0.002168675884604454, -0.0006562868366017938, -0.03889625146985054, -0.0008447342552244663, 0.013795577920973301, -0.00017183259478770196, 0.008010109886527061, 0.0001247207255801186, -0.02009173296391964, 0.020231647416949272, 0.01687369868159294, 0.024666940793395042, -0.004858533851802349, -0.009612131863832474, -0.006373109295964241, 0.02456900104880333, -0.012340465560555458, 0.002180918585509062, 0.005005443934351206, -0.026275958865880966, -0.011109218001365662, -0.008758652955293655, -0.007226588204503059, -0.03128489851951599, 0.01635601371526718, -0.0210011787712574, -0.0030658782925456762, 0.00370074063539505, -0.005096388515084982, 0.012354457750916481, -0.04035136476159096, -0.012284500524401665, 0.0041694543324410915, -0.010269730351865292, 0.0072895498014986515, 0.002994172042235732, -0.007034205365926027, 0.016789749264717102, 0.007128647994250059, 0.006726393476128578, -0.03282396122813225, -0.013732615858316422, 0.035986028611660004, 0.0072895498014986515, -0.014208325184881687, 0.011382050812244415, 0.006621457636356354, 0.02676565945148468, -0.011200162582099438, 0.032460182905197144, 0.0017891577444970608, -0.01525068935006857, 0.027213385328650475, 0.01420133002102375, 0.06816638261079788, -0.00028092224965803325, -0.013690642081201077, 0.0008185002952814102, -0.013137979432940483, -0.01673378422856331, -0.11271518468856812, 0.004200935363769531, -0.005082397256046534, 0.022022554650902748, -0.002490479499101639, 0.03567821905016899, -0.012025658041238785, 0.01254334207624197, -0.012578320689499378, 0.03234824910759926, 0.0117038544267416, -0.026387888938188553, 0.016761766746640205, -0.004795572254806757, -0.006925771478563547, -0.01853868179023266, -0.011997675523161888, -0.027563171461224556, 0.008926549926400185, 0.03385932743549347, -0.008968524634838104, -0.015866313129663467, 0.050369247794151306, -0.023953376337885857, -0.003314226632937789, 0.01949010044336319, -0.03497864678502083, 0.011158187873661518, 0.025030719116330147, 0.013634676113724709, 0.025968145579099655, -0.021308990195393562, 0.021057143807411194, -0.024988744407892227, 0.014292274601757526, 0.000721871794667095, -0.009164405055344105, -0.005733000114560127, -0.003440149826928973, -0.023435691371560097, -0.0008351151482202113, -0.010136811062693596, 0.004984457045793533, 0.016901681199669838, -3.10435461869929e-05, -0.0149988429620862, -0.020203664898872375, 0.0021179569885134697, 0.019867870956659317, -0.016789749264717102, -0.017993014305830002, -0.0024345137644559145, -0.033327654004096985, -0.010794409550726414, 0.027213385328650475, 0.010115823708474636, 0.01575438119471073, 0.009863978251814842, -0.007947147823870182, -0.014509142376482487, -0.014117381535470486, -0.013389824889600277, -0.026653727516531944, 0.01355772279202938, 0.016118159517645836, 0.007947147823870182, -0.026359906420111656, -0.03559426963329315, -0.003938595298677683, -0.027395274490118027, -0.011116213165223598, 0.030669275671243668, -0.01565644145011902, 0.02030160464346409, -0.02535252273082733, -0.00027873608632944524, -0.00798212643712759, -0.014579099602997303, 0.011948704719543457, -0.008541785180568695, 0.003343958407640457, -0.03383134678006172, -0.001455986057408154, -0.0032617587130516768, 0.0034016731660813093, 0.011738833039999008, -0.010556555353105068, -0.01376759447157383, -0.0008561023278161883, -0.027940941974520683, 0.01677575893700123, 0.03584611415863037, -0.007555387448519468, 0.0008075694786384702, -0.004760593641549349, 0.018524689599871635, -0.0023155861999839544, -0.01196269690990448, -0.004082007799297571, 0.034055206924676895, -0.02603810280561447, 0.0012810928747057915, -0.0648084357380867, 0.01664983481168747, 0.00584143353626132, -0.011032264679670334, -0.0019290723139420152, 0.003977071959525347, 0.006876801606267691, 0.0020812293514609337, 0.0032250310759991407, 0.021868648007512093, -0.02732531726360321, 0.005169843789190054, -0.018426749855279922, 0.003359698923304677, -0.018062971532344818, -0.014306265860795975, 0.01032569631934166, -0.025408487766981125, 0.02857055701315403, -0.002236884320154786, 0.004459777381271124, -0.01520871464163065, 0.016146142035722733, 0.01525068935006857, 0.013704633340239525, -0.01845473237335682, -0.012837163172662258, 0.013263902626931667, -0.010836384259164333, 0.005565102212131023, 0.024596983566880226, -0.031396832317113876, -0.010248742997646332, 0.026261966675519943, -0.024387111887335777, -0.018216878175735474, 0.012074627913534641, 0.027255360037088394, 0.001126312417909503, 0.05904395133256912, -0.004172952380031347, -0.02663973532617092, 0.0044982535764575005, -0.02689158171415329, 0.001874855370260775, -0.009150413796305656, -0.0032022949308156967, 0.013284889049828053, 0.025198616087436676, -0.005904395133256912, 0.01996581070125103, 0.008779640309512615, 0.005890403874218464, -0.016551895067095757, 0.009430242702364922, 0.031089019030332565, 0.002231637481600046, -0.0016378751024603844, 0.009521187283098698, -0.019476110115647316, 0.02353363297879696, -0.018188895657658577, 0.019602032378315926, 0.011249132454395294, 0.004089003428816795, -0.0213929396122694, -0.016705801710486412, -0.004956474062055349, 0.014942876994609833, -0.02649982087314129, -0.001881851116195321, 0.005078899208456278, 0.008080067113041878, 0.011326084844768047, 0.006541006732732058, -0.013445790857076645, -0.013298881240189075, -0.0006842697621323168, -0.0230159480124712, 0.007604357320815325, 0.005869416519999504, -0.0013326863991096616, -0.02083328180015087, 0.011493982747197151, 0.0327959768474102, -0.016747774556279182, -0.022945990785956383, 0.01567043364048004, -0.024415094405412674, 0.009808012284338474, 0.023701529949903488, -0.002593666547909379, -0.008150024339556694, 0.013893517665565014, -0.005946369841694832, 0.009766037575900555, -0.017993014305830002, -0.005666540469974279, 0.04102295637130737, 0.026471838355064392, 0.023169854655861855, 0.013193944469094276, -0.006635448895394802, -0.020665382966399193, -0.020147699862718582, -0.0016370005905628204, -0.02813682146370411, -0.001126312417909503, -0.007041201461106539, 0.019560057669878006, 0.008052083663642406, 0.010962307453155518, -0.020147699862718582, -0.0009120681788772345, -0.04113488644361496, 0.02684960700571537, -0.004330356139689684, -0.017447348684072495, -0.031424812972545624, 0.01949010044336319, 0.02143491432070732, 0.006306649651378393, 0.04536030814051628, 0.004753598012030125, 0.03523049131035805, 0.020847272127866745, 0.03282396122813225, -0.017153527587652206, 0.02444307692348957, -0.0058309403248131275, 0.003352703060954809, 0.01106024719774723, -0.014054419472813606, -0.00782822072505951, -0.004533232189714909, -0.016635844483971596, -0.027003513649106026, 0.005418192129582167, 0.012711239978671074, 0.07191609591245651, 0.01876254566013813, -0.028206778690218925, 0.015166740864515305, 0.0034838730935007334, -0.020637400448322296, 0.012991068884730339, 0.018902460113167763, -0.006929269526153803, -0.008947537280619144, 0.017965031787753105, -0.0004109990841243416, 0.000709192012436688, -0.017797134816646576, -0.001053731655701995, -0.02258221246302128, -0.0006707155262120068, 0.058540258556604385, 0.011514970101416111, -0.004522738978266716, 0.016230091452598572, -0.010031875222921371, 0.002945201937109232, 0.021910622715950012, -0.030613310635089874, 0.007849208079278469, 0.010486598126590252, 0.01988186128437519, -0.005246796645224094, -0.021308990195393562, 0.01685970649123192, 0.0160062275826931, -0.023701529949903488, -0.018188895657658577, -0.005001946352422237, -0.0039036166854202747, 0.003725225804373622, -0.01849670708179474, 0.015894295647740364, 0.004662653431296349, -0.011165183037519455, 0.0028525085654109716, -0.012823170982301235, -0.01708357036113739, -0.02547844499349594, 0.018398767337203026, -0.011794799007475376, -0.006548002362251282, -0.014928885735571384], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='7763720f-d977-4fb7-93c3-3708782234e9', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '12', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_type': 'application/pdf', 'file_size': 885090, 'creation_date': '2024-02-25', 'last_modified_date': '2024-02-07', 'last_accessed_date': None}, hash='cee516454f7722d44cb924a591caab9086e67d2f90ab0817a0f2908d5c624b0b')}, text='[20] Tushar Khot, Harsh Trivedi, Matthew Finlayson, Yao Fu, Kyle Richardson, Peter Clark, and Ashish Sabhar-\\nwal. Decomposed prompting: A modular approach for solving complex tasks. In The Eleventh International\\nConference on Learning Representations , 2023.\\n', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='1c6db643-c37e-488b-bb78-5b30816c7ce5', embedding=[-0.02162982150912285, -0.016810813918709755, 0.013906874693930149, -0.002905680099502206, -0.009317675605416298, 0.02409503608942032, -0.019289955496788025, 0.0026340887416154146, -0.022994741797447205, -0.031086774542927742, 0.04373318701982498, 0.040251243859529495, -0.0018837304087355733, 0.0015842834254726768, 0.005219430197030306, -0.013008533045649529, 0.009638014249503613, 0.013356727547943592, 0.005557178519666195, -0.005947155877947807, 0.024568580090999603, -0.005926264449954033, -0.020306682214140892, -0.013976513408124447, 0.003304362529888749, 0.028858331963419914, 0.03331521525979042, -0.02844049781560898, -0.0035272068344056606, -0.009046084247529507, 0.02649061009287834, 0.007298149634152651, -0.0010541577357798815, 0.0022423702757805586, -0.017827540636062622, -0.010027991607785225, 0.025975283235311508, -0.019652077928185463, 0.009993172250688076, -0.011629684828221798, 0.020153477787971497, 0.04156045243144035, 0.002931794850155711, -0.02091950550675392, -0.006946473382413387, 0.004759814124554396, -0.00020358477195259184, -0.021114492788910866, 0.018746772781014442, 0.004366354551166296, 0.029749708250164986, 0.027674471959471703, -0.017395779490470886, 0.00038257832056842744, -0.021058782935142517, -0.005414418876171112, 0.005497985519468784, 0.012569808401167393, -0.0023172320798039436, 0.0077716936357319355, 0.03883061185479164, -0.010696524754166603, -0.021100565791130066, 0.02834300324320793, 0.008252201601862907, -0.015376253984868526, -0.03367733955383301, 0.010341365821659565, 0.01061992160975933, -0.010188160464167595, 0.022381920367479324, 0.011768962256610394, 0.009443025104701519, 0.00316682574339211, 0.024220384657382965, -0.028886185958981514, 0.013753669336438179, -0.0025174436159431934, -0.027855532243847847, -0.01216590404510498, 0.019331738352775574, -0.01880248449742794, -0.018106095492839813, 0.031616028398275375, 0.013906874693930149, 0.016142280772328377, -0.005543251056224108, 0.0036804121918976307, -0.0123539287596941, 0.00261493818834424, 0.01949887163937092, 0.003920665942132473, 0.028468353673815727, 0.013140846975147724, -0.006730592809617519, 0.0068037137389183044, -0.007987573742866516, 0.008711817674338818, -0.006626134738326073, -0.006605242844671011, -0.01463808212429285, 0.0034993512090295553, -0.01970778964459896, -0.008210417814552784, -0.012374820187687874, -0.00819648988544941, 0.01047367975115776, 0.03175530582666397, 0.01575230248272419, 0.011991806328296661, -0.009644977748394012, 0.02961043082177639, 0.002280671615153551, -0.04064122214913368, 0.022075509652495384, -0.014721648767590523, 0.019693860784173012, 0.00830791238695383, 0.009846930392086506, -0.025459956377744675, 0.03429016098380089, 0.010264763608574867, 0.017535056918859482, -0.02310616336762905, 0.0024182084016501904, 0.009199289605021477, -0.008753600530326366, -0.022744042798876762, -0.022103365510702133, -0.026030994951725006, 0.00830094888806343, 0.01973564364016056, 0.004916501231491566, 0.013349764049053192, 0.0003360073606017977, 0.05114275589585304, -0.0200142003595829, -0.012096264399588108, -0.01696401834487915, -0.017966818064451218, 0.0026741311885416508, 0.02587778866291046, -0.0070335217751562595, -0.007611524313688278, 0.004808561410754919, 0.019805284217000008, 0.010975079610943794, 0.026114560663700104, -0.003380965208634734, -0.00311807869002223, 0.009665869176387787, -0.008990372531116009, -0.014568443410098553, 0.040251243859529495, 0.04866361618041992, 0.002125725382938981, 0.02285546436905861, 0.02036239393055439, -0.01700580306351185, -0.012750869616866112, -0.021518398076295853, 0.003055403707548976, -0.007945790886878967, -0.006201338022947311, 0.004509114194661379, 0.017535056918859482, 0.020543454214930534, -0.018886050209403038, -0.0014824365498498082, -0.004592680837959051, -0.02988898567855358, 0.043315351009368896, -0.024178601801395416, -0.004063425585627556, -0.015835870057344437, 0.018927834928035736, 0.04481955245137215, -0.013405474834144115, -0.01452665962278843, -0.028830476105213165, 0.0246521458029747, -0.0027698844205588102, 0.009436061605811119, 0.025223184376955032, -0.03546009212732315, -0.007569740992039442, 0.01852392964065075, -0.015459820628166199, 0.011365056969225407, -0.0031233015470206738, 0.026978082954883575, 0.011817709542810917, 0.0016626270953565836, -0.011309346184134483, -0.636888861656189, -0.019944561645388603, -0.009115722961723804, -0.018593568354845047, -0.011197923682630062, -0.0003360073606017977, 0.007973645813763142, 0.0007190208998508751, -0.004895609803497791, 0.02806444838643074, 0.004101727157831192, -0.00563029944896698, -0.014498804695904255, -0.01824537292122841, -0.027200927957892418, -0.013913838192820549, 0.011211851611733437, -0.027883388102054596, 0.005491021554917097, 0.013140846975147724, -0.0020038574002683163, 0.02286939136683941, -0.016713319346308708, 0.014457020908594131, 0.006156072486191988, 0.005066224839538336, 0.0065390863455832005, -0.01700580306351185, 0.01402526069432497, -0.015905508771538734, -0.03598934784531593, 0.02129555493593216, 0.004630982410162687, 0.025125689804553986, 0.05300907790660858, 0.003687376156449318, -0.017479347065091133, 0.021211987361311913, 0.017994673922657967, 0.03827350214123726, -0.03585007041692734, -0.013050316832959652, 0.00538656348362565, 0.003260838333517313, -0.023941829800605774, 0.053482621908187866, 0.022952958941459656, 0.0037256774958223104, -0.022994741797447205, -0.04657445102930069, -0.00958926696330309, 0.004690175410360098, 0.019666004925966263, 0.0036038095131516457, 0.007611524313688278, 0.01786932349205017, 0.04381675273180008, 0.000621091341599822, 0.005508431699126959, -0.01880248449742794, -0.004435993265360594, 0.023259369656443596, -0.009470880962908268, -0.009213217534124851, -0.03114248439669609, 0.016796885058283806, -0.01701973006129265, 0.010835802182555199, 0.01732614077627659, -0.0003501527535263449, 0.009422133676707745, 0.011636648327112198, 0.006640062667429447, -0.009763363748788834, -0.007653307635337114, 0.013955621980130672, 0.012263397686183453, -0.02033453807234764, 0.017117224633693695, 0.03050180710852146, 0.0050871167331933975, -0.005362189840525389, -0.015418036840856075, -0.009366422891616821, 0.01448487676680088, -0.0007116217748261988, -0.00196381495334208, 0.0027576975990086794, -0.013078172691166401, 0.006549532059580088, 0.011970914900302887, 0.01664368063211441, -0.006253567058593035, -0.0431760735809803, 0.008607359603047371, 0.01096115168184042, -0.012521062046289444, -0.0029700961895287037, 0.002500033937394619, -0.02871905267238617, -0.0057695768773555756, -0.008670034818351269, 0.030418241396546364, 0.0004382893966976553, 0.006142145022749901, 0.023217586800456047, 0.010724379681050777, -0.015682663768529892, 0.013851162977516651, -0.03147675096988678, -0.007959717884659767, -0.00788311567157507, -0.01974957250058651, 0.0008892008336260915, -0.0057243118062615395, -0.03261882811784744, 0.02469392865896225, 0.014275960624217987, -0.013962585479021072, -0.009833002462983131, 0.005062743090093136, 0.0015581687912344933, 0.022465486079454422, -0.006626134738326073, 0.005623335484415293, 0.002369461115449667, 0.00970765296369791, 0.011163104325532913, -0.008732709102332592, 0.009011264890432358, 0.0002587517665233463, -0.03459656983613968, 0.01912282221019268, -0.010062810964882374, 0.017660407349467278, -0.006284904200583696, 0.028454426676034927, -0.011831637471914291, 0.00012643799709621817, -0.011204888112843037, -0.007409571669995785, 0.0023990576155483723, 0.017172936350107193, -0.022270498797297478, -0.0308082178235054, -0.014115790836513042, -0.003353109583258629, -0.005585034377872944, 0.02710343338549137, -0.03267453983426094, -0.016518330201506615, 0.002738547045737505, -0.036852870136499405, 0.011197923682630062, -0.020557383075356483, -0.016532259061932564, -0.010278691537678242, -0.029972553253173828, -0.018941761925816536, -0.032228849828243256, 0.00804328452795744, 0.014652010053396225, -0.015571242198348045, -0.012068409472703934, 0.017340069636702538, -0.006688809487968683, 0.005654673092067242, -0.004039051942527294, -0.016866523772478104, -0.010745271109044552, -0.018983544781804085, -0.04913716018199921, -0.00477722380310297, -0.0026758720632642508, -0.010995971038937569, 0.018342867493629456, 0.015933364629745483, 0.011991806328296661, -0.006257048808038235, -0.020432032644748688, 0.013022460974752903, -0.010083702392876148, -0.019192460924386978, 0.012256434187293053, 0.019833138212561607, 0.011608793400228024, 0.030056118965148926, 0.008969481103122234, 0.01080098282545805, 0.0018976581050083041, 0.024485012516379356, 0.018008600920438766, -0.025543522089719772, 0.015529459342360497, -0.004296715836971998, 0.01019512489438057, 0.0036664844956249, -0.014749504625797272, -0.008865023031830788, 0.02344042994081974, 0.019345667213201523, 0.014275960624217987, 0.005567624699324369, -0.01034833025187254, 0.002038676757365465, -0.011469515040516853, 0.002073496114462614, -0.015418036840856075, 0.004408137872815132, 0.011086502112448215, 0.011546118184924126, -0.024888917803764343, -0.023036524653434753, 0.010787054896354675, -0.013502969406545162, 0.043036796152591705, 0.002433877205476165, 0.025376388803124428, -0.01947101764380932, 0.011699323542416096, 0.007827404886484146, -0.026657743379473686, 0.013349764049053192, 0.004098244942724705, -0.020808082073926926, 0.014610226266086102, -0.0022824127227067947, 0.019652077928185463, 0.01917853392660618, -0.011796818114817142, -0.017479347065091133, 0.005968047771602869, 0.01761862449347973, 0.014916636981070042, 0.016782958060503006, -0.015835870057344437, 0.03448515012860298, -0.017061512917280197, 0.026017066091299057, 0.0200838390737772, -0.009512663818895817, 0.02132340893149376, 0.004923465196043253, -0.013823308050632477, -0.00047876694588921964, -0.022326208651065826, 0.009784255176782608, 0.02348221279680729, -0.013022460974752903, -0.00804328452795744, -0.0292761642485857, 0.005132381804287434, -0.018746772781014442, 0.0004158743831794709, 0.01629548706114292, -0.026044921949505806, 0.0019115859176963568, -0.0068037137389183044, 0.01373277697712183, 0.016894379630684853, -0.000545794318895787, 0.007430463097989559, 0.0003547227825038135, -0.004300197586417198, 0.006580869667232037, -0.010132449679076672, -0.007806512992829084, -0.005585034377872944, -0.009937461465597153, -0.017743973061442375, -0.014777359552681446, -0.0009218440391123295, -0.03448515012860298, -0.02988898567855358, -0.015320542268455029, 0.002487847115844488, -0.006598279345780611, 0.001177766709588468, 0.013036388903856277, 0.03339878469705582, -0.008203454315662384, -0.032256707549095154, -0.006298832129687071, 0.0169918742030859, -0.023022597655653954, -0.021072709932923317, -0.017757901921868324, 0.007625451777130365, -0.0035724719054996967, 0.010975079610943794, 0.0015790604520589113, 0.02370505779981613, -1.8715436453931034e-05, -0.006166518200188875, -0.024276096373796463, 0.027535192668437958, 0.02657417766749859, -0.008259165100753307, -0.024471085518598557, 0.007618487812578678, -0.007047449704259634, 0.034345872700214386, -0.028148015961050987, -0.017757901921868324, 0.03144889697432518, 0.001069826539605856, -0.02253512479364872, 0.0006585221854038537, -0.0035759538877755404, -0.019652077928185463, 0.011351129040122032, -0.016156207770109177, -0.013976513408124447, 0.030668940395116806, 0.002357274293899536, 0.004394210409373045, 0.002750733867287636, 0.004735440481454134, 0.012646411545574665, -0.011344165541231632, -0.0003074989654123783, -0.004996586125344038, -0.004359390586614609, 0.008878950960934162, 0.06440199166536331, 0.04743796959519386, -0.01664368063211441, 0.020250972360372543, -0.022103365510702133, 0.006232675164937973, -0.00849593710154295, -0.014429165981709957, 0.0008957294630818069, -0.007820440456271172, -0.017841467633843422, -0.011378984898328781, 0.0001561433164170012, -0.0308639295399189, 0.010633849538862705, -0.0014920119429007173, 0.007298149634152651, -0.013210485689342022, -0.013858127407729626, -0.0169222354888916, -0.022395847365260124, -0.009282856248319149, 0.016128353774547577, 0.012736941687762737, 0.025515668094158173, -0.01266730297356844, 0.0138790188357234, 0.027312349528074265, 0.01605871506035328, -0.007284221705049276, -0.007507065776735544, 0.013795452192425728, 0.01668546348810196, 0.008530756458640099, -0.009087867103517056, 0.017367923632264137, 0.017465418204665184, 0.008231310173869133, 0.013816343620419502, 0.017423635348677635, 0.013461185619235039, 0.02590564452111721, -0.0042688604444265366, 0.006981292739510536, 0.006998702418059111, -0.017827540636062622, -0.03417873755097389, 0.02408110722899437, 0.006124735344201326, -0.011929132044315338, 0.03632361441850662, 0.0025714137591421604, -0.029666142538189888, -0.01569659262895584, 0.0013292311923578382, 0.009763363748788834, -0.019582439213991165, -0.02559923380613327, 0.0002188182552345097, -0.03250740468502045, 0.009241072461009026, -0.026462756097316742, -0.009387314319610596, -0.01202662568539381, -0.01263248361647129, -0.007876151241362095, -0.011302381753921509, 0.013238341547548771, -0.029721852391958237, 0.009756400249898434, -0.0056929741986095905, -0.015236975625157356, -0.042117565870285034, 0.004362872801721096, 0.007555813062936068, 0.01917853392660618, 0.031950294971466064, 0.011051682755351067, 0.010814910754561424, 0.011023826897144318, -0.004164401907473803, -0.015111626125872135, -0.001593858702108264, -0.033510204404592514, 0.014846998266875744, -0.0053482623770833015, -0.009456953033804893, -0.021406976506114006, -0.0067723761312663555, -5.1168219215469435e-05, 0.011943059042096138, -0.009282856248319149, -0.007660271134227514, -0.010390113107860088, 0.017117224633693695, -0.0027646615635603666, 0.026462756097316742, 0.016810813918709755, 0.008259165100753307, -0.013927766121923923, -0.0038858468178659678, -0.01912282221019268, -0.0030693314038217068, -0.012618555687367916, -0.01096115168184042, 0.000600199680775404, 0.028830476105213165, 0.009937461465597153, -0.005445756483823061, -0.022381920367479324, 0.013711885549128056, -0.022911174222826958, 0.011622720398008823, -0.01636512577533722, -0.0007938826456665993, -0.018718916922807693, 0.010578138753771782, 0.017159007489681244, -0.02961043082177639, -0.022688331082463264, 0.0041156550869345665, -0.009805147536098957, 0.021379120647907257, -0.0033548506908118725, -0.013614390976727009, 0.02681094966828823, -0.018036456778645515, -0.007026557810604572, -0.025501739233732224, 0.0369364358484745, -0.013307980261743069, 0.04819007217884064, 0.01669939234852791, -0.007618487812578678, -0.017159007489681244, -5.6146305723814294e-05, 0.005487539805471897, -0.020766299217939377, 0.004369836766272783, -0.019638150930404663, 0.010229944251477718, 0.014136682264506817, 0.001951628248207271, -0.0070335217751562595, -0.00593322841450572, -0.026030994951725006, -0.023356864228844643, -0.0024391000624746084, 0.012862292118370533, 0.017493274062871933, -0.01525090355426073, 0.009122686460614204, -0.0038336175493896008, -0.023273296654224396, -0.020863793790340424, -0.029443297535181046, -0.0010019287001341581, -0.0017862359527498484, 0.016504403203725815, 0.008293984457850456, 0.049527134746313095, 0.0075140297412872314, 0.01402526069432497, 0.02812016010284424, -0.011504334397614002, -0.0019046219531446695, -0.015195192769169807, 0.01220072340220213, -0.011330237612128258, -0.006577387452125549, -0.003565508173778653, 0.0019725197926163673, -0.005752167198807001, -0.007165835704654455, 0.023022597655653954, 0.02033453807234764, -0.0029004572425037622, 0.0036595205310732126, 0.010912404395639896, -0.039610568434000015, -0.02773018181324005, 0.0041992212645709515, 0.0037953162100166082, -0.023245440796017647, -0.008732709102332592, -0.0008339249761775136, 0.014101862907409668, 0.02681094966828823, 0.004599644802510738, 0.013927766121923923, 0.022980814799666405, -0.012131083756685257, 0.021351264789700508, 0.004401173908263445, 0.0054318285547196865, -0.01909496635198593, -0.014429165981709957, -0.026476683095097542, -0.006260531023144722, 0.01202662568539381, -0.0032347235828638077, 0.020473815500736237, 0.016518330201506615, 0.0002879130479414016, 0.01877462863922119, -0.005066224839538336, -0.010856693610548973, -0.03267453983426094, 0.0019324775785207748, -0.031588174402713776, -0.005212466232478619, -0.048552192747592926, -0.009241072461009026, -0.01855178363621235, 0.0024739194195717573, 0.0043837642297148705, -0.029749708250164986, 0.016852596774697304, -0.010341365821659565, 7.573222683276981e-05, 0.014157574623823166, 0.03183887153863907, 0.05579463019967079, 0.010480644181370735, 0.020599165931344032, 0.034345872700214386, 0.005595480091869831, -0.011518262326717377, 0.0029822830110788345, 0.017451491206884384, 0.011365056969225407, 0.032841671258211136, 0.01916460692882538, -0.027075577527284622, 0.0072494023479521275, 0.03827350214123726, 0.0018628387479111552, -0.04966641217470169, -0.043621763586997986, 0.001201269798912108, 0.019248172640800476, 0.029777564108371735, -0.014652010053396225, -0.011002935469150543, -0.014303815551102161, -0.012904074974358082, -0.012757834047079086, 0.005202020518481731, -0.02561316266655922, -0.01421328540891409, 0.0032573563512414694, 0.021142348647117615, 0.00432457122951746, -0.01463808212429285, 0.009770328179001808, -0.00633016973733902, 0.02093343250453472, -0.018621422350406647, -0.008551647886633873, -0.010229944251477718, -0.00447081308811903, 0.03490298241376877, -0.010306546464562416, 0.008523792959749699, -8.519875700585544e-05, 0.019833138212561607, -0.0036664844956249, -0.0025923054199665785, -6.648332055192441e-05, 0.027395915240049362, -0.049332145601511, 0.00648337509483099, -0.006671399809420109, -0.014136682264506817, 0.0019498872570693493, -0.0018402060959488153, -0.000730772502720356, -0.013962585479021072, -0.012305181473493576, 0.02346828579902649, 0.02285546436905861, 0.006190891843289137, 0.02125377021729946, 0.006737556774169207, -0.008969481103122234, -0.023663274943828583, -0.002520925598219037, -0.0032242778688669205, 0.004550897516310215, -0.05181128904223442, 0.006601761095225811, 0.0015233494341373444, -0.011782890185713768, 0.016587968915700912, -0.007451354991644621, -0.01662975177168846, -0.0068037137389183044, 0.009185361675918102, -0.010877585038542747, 0.010536354966461658, 0.022897247225046158, -0.01608656905591488, -0.029721852391958237, -0.008433261886239052, -0.0030954459216445684, -0.011775925755500793, 0.0027368059381842613, -0.010278691537678242, 0.010989007540047169, 0.020000271499156952, -0.008475045673549175, 0.013294052332639694, 0.0015990816755220294, 0.021100565791130066, 0.008015429601073265, 0.010209052823483944, 0.016894379630684853, -0.0003349192556925118, -0.0064346278086304665, 0.022395847365260124, -0.0115670096129179, -0.004919983446598053, -0.001298764138482511, -0.019262099638581276, 0.020529527217149734, -0.006782821845263243, -0.0031215606722980738, -0.017994673922657967, -0.03479155898094177, -0.010898476466536522, 0.020501671358942986, 0.002498293062672019, -0.0146798649802804, -0.0036247011739760637, -0.02905331924557686, -0.010668668895959854, -0.0019342184532433748, 0.018635351210832596, -0.007569740992039442, 0.005484058056026697, 0.014735576696693897, 0.03339878469705582, 0.028259437531232834, 2.7637910534394905e-05, 0.006194374058395624, -0.012277325615286827, 0.012848364189267159, -0.005752167198807001, -0.05039065703749657, -0.00703004002571106, 0.004174848087131977, 0.031616028398275375, -0.004648392088711262, -0.019582439213991165, -0.015041987411677837, -0.0024686965625733137, -0.030752507969737053, -0.02380255237221718, -0.02837085910141468, 0.007764729671180248, 0.01846821792423725, 0.02803659252822399, 0.00830791238695383, 0.029415441676974297, -0.012528025545179844, 0.006577387452125549, -0.017757901921868324, 0.00012208557745907456, 0.0066922917030751705, -0.0026602032594382763, 0.004693657159805298, 0.009979244321584702, -0.02686666138470173, -0.010236907750368118, 0.020780226215720177, 0.005261213518679142, -0.015529459342360497, 0.04139332100749016, -0.018635351210832596, -0.018022529780864716, -0.005449238233268261, -0.009136614389717579, -0.025766367092728615, -0.0020351947750896215, 0.010362258180975914, -0.032841671258211136, -0.002388611901551485, -0.004951321054250002, -0.013099064119160175, -0.00974247232079506, -0.016434764489531517, 0.004996586125344038, -0.008126851171255112, -0.0051985387690365314, 0.004916501231491566, -0.0032260187435895205, 0.02533460594713688, -0.005400491412729025, 0.02743769995868206, -0.00748617434874177, 0.015000203624367714, 0.03306451812386513, 0.019638150930404663, -0.005302996840327978, -0.013677066192030907, 0.0005928005557507277, -0.0058740354143083096, -0.006702737417072058, 0.021838737651705742, -0.005487539805471897, -0.005741721484810114, -0.0340394601225853, -0.015306615270674229, -0.006751484703272581, -0.01700580306351185, -0.0026340887416154146, -0.002564450027421117, -0.020877720788121223, 0.017493274062871933, 0.015877652913331985, -0.03885846585035324, -0.00988871417939663, 0.0065460498444736, -0.005299515090882778, 0.008022393099963665, 0.0040111965499818325, -0.0044882227666676044, -0.0035498393699526787, -0.01433167140930891, -0.010299582965672016, -0.005108008161187172, -0.025780294090509415, -0.01032047439366579, 0.0010715675307437778, -0.003558544209226966, 0.0017122447025030851, 0.19866564869880676, -0.025209257379174232, -0.002947463421151042, 0.01558517012745142, 0.023523997515439987, -0.0008173857931979001, 0.043705329298973083, 0.006441591773182154, -0.007367788348346949, 0.006215265486389399, 0.0011612274684011936, 0.006573905702680349, -0.021852664649486542, -0.0050940802320837975, 0.01061992160975933, -0.010327438823878765, -0.04663015902042389, -0.015849797055125237, -0.008927698247134686, 0.010236907750368118, -0.024777496233582497, 0.012416603043675423, -0.0030710725113749504, -0.034067314118146896, 0.015794087201356888, -0.02958257496356964, 0.009784255176782608, 0.00880234781652689, -0.006107325199991465, 0.03144889697432518, -0.019638150930404663, 0.0011089983163401484, 0.003504574066027999, -0.005435310769826174, -0.004401173908263445, -0.02658810466527939, 0.010487607680261135, 0.004335017409175634, 0.019192460924386978, 0.04125404357910156, 0.01247927825897932, -0.01216590404510498, 0.020835937932133675, -0.010877585038542747, -0.007409571669995785, 0.02621205523610115, -0.017952891066670418, 0.008899842388927937, -0.04264681786298752, 0.007757765706628561, -0.014693792909383774, 0.013684029690921307, 0.030390385538339615, 0.0400841124355793, 0.00880234781652689, -0.005654673092067242, -0.008328803814947605, 0.020432032644748688, 0.019679933786392212, 0.001310080522671342, -0.03337092697620392, 0.0020769780967384577, -0.0123539287596941, 0.01251409761607647, -0.005682528484612703, 0.010766163468360901, -0.013238341547548771, 0.02130948193371296, 0.01050849910825491, -0.016184063628315926, -0.0084611177444458, -0.011796818114817142, -0.01509769819676876, 8.432826871285215e-05, -0.03537652641534805, -0.026072777807712555, 0.05582248792052269, 0.0014920119429007173, 0.007284221705049276, 0.03242383897304535, -0.013036388903856277, -0.01220768690109253, 0.0068803164176642895, -0.00493391091004014, -0.008593431673943996, -0.018746772781014442, 0.02126769907772541, -0.018426435068249702, -0.0038475454784929752, -0.010884549468755722, -0.0013840717729181051, -0.011218815110623837, 0.0069604008458554745, -0.008273093029856682, 0.002029971918091178, -0.025418173521757126, 0.011448623612523079, 0.017952891066670418, 0.005518877413123846, -0.025446029379963875, -0.00623615738004446, 0.04351034015417099, 0.010835802182555199, -0.002519184723496437, 0.005247286055237055, 0.0013266197638586164, -0.009310711175203323, 0.003903256496414542, 0.018899979069828987, -0.004975694231688976, 0.002827336546033621, -0.031226051971316338, -0.0001686565374257043, 0.007061377167701721, 0.0007808253867551684, 0.00804328452795744, 0.016434764489531517, -0.008572540245950222, 0.03740997985005379, -0.0008931179763749242, 0.0025017750449478626, -0.020794155076146126, -0.0062431213445961475, 0.01974957250058651, 0.0033896700479090214, -0.03153246268630028, -0.027674471959471703, -0.012158939614892006, -0.03601720184087753, -0.006438110023736954, 0.018969617784023285, 0.0004596162762027234, 0.03857991099357605, 0.0014502286212518811, 0.007023076061159372, -0.011894311755895615, -0.004899091552942991, 0.00678630406036973, -0.0018419470870867372, -0.0050244415178895, -0.010306546464562416, -0.011100429110229015, 0.02132340893149376, -0.008927698247134686, 0.006204819772392511, -0.020418105646967888, 0.023927902802824974, -0.0011472997721284628, -0.015362326055765152, -0.01263248361647129, -0.0016225847648456693, -0.0029091620817780495, -0.017061512917280197, -0.006570423487573862, 0.028524065390229225, -0.01848214492201805, -0.025404244661331177, -0.02626776695251465, -0.01572444848716259, 0.015640880912542343, -0.029220452532172203, -0.011009898968040943, 0.009345531463623047, -0.022117292508482933, -0.0050871167331933975, 0.0012735200580209494, -0.17983531951904297, -0.001800163765437901, 0.023565780371427536, -0.04189471900463104, 0.02282760851085186, 0.005880999378859997, 0.024290023371577263, -0.010515463538467884, -0.020473815500736237, -0.01848214492201805, -0.008837167173624039, -0.01251409761607647, -0.0022075509186834097, -0.019359594210982323, 0.010055847465991974, -0.016253702342510223, 0.0004739792784675956, 0.014401310123503208, 0.031337473541498184, 0.028774764388799667, 0.008530756458640099, -0.034707993268966675, -0.0012813544599339366, 0.01884426735341549, 0.007500101812183857, 0.010640813037753105, 0.002148357918485999, 0.017340069636702538, -0.009693725034594536, -0.011044718325138092, -0.029081175103783607, -0.034986548125743866, 0.014958420768380165, -0.00042153254617005587, -0.023913973942399025, 0.009798183105885983, 0.001559909782372415, 0.011580937542021275, -0.026142416521906853, 0.03977769985795021, 0.009122686460614204, 0.016769031062722206, 0.008405406959354877, 0.005894926842302084, -0.019345667213201523, -0.0011150917271152139, 0.008398442529141903, -0.01451273262500763, -0.02685273252427578, -0.018273228779435158, -0.0020578275434672832, -0.04072478786110878, 0.023900046944618225, 0.0015555573627352715, 0.004397692158818245, -0.012702122330665588, 0.01945708878338337, 0.016532259061932564, -0.004819007124751806, -0.0068803164176642895, -0.02805052138864994, -0.005696456413716078, 0.017061512917280197, -0.017465418204665184, -0.017367923632264137, -0.01220768690109253, -0.016448691487312317, -0.0038022801745682955, -0.030083974823355675, 0.002223219722509384, 0.003962449263781309, 7.420888141496107e-05, -0.005647709127515554, -0.003208609065040946, 0.016755102202296257, 0.02094735950231552, 0.004624018445611, 0.01171325147151947, 0.027521265670657158, 0.007172799669206142, -0.012367856688797474, 0.03484727069735527, -0.0038997745141386986, -0.0027159142773598433, 0.0013710145140066743, 0.0022005869541317225, -0.0014014814514666796, -0.0072145829908549786, -0.004206185229122639, -0.022423703223466873, -0.0005292551359161735, -0.0009679797221906483, 0.022771896794438362, -0.007298149634152651, 0.001167320879176259, 0.0046449098736047745, -0.025056051090359688, 0.008607359603047371, 0.012131083756685257, -0.0008361011859960854, 0.0034732366912066936, 0.009679797105491161, 0.003248651511967182, -0.00608643377199769, -0.0024895882233977318, 0.021406976506114006, -0.025237111374735832, 0.01571051962673664, 0.03183887153863907, -0.017186863347887993, -0.00830791238695383, -0.019819211214780807, 0.013704922050237656, 0.006002867128700018, 0.0012918002903461456, 0.012646411545574665, -0.027284493669867516, -0.009693725034594536, 0.030752507969737053, 0.005581552162766457, 0.06417914479970932, -0.0015607803361490369, -0.004843380767852068, -0.010111558251082897, -0.011525226756930351, -0.023050453513860703, -0.08690925687551498, -0.009916569106280804, -0.006211783736944199, 0.05119846761226654, -0.0042688604444265366, 0.017479347065091133, -0.014916636981070042, 0.024763567373156548, -0.049471426755189896, 0.04470812901854515, 0.003645592834800482, -0.025975283235311508, 0.006281422451138496, 0.00955444760620594, 0.012534989044070244, -0.006452037487179041, 0.005511913448572159, -0.026741310954093933, -0.008885914459824562, 0.038106366991996765, -0.03089178539812565, -0.0067723761312663555, 0.013997404836118221, -0.020278828218579292, -0.010863657109439373, -0.007897043600678444, -0.025808149948716164, 0.028161942958831787, 0.0060933977365493774, -0.011149176396429539, 0.023273296654224396, -0.03153246268630028, 0.007750801742076874, -0.015891581773757935, -0.0020003754179924726, -0.016434764489531517, -0.007555813062936068, -0.012729978188872337, 0.009916569106280804, -0.02778589352965355, 0.003525465726852417, 0.015975147485733032, -0.0043802824802696705, 0.017799684777855873, -0.012221614830195904, -0.008858059532940388, -0.027256637811660767, 0.02559923380613327, 0.025404244661331177, -0.010592065751552582, -0.01910889521241188, -0.013342799618840218, -0.02653239481151104, 0.00381968985311687, 0.02866334281861782, -0.0074792103841900826, 0.01910889521241188, 0.013161739334464073, -0.009986207820475101, 0.002169249579310417, 0.003875400871038437, 0.012528025545179844, -0.01050153560936451, -0.006347579415887594, 0.00878842081874609, -0.012583736330270767, -0.01327316090464592, -0.040585510432720184, -0.0008535109227523208, -0.027869459241628647, -0.01945708878338337, 0.03208957239985466, -0.008628251031041145, 0.01793896220624447, -0.02286939136683941, -0.017688263207674026, 0.0009575338917784393, -0.026407044380903244, 0.014582371339201927, -0.015195192769169807, -0.025738511234521866, -0.02902546525001526, 0.0027855532243847847, -0.02100307121872902, 0.015933364629745483, 0.0030275480821728706, -0.013851162977516651, -0.01172021497040987, 0.016866523772478104, -0.027549121528863907, 0.022298352792859077, 0.012604628689587116, 0.002924830885604024, -0.018913906067609787, -0.012249470688402653, 0.01512555405497551, -0.008593431673943996, -0.0021588036324828863, -0.004756331909447908, 0.025766367092728615, -0.045153819024562836, -0.01693616434931755, -0.07030736654996872, 0.03899774327874184, 0.015264831483364105, -0.030056118965148926, -0.026365261524915695, 0.0022893764544278383, -0.0021448759362101555, -0.01877462863922119, 0.00800150167196989, 0.032869528979063034, -0.015626953914761543, 0.007729910314083099, -0.03802280128002167, -0.008433261886239052, -0.028524065390229225, 0.0010245612356811762, 0.01940137892961502, -0.020223116502165794, 0.03727070242166519, 0.003948521800339222, 0.008119887672364712, 0.02126769907772541, -0.007054413668811321, 0.035905782133340836, -0.012186795473098755, -0.009874786250293255, -0.020794155076146126, 0.007277257740497589, 0.0003188152622897178, -0.0013892946299165487, 0.017145080491900444, -0.021490542218089104, -0.0037291592452675104, 0.006298832129687071, -0.00523683987557888, -0.018036456778645515, 0.027354132384061813, 0.013154774904251099, 0.005358708091080189, 0.038106366991996765, -0.0068002319894731045, -0.02837085910141468, -0.013509932905435562, 0.01852392964065075, -0.0009218440391123295, 0.012952822260558605, 0.023579707369208336, 0.009456953033804893, 0.034095171838998795, -0.01406008005142212, 0.017033657059073448, 0.01667153649032116, -0.006984774488955736, -0.031588174402713776, 0.007722946349531412, 0.014094899408519268, 0.027925170958042145, 0.014275960624217987, 0.016546186059713364, 0.0021866592578589916, 0.025432100519537926, -0.0009401242132298648, 0.03615647926926613, -0.0005584163591265678, 0.0021222434006631374, 0.003903256496414542, 0.002367720240727067, -0.009039119817316532, -0.00362121919170022, -0.03420659154653549, -0.012284290045499802, -0.003635146887972951, 0.02434573508799076, 0.027925170958042145, -0.01293193083256483, -0.003198163351044059, 0.005821806378662586, -0.002031712792813778, -0.03362162783741951, 0.005682528484612703, 0.01451273262500763, -0.011023826897144318, 0.01853785663843155, 0.012068409472703934, 0.006866388488560915, -0.0016643680864945054, -0.011218815110623837, -0.0004822488990612328, -0.007085750810801983, 0.008105959743261337, 0.008530756458640099, 0.006605242844671011, 0.004140028264373541, -0.005449238233268261, 0.013823308050632477, 0.00281514972448349, -0.0013988700229674578, 0.01785539649426937, 0.02779982052743435, 0.009338567033410072, 0.009066975675523281, 0.0022980812937021255, -0.010048883035779, -0.012263397686183453, -0.01877462863922119, -0.0016460878541693091, -0.016197992488741875, 0.017952891066670418, 0.00493391091004014, -0.0007377363508567214, 0.01667153649032116, -0.00014874419139232486, -0.0006406772299669683, 0.007952754385769367, -0.015181264840066433, 0.015418036840856075, -0.022033726796507835, -0.025432100519537926, -0.04069693386554718, 0.027298420667648315, 0.030947495251893997, -0.005052296910434961, 0.018663207069039345, -0.005915818735957146, 0.04186686500906944, 0.02096128836274147, 0.03554365783929825, -0.030167540535330772, 0.035292960703372955, 0.008105959743261337, 0.012834436260163784, -0.006556496024131775, -0.0024617325980216265, -0.01948494464159012, -0.01095418818295002, 0.023830408230423927, -0.012827472761273384, 0.013280125334858894, 0.01725650206208229, 0.0803353562951088, 0.0523962564766407, -0.023036524653434753, 0.024721784517169, -0.014387382194399834, -0.0072215464897453785, 0.011037754826247692, 0.024916773661971092, -0.009025192819535732, -0.024457156658172607, 0.008391479030251503, -0.009846930392086506, 0.0006855072570033371, -0.02224264293909073, -0.011351129040122032, -0.02587778866291046, -0.0009862598963081837, 0.0400284007191658, 0.004052979871630669, -0.012792653404176235, 0.01668546348810196, -0.0028656378854066133, 0.008092031814157963, 0.009248036891222, -0.03055751882493496, -0.03323164954781532, 0.011650576256215572, 0.019331738352775574, 0.013558680191636086, -0.03270239382982254, -0.001266556209884584, 0.017131151631474495, -0.031588174402713776, -0.02802266553044319, -0.019011400640010834, -0.0012604627991095185, -0.004916501231491566, -0.026434900239109993, 0.02195015922188759, -0.00958926696330309, -0.031086774542927742, 0.01062688510864973, -0.0008435003110207617, -0.005964566022157669, 0.014074007980525494, -0.013809380121529102, -0.011922167614102364, -0.016490474343299866, -0.003379224333912134], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='7763720f-d977-4fb7-93c3-3708782234e9', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '12', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_type': 'application/pdf', 'file_size': 885090, 'creation_date': '2024-02-25', 'last_modified_date': '2024-02-07', 'last_accessed_date': None}, hash='cee516454f7722d44cb924a591caab9086e67d2f90ab0817a0f2908d5c624b0b')}, text='[21] Sehoon Kim, Coleman Hooper, Amir Gholami, Zhen Dong, Xiuyu Li, Sheng Shen, Michael W. Mahoney, and\\nKurt Keutzer. Squeezellm: Dense-and-sparse quantization, 2023.\\n[22] Sehoon Kim, Karttikeya Mangalam, Suhong Moon, Jitendra Malik, Michael W. Mahoney, Amir Gholami, and\\nKurt Keutzer. Speculative decoding with big little decoder, 2023.\\n[23] Takeshi Kojima, Shixiang Shane Gu, Machel Reid, Yutaka Matsuo, and Yusuke Iwasawa. Large language models\\nare zero-shot reasoners, 2023.\\n[24] Woosuk Kwon, Sehoon Kim, Michael W. Mahoney, Joseph Hassoun, Kurt Keutzer, and Amir Gholami. A fast\\npost-training pruning framework for transformers, 2022.\\n[25] Woosuk Kwon, Zhuohan Li, Siyuan Zhuang, Ying Sheng, Lianmin Zheng, Cody Hao Yu, Joseph E. Gonzalez,\\nHao Zhang, and Ion Stoica. Efficient memory management for large language model serving with pagedattention.\\nInProceedings of the ACM SIGOPS 29th Symposium on Operating Systems Principles , 2023.\\n[26] Langchain. https://github.com/langchain-ai/langchain.\\n[27] Brian Lester, Rami Al-Rfou, and Noah Constant. The power of scale for parameter-efficient prompt tuning, 2021.\\n[28] Yaniv Leviathan, Matan Kalman, and Yossi Matias. Fast inference from transformers via speculative decoding,\\n2023.\\n[29] Yaobo Liang, Chenfei Wu, Ting Song, Wenshan Wu, Yan Xia, Yu Liu, Yang Ou, Shuai Lu, Lei Ji, Shaoguang\\nMao, Yun Wang, Linjun Shou, Ming Gong, and Nan Duan. Taskmatrix.ai: Completing tasks by connecting\\nfoundation models with millions of apis, 2023.\\n[30] Ji Lin, Jiaming Tang, Haotian Tang, Shang Yang, Xingyu Dang, Chuang Gan, and Song Han. Awq: Activation-\\naware weight quantization for llm compression and acceleration, 2023.\\n[31] Jerry Liu. ', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='bcacb979-ca10-40b5-ab3c-785dc6ebe619', embedding=[-0.008461836725473404, 0.0005414361949078739, -0.0014886243734508753, -0.0018536277348175645, -0.00791389774531126, 0.013011808507144451, -0.03798116371035576, 0.021986903622746468, -0.03842506185173988, -0.020558102056384087, 0.0415601022541523, 0.028576038777828217, -0.009009775705635548, -0.0011522317072376609, 0.008607491850852966, 0.00236862082965672, 0.009973869659006596, 0.00414075143635273, 0.018130525946617126, -0.007955513894557953, 0.018033422529697418, -0.012678883038461208, -0.006287422031164169, -0.025135817006230354, -0.0033830008469522, 0.016230080276727676, 0.01614684984087944, -0.02527453564107418, 0.011187657713890076, 0.005295583978295326, 0.02732757106423378, 0.0022819216828793287, -0.010285986587405205, 0.009148494340479374, -0.0024691917933523655, -0.01767275482416153, 0.002457053866237402, -0.012415317818522453, 0.0280766524374485, -0.00878782570362091, 0.007421446964144707, 0.03734305873513222, 0.008538132533431053, -0.017853088676929474, -0.017228854820132256, 0.011367992497980595, -0.011430415324866772, -0.025440998375415802, -0.029796762391924858, 0.007546294014900923, 0.035789407789707184, 0.04205949231982231, -0.009849023073911667, -0.003140243235975504, -0.00687004067003727, 0.002573230769485235, 0.006280486471951008, 0.021140720695257187, -0.010951836593449116, -0.004133815411478281, 0.014468354173004627, -0.015522615052759647, -0.025288406759500504, 0.027785342186689377, -0.004334957338869572, -0.0070642465725541115, -0.03165559098124504, 0.0244283527135849, 0.014357378706336021, -0.007303536403924227, 0.010750694200396538, 0.001667224569246173, 0.02453932724893093, -0.014197852462530136, 0.01989225298166275, 0.006131363566964865, -0.017381444573402405, -0.01190205942839384, -0.030351636931300163, 0.0008531195926479995, 0.005964901298284531, 0.0020669077057391405, -0.012033841572701931, 0.035317763686180115, 0.02627331018447876, 0.007754371967166662, 0.013857991434633732, -0.007463062647730112, -0.011791083961725235, -0.001456545665860176, 0.012602588161826134, 0.008988968096673489, 0.022930189967155457, 0.03096199966967106, -0.02469191700220108, 0.008662979118525982, -0.014385122805833817, -0.0011574336094781756, -0.014926125295460224, -0.017866959795355797, 0.004719901829957962, -0.007137073669582605, -0.010098717175424099, -0.001962868729606271, -0.015383896417915821, 0.007615653332322836, 0.007823730818927288, 0.011992226354777813, 0.012706627137959003, 0.014093813486397266, -0.02290244773030281, 0.020488742738962173, 0.023360218852758408, -0.030157431960105896, -0.003207868430763483, -0.03129492327570915, 0.0019281890708953142, -0.01345570757985115, 0.0006034260732121766, -0.01556423120200634, 0.03687141463160515, 0.02890896424651146, 0.006218062713742256, -0.02638428471982479, 0.016077490523457527, 0.0017079731915146112, -0.02010033093392849, -0.023068908601999283, -0.023249244317412376, -0.008718466386198997, 0.011458159424364567, 0.00849651638418436, 0.008226015605032444, 0.028312474489212036, -0.01919865980744362, 0.039118655025959015, -0.022403059527277946, -0.008080360479652882, -0.01893509365618229, -0.023041166365146637, 0.0027813087217509747, 0.032904062420129776, -0.011721724644303322, 0.02068294957280159, 0.0018553617410361767, 0.01763113960623741, 0.009363507851958275, -0.0019836765713989735, 0.010424705222249031, -0.0011166849872097373, -0.002965110819786787, -0.010854733176529408, 0.0032269423827528954, 0.034679658710956573, 0.023609912022948265, 0.004078328143805265, 0.015231306664645672, 0.02136266976594925, -0.03246016055345535, -0.006218062713742256, -0.00939125195145607, -0.003199198516085744, -0.0007681544520892203, 0.019392864778637886, 0.00536841107532382, 0.02612071856856346, 0.02510807290673256, 0.008239886723458767, 0.005635444540530443, -0.010133396834135056, -0.02754952199757099, 0.02237531542778015, -0.012089328840374947, -0.0020669077057391405, -0.004758049268275499, 0.021612362936139107, 0.03043486922979355, -0.00786534696817398, -0.017950192093849182, -0.01957320049405098, 0.0210574883967638, -0.008330054581165314, -0.004903703927993774, 0.01200609840452671, -0.02380411885678768, -0.021182335913181305, 0.012963256798684597, -0.014704175293445587, 0.013622170314192772, -0.004983467049896717, 0.018851863220334053, 0.02606523223221302, 0.012200304307043552, -0.010875540785491467, -0.6383276581764221, -0.03470740467309952, 0.012609523721039295, -0.021709466353058815, -0.0008167059859260917, 0.014620943926274776, 0.010306795127689838, -0.009696432389318943, -0.01385105587542057, 0.025815539062023163, -0.010473256930708885, 0.002685939660295844, -0.0029928546864539385, -0.015134203247725964, -0.01699303276836872, -0.0307123064994812, 0.007469998672604561, -0.011534454300999641, 0.011173786595463753, 0.002744894940406084, -0.009869830682873726, 0.008579747751355171, -0.010008549317717552, 0.0011054141214117408, -0.005989177152514458, 0.00836473423987627, 0.03234918788075447, -0.005902478005737066, -0.010591167956590652, -0.002966844942420721, -0.026245566084980965, 0.018324732780456543, 0.005912881810218096, 0.007587909232825041, 0.039756760001182556, -0.01324069406837225, -0.02512194588780403, 0.024095427244901657, 0.00425866199657321, 0.01889347843825817, -0.033791858702898026, 0.010625847615301609, 0.0031124993693083525, -0.0026460580993443727, -0.01972579024732113, 0.02521904744207859, 0.03992322459816933, 0.0017036382341757417, -0.025787794962525368, -0.04441770911216736, 0.00849651638418436, 0.022486291825771332, -0.001486023422330618, -0.00857281219214201, 0.004054052289575338, 0.014704175293445587, 0.03412478417158127, -0.00303273624740541, 0.0008063020650297403, -0.02453932724893093, -0.0006086280336603522, -0.00040423477184958756, -0.014898381195962429, -0.005794971249997616, -0.03293180465698242, 0.020627461373806, 0.010799245908856392, 0.015897154808044434, 0.005149929318577051, 0.010119524784386158, 0.0021640106569975615, 0.024178657680749893, -0.0019351249793544412, -0.016909802332520485, 0.007983257062733173, 0.01414236519485712, 0.013386348262429237, -0.004276001825928688, 0.001980208558961749, 0.030851025134325027, 0.009724176488816738, -0.012477741576731205, 0.00907913502305746, -0.004192770924419165, 0.028631526976823807, -0.001425334019586444, 3.28914902638644e-05, -0.01142347976565361, -0.010313730686903, 0.02025292068719864, 0.014045261777937412, 0.010979579761624336, -0.028187626972794533, -0.024886123836040497, 0.014759662561118603, -0.015397768467664719, -0.006332505960017443, -0.004903703927993774, 0.021432029083371162, -0.0330427810549736, -0.008052616380155087, -0.015078715980052948, 0.03257113695144653, 0.016923673450946808, 0.018283115699887276, 0.04269759729504585, -0.0057741631753742695, -0.010480193421244621, 0.006006516981869936, -0.03154461830854416, -0.02073843590915203, -0.006707046180963516, -0.00486555602401495, -0.006880444474518299, 0.006093216128647327, -0.029186401516199112, 0.01387186348438263, 0.000977966352365911, 0.0009068730869330466, -0.0016793624963611364, 0.019961612299084663, -0.014010582119226456, 0.015744565054774284, -0.026287181302905083, 0.009959998540580273, -0.0016412148252129555, -0.009086070582270622, 0.003797422628849745, -0.011777211911976337, 0.01598038710653782, -0.009904510341584682, -0.029630301520228386, 0.015605846419930458, -0.002897485624998808, 0.015550359152257442, -0.010591167956590652, 0.0168265700340271, -0.013379412703216076, 0.00485515221953392, 0.006637686863541603, -0.03972901776432991, -0.0022801875602453947, 0.00637065339833498, -0.02390122041106224, -0.026190077885985374, -0.02907542698085308, 0.00374540314078331, 0.009086070582270622, 0.0019732725340873003, -0.026287181302905083, -0.0210574883967638, 0.011763340793550014, -0.012755178846418858, 0.03406929597258568, -0.011534454300999641, -0.004286406096071005, 0.014939997345209122, -0.01181882806122303, -0.007941641844809055, -0.012574844062328339, 0.014100749045610428, 0.016632365062832832, 0.0005115249659866095, -0.005330263637006283, 0.021279439330101013, 0.0037349993363022804, 0.006953271571546793, 0.03972901776432991, -0.028159882873296738, -0.030462613329291344, 0.011596878059208393, -0.02183431386947632, -0.008080360479652882, 0.004470208194106817, -0.008877992630004883, 0.003814762458205223, 0.006561391521245241, 0.005840054713189602, -0.0012189900735393167, -0.013601362705230713, -0.0006103619816713035, 0.02162623591721058, 9.737398067954928e-05, -0.0007083320524543524, 0.01746467687189579, 0.02395670861005783, 0.02791018970310688, 0.013629105873405933, -0.00728272832930088, 0.009620137512683868, 0.0026044424157589674, 0.03895219415426254, -0.025565844029188156, 0.009724176488816738, -0.010820053517818451, 0.0013490387937054038, -0.017686625942587852, -0.026203950867056847, 0.016812698915600777, 0.02053035795688629, -0.0027119494043290615, 0.018921222537755966, 0.0003790920309256762, -0.010674399323761463, -0.0009112080442719162, -0.030740050598978996, 0.003960417117923498, -0.012401445768773556, 0.005666656419634819, 0.01345570757985115, 0.011908994987607002, -0.0220978781580925, -0.0200448427349329, -0.01405913382768631, 0.01121540181338787, 0.03637202829122543, -0.014170108363032341, -0.002989386674016714, -0.012977128848433495, 0.008343925699591637, 0.004993870854377747, 0.005933689884841442, 0.027951804921030998, -0.004591586999595165, -0.02779921516776085, 0.00656832754611969, -0.015203562565147877, 0.029297376051545143, 0.0011461627436801791, -0.0017487218137830496, -0.017534036189317703, 0.008565875701606274, 0.014440610073506832, 0.012165624648332596, 0.023609912022948265, -0.00991838239133358, 0.03462417051196098, 0.002084247535094619, 0.028770245611667633, 0.018296988680958748, 0.005905945785343647, 0.009176237508654594, 0.01181882806122303, -0.011485903523862362, 0.006082812324166298, -0.012762114405632019, 0.016105232760310173, 0.017450803890824318, -0.01567520573735237, 0.008961223997175694, -0.03603910282254219, 0.018976708874106407, -0.014593200758099556, -0.006890848278999329, 0.008794761262834072, -0.022403059527277946, -0.0015796584775671363, -0.013101975433528423, -0.0006251008599065244, 0.012616460211575031, -0.00015183188952505589, 0.009349635802209377, 0.00747693469747901, 0.0021102572791278362, 0.018505066633224487, -0.029297376051545143, -0.03293180465698242, -0.01213094498962164, -0.0005934556829743087, -0.022833088412880898, -0.01184657122939825, -0.028576038777828217, 0.009467546828091145, -0.013525066897273064, 0.020017098635435104, 0.004452868364751339, 0.005073633976280689, 0.005115249659866095, 0.015203562565147877, 0.02606523223221302, -0.019406737759709358, -0.03534550964832306, 0.009113814681768417, 0.0014279349707067013, -0.015106459148228168, -0.032321441918611526, -0.013337796553969383, 0.009127686731517315, -0.015300665982067585, 7.0104388214531355e-06, -0.018532810732722282, 0.024303505197167397, -0.003707255469635129, 0.010986516252160072, -0.018435707315802574, 0.005690932273864746, 0.030878769233822823, -0.015494871884584427, -0.041254922747612, -0.010584232397377491, -0.0020374299492686987, 0.012470805086195469, 0.004626266658306122, -0.017908576875925064, 0.03895219415426254, -0.0046297344379127026, -0.031267181038856506, -0.0034072764683514833, -0.004029776435345411, -0.017742114141583443, 0.016590749844908714, -0.006273550447076559, -0.004071392118930817, -0.0013741814764216542, 0.003634428372606635, 0.016951417550444603, -0.0008032675832509995, -0.008343925699591637, 0.02938060648739338, -0.00028979190392419696, 0.0035147834569215775, -0.004494484048336744, -0.00535453949123621, 0.004543035291135311, 0.048246342688798904, 0.02211175113916397, -0.00791389774531126, -0.0026738017331808805, -0.01699303276836872, -0.01173559669405222, -0.008316182531416416, -0.002002750290557742, 0.012859217822551727, 0.004109539557248354, -0.026314925402402878, 0.009966934099793434, 0.009592393413186073, -0.01363604236394167, 0.038480550050735474, 0.008434093557298183, 0.005219288635998964, -0.01983676478266716, -0.01518969051539898, -0.004279470071196556, 0.0024033004883676767, -0.006023856811225414, 0.014607072807848454, 0.01846345141530037, 0.003048341954126954, -0.014003646560013294, 0.030240662395954132, 0.019878380000591278, 0.00828150287270546, -0.035955872386693954, 0.005937157664448023, 0.00971030443906784, 0.011576070450246334, 0.01814439706504345, -0.03201626241207123, 0.0006251008599065244, 0.016757210716605186, 0.0037800827994942665, 0.02584328129887581, 0.013254566118121147, 0.014204788021743298, 0.025732306763529778, 0.00587126612663269, -0.018824119120836258, 0.0082606952637434, -0.014003646560013294, 0.005846990738064051, 0.018699271604418755, -0.003018864430487156, -0.024497712031006813, 0.012817601673305035, -0.010556488297879696, -0.03259887918829918, -0.008316182531416416, -0.005479386076331139, 0.03243241831660271, -0.014073005877435207, -0.03406929597258568, -0.0038459741044789553, -0.032793086022138596, 0.023887349292635918, -0.03176656737923622, 0.006329037714749575, -0.018172141164541245, 0.004227450583130121, -0.012942449189722538, -0.009384315460920334, 0.002994588576257229, -0.027466289699077606, -0.0010906752431765199, 0.013282309286296368, -0.011465094983577728, -0.027577264234423637, -0.005444706417620182, -0.005479386076331139, -8.133464143611491e-05, 0.023304730653762817, 0.004303745925426483, 0.008767018094658852, 0.032737597823143005, 0.005548745393753052, -0.024442223832011223, -0.006318633910268545, -0.02200077660381794, 0.02231982909142971, -0.012019969522953033, -0.00983515102416277, -0.00949529092758894, -0.0153561532497406, -0.011007323861122131, -0.00021067893248982728, -0.01592489890754223, -0.006429608911275864, -0.0056701241992414, 0.015328409150242805, -0.016105232760310173, 0.004907171707600355, 0.013684593141078949, -0.018116654828190804, -0.00941899511963129, 0.0017105741426348686, -0.028659271076321602, -0.018296988680958748, -0.021695595234632492, -0.015508743934333324, 0.011603813618421555, 0.017325958237051964, 0.02136266976594925, -0.01804729551076889, -0.01998935639858246, 0.003939609043300152, -0.01983676478266716, 0.02670333720743656, -0.010147267952561378, 0.022403059527277946, 0.002897485624998808, 0.013934287242591381, 0.003662172006443143, -0.009460611268877983, -0.026314925402402878, -0.004029776435345411, -0.007553229574114084, 0.009654817171394825, 0.009335764683783054, -0.0073312800377607346, 0.01947609707713127, -0.007456126622855663, 0.01720111072063446, -0.024594813585281372, 0.023651527240872383, -0.027285955846309662, 0.009155429899692535, 0.014412865974009037, -0.02089102752506733, -0.0179918073117733, -0.010514873079955578, -0.018283115699887276, -0.0049730632454156876, -0.013379412703216076, -0.02542712539434433, 0.01324069406837225, 0.014232532121241093, -0.010646655224263668, 2.6863188395509496e-05, 0.00920398160815239, -0.027618881314992905, -0.011354120448231697, 0.002186552621424198, 0.019906124100089073, 0.028409576043486595, -0.024026067927479744, 0.021640107035636902, -0.02263888157904148, -0.018130525946617126, -0.014031389728188515, -0.021196207031607628, -0.010549552738666534, -0.0021796165965497494, 0.020669076591730118, 0.028742501512169838, 0.0427253395318985, -0.016216209158301353, 0.03989547863602638, 0.023401834070682526, -0.0006719183875247836, -0.00931495614349842, -0.009849023073911667, 0.006304761860519648, -0.014149300754070282, -0.00025359500432386994, -0.0036274923477321863, -0.005940625444054604, 0.01274130679666996, -0.01625782437622547, 0.011257017031311989, 0.016396543011069298, -0.009009775705635548, 0.01693754643201828, -0.009134622290730476, -0.04375185817480087, -0.026980774477124214, -0.004067923873662949, 0.01092409249395132, 0.009516098536550999, -0.018602170050144196, -0.01772824116051197, 0.024872250854969025, 0.014620943926274776, -0.0058955419808626175, 0.004633202683180571, 0.010320666246116161, -0.024816764518618584, 0.020821668207645416, 0.023082781583070755, 0.010057101026177406, -0.03171107918024063, -0.005087506026029587, -0.03445770964026451, -0.004449400119483471, 0.00931495614349842, 0.002592304488644004, 0.025981999933719635, 0.02047487162053585, 0.004477144218981266, 0.01846345141530037, -0.004255194216966629, 0.014967740513384342, -0.0070850541815161705, -0.002327005146071315, -0.028465064242482185, 0.00778211560100317, -0.04114394634962082, -0.01387186348438263, -0.023859605193138123, -0.002510807244107127, -0.00394307728856802, -0.01735370233654976, 0.034790635108947754, -0.01836634799838066, -0.015855539590120316, 0.027369186282157898, 0.01427414733916521, 0.028243115171790123, 0.004709497559815645, 0.03470740467309952, 0.03942383825778961, 0.014426738023757935, -0.006422672886401415, -0.010494064539670944, 0.013809440657496452, -0.0027587669901549816, 0.016590749844908714, 0.024650301784276962, -0.025232920423150063, 0.0037107234820723534, 0.02269436977803707, 0.02426188997924328, -0.04119943454861641, -0.04857926815748215, -0.004223982337862253, 0.014939997345209122, 0.01305342372506857, -0.025704562664031982, -0.021112976595759392, -0.00941899511963129, -0.0031055635772645473, -0.02226434089243412, 0.021251695230603218, -0.027341444045305252, -0.009231725707650185, 0.0018414899241179228, 0.001297019305638969, 0.009744984097778797, -0.013719272799789906, 0.016063617542386055, 0.0004686088941525668, 0.034374479204416275, -0.01836634799838066, 0.007789051625877619, 0.004796196706593037, -0.008274566382169724, 0.03551197052001953, -0.005545277614146471, 0.01559197437018156, -0.0032633559312671423, 0.005364943295717239, -0.004390445072203875, -0.011915930546820164, 0.01374008134007454, 0.03612233325839043, -0.05143687129020691, -0.011229273863136768, 0.0014513437636196613, -0.015203562565147877, 0.010937964543700218, -0.013157462701201439, 0.0001485806715209037, 0.011139106936752796, -0.014662560075521469, 0.010757630690932274, 0.02533002384006977, 0.007629524916410446, 0.005080570001155138, -0.008933479897677898, -0.013712337240576744, -0.04552745819091797, -0.012678883038461208, 0.016327183693647385, -0.005638912785798311, -0.05335118621587753, 0.005222756881266832, 0.023290859535336494, -0.0072064329870045185, 0.011159914545714855, -0.0008544201264157891, -0.006908188108354807, -0.006811085157096386, 0.021973032504320145, -0.019281890243291855, 0.021723339334130287, 0.01825537346303463, 0.0037419351283460855, -0.021764954552054405, 0.008253758773207664, -0.0069879512302577496, -0.021986903622746468, 0.00534413568675518, 0.000769454927649349, -0.0048516844399273396, -0.0036205563228577375, 0.02469191700220108, 0.008635235019028187, 0.011194594204425812, 0.010542616248130798, 0.022347573190927505, -0.0017530567711219192, 0.00414075143635273, -0.0001637530222069472, -0.01556423120200634, 0.021182335913181305, -0.00989063922315836, 0.006211127154529095, 0.012644203379750252, -0.0232631154358387, 0.047885674983263016, -0.009987741708755493, -0.019545456394553185, -0.005503661930561066, -0.03265436738729477, -0.018643785268068314, 0.011416544206440449, 0.008108104579150677, 0.011042003519833088, -0.011583006009459496, -0.03781469911336899, 0.0026824716478586197, 0.0017539237160235643, 0.010937964543700218, -0.012782922014594078, 0.0012952852994203568, 0.017547907307744026, 0.025551972910761833, 0.02643977291882038, -0.010265178978443146, 0.0024830636102706194, -0.02913091331720352, 0.0007326077902689576, -0.02854829467833042, -0.04200400412082672, -0.0007100660004653037, -0.01703464798629284, 0.033902835100889206, -0.00415462302044034, -0.03298729285597801, -0.01646590232849121, -0.017686625942587852, -0.011326376348733902, -0.01714562438428402, -0.004976531025022268, 0.008142784237861633, 0.011354120448231697, 0.02258339338004589, -0.0014288019156083465, 0.01746467687189579, -0.0011045471765100956, 0.0004092199669685215, -0.016868187114596367, 0.00040726925362832844, 0.026148462668061256, -0.01202690601348877, 0.005000806879252195, 0.023831861093640327, -0.007178689353168011, -0.01625782437622547, 0.01846345141530037, 0.010820053517818451, -0.007837602868676186, 0.018546681851148605, -0.012547100894153118, -0.031045230105519295, 0.005247032269835472, -0.020599717274308205, -0.018269244581460953, -0.007546294014900923, 0.002857603831216693, -0.034846123307943344, 0.01274130679666996, 0.02168172225356102, -0.021334925666451454, -0.004799664951860905, -0.013989774510264397, 0.002798648551106453, -0.004376573022454977, -0.0006463421741500497, 0.008746210485696793, -0.011596878059208393, 0.01582779549062252, 8.030508615775034e-05, 0.04569391906261444, -0.013074231334030628, 0.012921640649437904, 0.03656623139977455, 0.010889412835240364, -0.0076780766248703, -0.004934915341436863, 0.0017634606920182705, -0.0012528026709333062, -0.005614636931568384, 0.023041166365146637, 0.009765791706740856, 0.02458094246685505, -0.015231306664645672, -0.01052180863916874, -0.015855539590120316, -0.01983676478266716, -0.018338603898882866, -0.00032360455952584743, -0.033264730125665665, 0.022569522261619568, 0.0200448427349329, -0.035012584179639816, -0.01292857713997364, -0.0008856317726895213, -0.009342700242996216, 0.0017079731915146112, -0.009738048538565636, -0.02548261359333992, -0.007039970718324184, -0.024775149300694466, 0.010965708643198013, -0.0008964691660366952, 0.0051915450021624565, -0.00425866199657321, 0.00596143351867795, 0.00424825819209218, 0.007539357990026474, 0.22505711019039154, -0.010313730686903, 0.0025836345739662647, 0.0220978781580925, 0.006103619933128357, -0.01081311795860529, 0.053795088082551956, 0.009911446832120419, -0.002495201537385583, 0.011770276352763176, 0.00679027708247304, 0.0026599299162626266, -0.028881220147013664, 0.0013100241776555777, 0.0025246792938560247, -0.01582779549062252, -0.028881220147013664, -0.02822924219071865, -0.015092588029801846, 0.007844538427889347, 0.013261501677334309, 0.02158462069928646, 0.00807342492043972, -0.025399383157491684, 0.01804729551076889, -0.010958772152662277, -0.006169511470943689, 0.010064037516713142, -0.01244999747723341, 0.02162623591721058, -0.023679271340370178, 0.02828473038971424, 0.012415317818522453, 0.010445513762533665, -0.00807342492043972, -0.012401445768773556, 0.011347184889018536, 0.0036032164935022593, 0.016812698915600777, 0.01998935639858246, -0.0077682435512542725, -0.010098717175424099, 0.010764566250145435, -0.020239049568772316, 0.0029963224660605192, 0.021917544305324554, -0.009675624780356884, -0.010285986587405205, -0.012248856015503407, 0.010979579761624336, -0.03673269599676132, 0.022194981575012207, 0.03171107918024063, 0.031267181038856506, 0.007643396966159344, 0.0007872282876633108, -0.006342909764498472, 0.021459773182868958, 0.0013013542629778385, -0.011263953521847725, -0.027521777898073196, -0.0010646654991433024, 0.0071856253780424595, 0.005791503004729748, -0.0004642739368136972, 0.002084247535094619, -0.0034905076026916504, 0.002457053866237402, 0.017686625942587852, -0.017908576875925064, 0.0023391430731862783, -0.010383090004324913, -0.003634428372606635, 0.0021432030480355024, -0.03112846240401268, -0.040283892303705215, 0.041282664984464645, 0.013684593141078949, -0.01704852096736431, 0.04436222091317177, 0.016049746423959732, -0.006786809302866459, 0.01070907898247242, -0.018921222537755966, 0.0008730604313313961, -0.0258987694978714, 0.01656300574541092, 0.006162575446069241, -0.008357797749340534, -0.02548261359333992, -0.004709497559815645, -0.012519356794655323, -0.0015588506357744336, -0.005420430563390255, 0.008066488429903984, -0.00605506869032979, 0.03060133196413517, 0.0004491015861276537, -0.0057984390296041965, -0.0006155639421194792, -0.011076683178544044, 0.050410352647304535, 0.011437351815402508, 0.006037728860974312, 0.0027414271607995033, 0.004716433584690094, -0.02849280834197998, -0.010112588293850422, 0.012359830550849438, -0.017214983701705933, 0.006387993227690458, -0.014468354173004627, 0.017922447994351387, 0.0004937516641803086, -0.0076780766248703, 0.007983257062733173, -0.012033841572701931, -0.004844748415052891, 0.02126556634902954, -0.0070850541815161705, -0.011312505230307579, -0.019614815711975098, -0.005711739882826805, 0.008683786727488041, -0.005846990738064051, -0.030823281034827232, -0.03656623139977455, -0.013525066897273064, -0.012685819528996944, -0.002926963148638606, 0.01050100103020668, -0.009932254441082478, 0.02717498131096363, -0.0029599089175462723, 0.014343506656587124, 0.00415462302044034, 0.003908397629857063, 0.0006485096528194845, -0.025302279740571976, -0.015342281199991703, -0.02184818498790264, -0.0017790665151551366, -0.0018605637596920133, -0.007567101623862982, 0.01414236519485712, -6.426574691431597e-05, 0.005971837323158979, 0.011707852594554424, -0.018713144585490227, -0.006890848278999329, -0.012040778063237667, -0.004588118754327297, 0.002184818498790264, 0.005319859832525253, 0.040172915905714035, 0.00779598718509078, -0.01345570757985115, 0.003960417117923498, -0.003223474370315671, 0.020086457952857018, -0.03673269599676132, 0.0053892191499471664, -0.0005895541980862617, -0.008080360479652882, -0.011333312839269638, 0.006748661864548922, -0.17933546006679535, -0.01989225298166275, 0.032210465520620346, -0.04857926815748215, 0.018005678430199623, 0.019489968195557594, 0.030740050598978996, -0.016022002324461937, -0.012567908503115177, 0.0029460371006280184, 0.013649913482367992, -0.0007854942814446986, -0.02053035795688629, -0.005923285614699125, 0.007157881744205952, 0.019587071612477303, 0.006710513960570097, 0.012866153381764889, 0.015633590519428253, 0.008461836725473404, 0.00435229716822505, -0.023942837491631508, -0.004196238704025745, 0.0009302818798460066, 0.006231934763491154, 0.023596040904521942, 0.012665011920034885, -0.0011730394326150417, -0.02433124929666519, -0.03434673324227333, -0.024289634078741074, -0.008011001162230968, 0.028354089707136154, -0.010383090004324913, -0.005104845855385065, 0.023096652701497078, 0.008662979118525982, -0.0042447904124855995, -0.03836957365274429, 0.04710884764790535, 0.006887380499392748, 0.03107297420501709, 0.008399413898587227, -0.00298765255138278, -0.03734305873513222, 0.015120331197977066, 0.020225176587700844, -0.018477322533726692, -0.0020218242425471544, -0.03223821148276329, -0.012505484744906425, -0.021973032504320145, 0.02294406294822693, -0.01324069406837225, 0.028631526976823807, 0.023304730653762817, 0.006315166130661964, 0.006374121177941561, 0.003700319677591324, 0.0015441118739545345, -0.014607072807848454, -0.002106789266690612, 0.004834344610571861, -0.019018325954675674, -0.01213094498962164, -0.0008448832086287439, -0.003676043823361397, 0.019184786826372147, -0.035789407789707184, 0.013975902460515499, 0.005638912785798311, 0.00968256127089262, 0.0029217612463980913, -0.005101378075778484, 0.014218660071492195, 0.022805344313383102, 0.020849410444498062, 0.014100749045610428, 0.03739854320883751, 0.007053842768073082, -0.01506484393030405, 0.017908576875925064, -0.004477144218981266, 0.0012423987500369549, 0.0068422965705394745, -0.009446739219129086, 0.010861669667065144, -0.001676761545240879, -0.008489580824971199, -0.023013422265648842, 0.011721724644303322, -0.012463869526982307, 0.0185744259506464, -0.014412865974009037, -0.00786534696817398, 0.003918801434338093, -0.009529970586299896, -0.018061166629195213, 0.010639719665050507, -0.010376154445111752, -0.0035685368347913027, -0.008288438431918621, 0.0036205563228577375, -0.013941222801804543, 0.0008561540744267404, 0.0036656400188803673, -0.031045230105519295, 0.006859636399894953, 0.03809213638305664, -0.024234145879745483, -0.007289664354175329, -0.016396543011069298, 0.017769858241081238, 0.008406349457800388, -0.019795149564743042, 0.02337408997118473, -0.024622557684779167, -0.01190205942839384, 0.02284695953130722, 0.0035685368347913027, 0.04960578307509422, -0.009217853657901287, 0.008649107068777084, 0.021182335913181305, -0.0022715176455676556, -0.02653687447309494, -0.08961223810911179, -0.029519325122237206, 0.008510388433933258, 0.03803665190935135, -0.005562617443501949, 0.022403059527277946, -0.011139106936752796, 0.02136266976594925, -0.023984452709555626, 0.03459642827510834, 0.012907769531011581, -0.018227629363536835, -0.00030734846950508654, 0.014634815976023674, 0.017492420971393585, -0.022971807047724724, 0.009190109558403492, -0.029935481026768684, -0.008961223997175694, 0.024150915443897247, 6.226082768989727e-05, -0.011492839083075523, 0.008760081604123116, -0.02410929836332798, -0.011333312839269638, -0.014440610073506832, -0.03645525872707367, 0.02775759994983673, 0.006915124133229256, 0.0017175101675093174, -0.003950013313442469, -0.023276986554265022, 0.0038494421169161797, -0.027868574485182762, -0.0037419351283460855, -0.008302310481667519, -0.014073005877435207, -0.011451223865151405, 0.016576876863837242, -0.033847346901893616, -0.0008136715041473508, 0.004820472560822964, 0.003077819710597396, 0.0008414152543991804, -0.024123171344399452, -0.02152913250029087, 0.001334299915470183, 0.011076683178544044, 0.004192770924419165, -0.020141946151852608, -0.035317763686180115, -0.03262662515044212, -0.02395670861005783, -0.009058327414095402, 0.0253161508589983, 0.0005102244904264808, -0.0027119494043290615, 0.006609943229705095, -0.009051390923559666, -0.006082812324166298, -0.021931417286396027, -0.0023009954020380974, -0.016424287110567093, -0.007435319013893604, 0.01910155639052391, 0.018851863220334053, -0.011458159424364567, -0.026994647458195686, 0.028298601508140564, -0.013448772020637989, 0.0071093300357460976, 0.024234145879745483, 0.005281711928546429, 0.016951417550444603, -0.0280766524374485, -0.004269066266715527, 0.008801697753369808, -0.018505066633224487, 0.017020776867866516, -0.006620347034186125, -0.01110442727804184, -0.030740050598978996, -0.01603587344288826, -0.006894316058605909, 0.019809020683169365, 0.0023998324759304523, -0.022805344313383102, 0.0002962943399325013, 0.004019372630864382, -0.010639719665050507, 0.003981224726885557, 0.026467515155673027, 0.002737959148362279, -0.007504678331315517, 0.013330860994756222, 0.030240662395954132, -0.017104007303714752, -0.008045680820941925, 0.0030622140038758516, 0.022860830649733543, -0.035955872386693954, -0.007740499917417765, -0.07834828644990921, 0.027785342186689377, 0.007532421965152025, -0.019850637763738632, -0.025399383157491684, -0.016327183693647385, 0.019406737759709358, -0.01925414614379406, 0.018213756382465363, 0.0270640067756176, -0.014371250756084919, 0.01752016320824623, -0.0424201600253582, -0.0074491905979812145, -0.010771501809358597, -0.010299858637154102, 0.03603910282254219, -0.02147364430129528, 0.03734305873513222, 0.005905945785343647, 0.013212949968874454, 0.01868540048599243, 0.005364943295717239, 0.013365540653467178, -0.007587909232825041, 0.00364136416465044, -0.026564618572592735, -0.014939997345209122, 0.0031801247969269753, -0.010188884101808071, 0.005330263637006283, -0.031267181038856506, -0.01342796441167593, 0.017187239602208138, -0.014912253245711327, -0.022514034062623978, 0.016895929351449013, 0.026342669501900673, 0.0074283829890191555, 0.04366862773895264, 0.005018146708607674, -0.035123560577631, 0.00026378215989097953, -0.012401445768773556, -0.002479595597833395, -0.006315166130661964, -0.003209602553397417, 0.00318532669916749, 0.022458547726273537, -0.005181141197681427, 0.037481777369976044, 0.008642171509563923, -0.01942060887813568, -0.03054584376513958, -0.005163801368325949, 0.011985289864242077, 0.027424674481153488, -0.0013906543608754873, 0.008739273995161057, 0.027396930381655693, 0.027036262676119804, 0.010466321371495724, 0.01427414733916521, -0.007546294014900923, 0.0029391010757535696, -0.017589522525668144, -0.026467515155673027, -0.008947351947426796, -0.02600974403321743, -0.014218660071492195, -0.015467127785086632, 0.010937964543700218, 0.008593619801104069, 0.03440222144126892, -0.011374928057193756, -0.00726885674521327, -0.004282937850803137, 0.008649107068777084, -0.03520679101347923, 0.030240662395954132, 0.017811473459005356, -0.03750951960682869, 0.004556907340884209, -0.0026061763055622578, 0.019434481859207153, 0.004556907340884209, -0.023831861093640327, -0.0035373251885175705, -0.015758436173200607, 4.7576158976880834e-05, 0.00544817466288805, -0.005767227150499821, 0.002176148584112525, -0.003707255469635129, 0.0113402483984828, -0.00011465962597867474, 0.0001288566127186641, 0.011728661134839058, 0.010424705222249031, 0.01851893775165081, 0.013129718601703644, -0.004168495070189238, -0.009016711264848709, -0.019184786826372147, -0.02058584615588188, 0.019448352977633476, -0.036011356860399246, 0.011388800106942654, 0.023304730653762817, 0.012151752598583698, 0.025302279740571976, 0.0005600764998234808, -0.0033725968096405268, 0.004983467049896717, -0.008121976628899574, 0.021445902064442635, -0.02537163905799389, -0.03184979781508446, -0.030878769233822823, 0.04805213585495949, 0.021806569769978523, 0.008864120580255985, 0.025454869493842125, -0.015702949836850166, 0.01899058185517788, 0.017658881843090057, 0.04577714949846268, -0.02584328129887581, 0.020433254539966583, -0.008656042627990246, -0.005160333123058081, -0.012179496698081493, -0.016424287110567093, -0.004369636997580528, -0.012470805086195469, 0.0009640945354476571, -0.006880444474518299, 0.0074075753800570965, -0.002186552621424198, 0.08112265914678574, 0.03393057733774185, -0.023235371336340904, 0.028825731948018074, -0.011798020452260971, 0.0014062601840123534, 0.013504259288311005, 0.01387186348438263, -0.008579747751355171, -0.03090651147067547, -0.012387574650347233, -0.0046852221712470055, 0.01598038710653782, -0.028687013313174248, -0.010646655224263668, -0.002670333720743656, -0.0077474359422922134, 0.038008905947208405, -0.00878782570362091, -0.023096652701497078, 0.041504617780447006, -0.007608717307448387, 0.0032026665285229683, 0.014398994855582714, -0.02907542698085308, 0.002814254257827997, 0.004033244214951992, 0.004421656485646963, 0.0005509731126949191, -0.03850829228758812, 0.011867379769682884, 0.03251564875245094, -0.026037488132715225, -0.0210574883967638, -0.003755807178094983, -0.003596280701458454, 0.004702562000602484, -0.03345893695950508, 0.018532810732722282, 0.00017849187133833766, -0.022403059527277946, -0.0006450416403822601, -0.014759662561118603, -0.0247335322201252, -0.015467127785086632, -0.007296600379049778, -0.017131751403212547, -0.007137073669582605, -0.006460820324718952], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='7763720f-d977-4fb7-93c3-3708782234e9', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '12', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_type': 'application/pdf', 'file_size': 885090, 'creation_date': '2024-02-25', 'last_modified_date': '2024-02-07', 'last_accessed_date': None}, hash='cee516454f7722d44cb924a591caab9086e67d2f90ab0817a0f2908d5c624b0b')}, text='LlamaIndex, 11 2022.\\n[32] Kaixin Ma, Hongming Zhang, Hongwei Wang, Xiaoman Pan, and Dong Yu. Laser: Llm agent with state-space\\nexploration for web navigation, 2023.\\n[33] Aman Madaan, Niket Tandon, Prakhar Gupta, Skyler Hallinan, Luyu Gao, Sarah Wiegreffe, Uri Alon, Nouha\\nDziri, Shrimai Prabhumoye, Yiming Yang, Shashank Gupta, Bodhisattwa Prasad Majumder, Katherine Hermann,\\nSean Welleck, Amir Yazdanbakhsh, and Peter Clark. Self-refine: Iterative refinement with self-feedback, 2023.\\n[34] Xuefei Ning, Zinan Lin, Zixuan Zhou, Zifu Wang, Huazhong Yang, and Yu Wang. Skeleton-of-thought: Large\\nlanguage models can do parallel decoding, 2023.\\n[35] OpenAI. Gpt-4 technical report, 2023.\\n[36] OpenAI. New models and developer products announced at devday, 2023.\\n[37] Charles Packer, Vivian Fang, Shishir G. Patil, Kevin Lin, Sarah Wooders, and Joseph E. Gonzalez. Memgpt:\\nTowards llms as operating systems, 2023.\\n[38] Pruthvi Patel, Swaroop Mishra, Mihir Parmar, and Chitta Baral. Is a question decomposition unit all we need? In\\nYoav Goldberg, Zornitsa Kozareva, and Yue Zhang, editors, Proceedings of the 2022 Conference on Empirical\\nMethods in Natural Language Processing , pages 4553–4569, Abu Dhabi, United Arab Emirates, December\\n2022. Association for Computational Linguistics.\\n', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), TextNode(id_='4b684adc-158d-451b-bb2d-e78ef4c3b856', embedding=[-0.01874983310699463, -0.010169746354222298, -0.003593717934563756, 0.010536590591073036, 0.02270360104739666, 0.0070787412114441395, -0.033043183386325836, 0.03195623680949211, -0.004432705231010914, -0.023872070014476776, 0.016032466664910316, 0.027812251821160316, 0.012975427322089672, -0.0037635534536093473, -0.009517578408122063, -0.0010495830792933702, 0.015149321407079697, -0.0058593228459358215, 0.017567778006196022, 0.014293351210653782, 0.01923895813524723, 0.014130309224128723, -0.005672503728419542, -0.031657326966524124, 0.011902067810297012, 0.02970082126557827, 0.01243195403367281, -0.025122059509158134, -0.0034068990498781204, -0.0087635088711977, 0.013253957964479923, -0.0025186596903949976, -0.017282454296946526, -0.007615421433001757, -0.007622214499861002, -0.015950944274663925, 0.02008134312927723, 0.0020295334979891777, 0.005570602603256702, -0.0014070866163820028, 0.03228232264518738, 0.021236224099993706, 0.02309761941432953, -0.002399774733930826, -0.004300233442336321, 0.009775727987289429, 0.017839515581727028, -0.021304158493876457, -0.013675149530172348, 0.01073359977453947, 0.003376328619197011, 0.028641048818826675, -0.006521680857986212, -0.003709206124767661, -0.019402001053094864, 0.0014894568594172597, -0.0031181788071990013, 0.008675194345414639, -0.012241738848388195, 0.006008777767419815, 0.027323126792907715, -0.0033100927248597145, -0.018858527764678, 0.023315008729696274, -0.017391148954629898, -0.014293351210653782, -0.03268992528319359, 0.0059034801088273525, 0.019836779683828354, -0.0039571658708155155, 0.027173670008778572, 0.004602540284395218, 0.02485032193362713, 0.0030723230447620153, 0.0175270177423954, -0.00961268600076437, -0.012927873991429806, -0.014605848118662834, -0.02834213897585869, -0.0031538442708551884, 0.010020291432738304, -0.02050253376364708, 0.015271603129804134, 0.007302924059331417, 0.015217255800962448, 0.012078696861863136, 0.0030060873832553625, 0.0023878864012658596, -0.005978207569569349, -0.008369490504264832, 0.0027530326042324305, -0.010244473814964294, -0.012167011387646198, 0.023709027096629143, -0.013138470239937305, 0.01925254613161087, -0.009273014962673187, -0.02008134312927723, 0.0015701287193223834, -0.02535303495824337, -0.01578790321946144, -0.002440535230562091, -0.010176539421081543, -0.008566499687731266, -0.023885656148195267, 0.014510740526020527, 0.02533944882452488, 0.006711896508932114, 0.02364109270274639, -0.003367836819961667, -0.017296042293310165, 0.016698220744729042, 0.004337597172707319, -0.047880008816719055, -0.0009060720913112164, -0.011419734917581081, 0.026141071692109108, 0.005866116378456354, 0.01925254613161087, -0.014279764145612717, 0.0128667326644063, -0.0016813708934932947, 0.011283867061138153, -0.0022095590829849243, 0.008749921806156635, 0.01023768074810505, -0.016290616244077682, -0.027268778532743454, -0.0141982426866889, -0.005961223971098661, 0.027350299060344696, -0.0022622081451117992, 0.02448347769677639, 0.008906170725822449, -0.005468701012432575, 0.035162728279829025, -0.026358461007475853, -0.006711896508932114, -0.00514941057190299, -0.009137147106230259, 0.004772375803440809, 0.024700867012143135, -0.008036613464355469, 0.012649343349039555, -0.006718690041452646, 0.01225532591342926, 0.015978118404746056, 0.03497251495718956, 0.006735673639923334, 0.00812492799013853, 0.006613391917198896, -0.028260618448257446, 0.006569235119968653, 0.04494525119662285, 0.012594996020197868, -0.007275750394910574, 0.015027039684355259, 0.04105941578745842, -0.008899376727640629, 0.013430587016046047, -0.0130773289129138, 0.007133088540285826, -0.006548854522407055, -0.010407515801489353, 0.016467245295643806, 0.02842365950345993, 0.0141982426866889, -0.012744451873004436, 0.01654876582324505, -0.012167011387646198, -0.02278512343764305, 0.02754051610827446, -0.0026409411802887917, 0.0025458333548158407, -0.004449688363820314, 0.0314127616584301, 0.0283964853733778, -0.005326039623469114, 0.00566571019589901, -0.005580792669206858, 0.008831443265080452, 0.01112761814147234, 0.015937358140945435, -0.004076050594449043, -0.01330830529332161, -0.005122236907482147, 0.0008156347321346402, -0.011080063879489899, 0.02582857385277748, -0.011698265559971333, 0.03679315000772476, 0.007649388164281845, 0.01611398719251156, 0.0006542910123243928, -0.6534724235534668, -0.010292028076946735, -0.0034918165765702724, 0.0009060720913112164, 0.015393884852528572, 0.015516165643930435, 0.0032999026589095592, -0.008546119555830956, -0.0012559330789372325, 0.01702430471777916, -0.00789395160973072, 0.005645330063998699, -0.011222725734114647, -0.017662886530160904, -0.02225523628294468, -0.013899332843720913, 0.012513475492596626, -0.015380297787487507, -0.004575366619974375, 0.008063786663115025, -0.019388414919376373, 0.01921178586781025, -0.003906215075403452, -0.005427940748631954, -0.02749975398182869, 0.006572631653398275, 0.03111385367810726, -0.03016277402639389, 0.0051765842363238335, 0.03592359274625778, -0.032961662858724594, 0.01926613226532936, 0.019456347450613976, 0.019959060475230217, 0.02921169623732567, -0.009911596775054932, -0.026738891378045082, 0.02536662109196186, 0.0009578719036653638, 0.019429175183176994, -0.03497251495718956, -0.0015242730733007193, -0.02145361341536045, 0.025679118931293488, -0.014700955711305141, 0.037825748324394226, 0.02798888087272644, -0.027404647320508957, -0.028287790715694427, -0.014415632002055645, -0.008376283571124077, 0.018967222422361374, 0.023518811911344528, -0.002739445772022009, 0.005410957150161266, 0.0018783799605444074, 0.024279674515128136, -0.011786580085754395, 0.0028073799330741167, -0.015570512972772121, 0.017744407057762146, -0.009266221895813942, -0.006158233154565096, -0.00830155611038208, -0.014931932091712952, 0.026521502062678337, -0.009517578408122063, 0.01874983310699463, 0.006188803352415562, -0.009789315052330494, -0.0018427144968882203, 0.013586835004389286, 0.00348842004314065, -0.008940137922763824, 0.0067662438377738, 0.026507915928959846, 0.0004192812484689057, -0.015067800879478455, -0.003559750970453024, 0.022119367495179176, 0.024401957169175148, -0.020190037786960602, 0.01204472966492176, -0.006823988165706396, 0.010950989089906216, -0.0020651989616453648, -0.032092105597257614, -0.01925254613161087, 0.006243150681257248, -0.002829458564519882, 0.01667104661464691, -0.006158233154565096, -0.01006784476339817, -0.0064265732653439045, 0.01115479227155447, 0.0020821825601160526, -0.009014865383505821, -0.010930608958005905, 0.009945563040673733, -0.02141285315155983, -0.005298865959048271, -0.011209139600396156, 0.023382943123579025, 0.018152011558413506, 0.025692705065011978, 0.011080063879489899, -0.01569279469549656, 0.0040013231337070465, 0.038206182420253754, -0.01580148935317993, -0.01576072908937931, 0.004225505981594324, -1.5696510672569275e-05, -0.004680664744228125, 0.001117517240345478, -0.024184567853808403, 0.017296042293310165, 0.0002055008808383718, -0.0008958819671534002, 0.005387180019170046, 0.009911596775054932, 0.016888435930013657, 0.0028379501309245825, -0.012764832004904747, 0.017363974824547768, 0.009857249446213245, -0.009687413461506367, -0.024823147803544998, -0.013641182333230972, 0.014850410632789135, 0.004453085362911224, -0.01614116132259369, 0.0141982426866889, 0.0014393554301932454, 0.03016277402639389, 0.006691516377031803, 0.019497109577059746, -0.011895274743437767, 0.01668463461101055, -0.010346375405788422, -0.018546029925346375, 0.014171069487929344, 0.031195374205708504, -0.014796063303947449, -0.01569279469549656, -0.024320434778928757, -0.0218068715184927, -0.01160315703600645, 0.014809650368988514, -0.037336625158786774, 0.0005855076597072184, -0.017785167321562767, -0.0006122567574493587, 0.008274382911622524, -0.005217344965785742, -0.007839604280889034, 0.004228902515023947, -0.015815075486898422, -0.0006632073782384396, -0.021779697388410568, 0.023518811911344528, -0.00011421433737268671, -0.0013416999718174338, -0.013634389266371727, 0.001543804188258946, -0.014075961895287037, 0.003929992206394672, 0.01788027584552765, -0.036956191062927246, -0.018695484846830368, -0.014116722159087658, -0.038722481578588486, 0.004300233442336321, -0.0003613248991314322, 0.00602236483246088, -0.007024393882602453, 0.004887863993644714, -0.003522387007251382, 0.005054302979260683, -0.015516165643930435, -0.0030332610476762056, 0.011711851693689823, 0.020393839105963707, 4.474102388485335e-05, 0.016331376507878304, -0.0011005336418747902, 0.019103091210126877, 0.03529859706759453, -0.01046186313033104, 0.0029415497556328773, -0.010169746354222298, 0.0436137430369854, -0.03415730595588684, 0.009701000526547432, -0.013940093107521534, 0.00898769125342369, -0.008865410462021828, 0.005196964368224144, -0.0065148877911269665, 0.01569279469549656, 0.022988924756646156, 0.017757993191480637, 0.015203668735921383, -0.025176405906677246, 0.0069768400862813, -0.004290043376386166, -0.012622170150279999, -0.019483521580696106, 0.0040454803965985775, -0.00010259122063871473, 0.02277153544127941, -0.020203623920679092, -0.014171069487929344, 0.0058151655830442905, -0.011039303615689278, 0.0209644865244627, -0.008444217965006828, 0.008838236331939697, -0.03328774496912956, -0.00036748143611475825, 0.02444271743297577, -0.00709912134334445, 0.004317217040807009, -0.003940182272344828, -0.04847782850265503, 0.00689531909301877, -0.021752523258328438, 0.056195151060819626, 0.020774271339178085, -0.01751343160867691, -0.019320480525493622, 0.005360006354749203, 0.003739776322618127, 0.002258811378851533, 0.02006775513291359, -0.016331376507878304, 0.009266221895813942, -0.0322551466524601, 0.019986234605312347, 0.0031538442708551884, 0.010339581407606602, 0.02880409173667431, 0.017581364139914513, -0.014374871738255024, 0.013620802201330662, 0.004127001389861107, 0.009578718803822994, 0.006134456023573875, -0.016304202377796173, 0.012615377083420753, -0.02798888087272644, 0.031684499233961105, -0.018600378185510635, 0.003654858795925975, 0.027268778532743454, -0.021073181182146072, 0.015203668735921383, 0.016399310901761055, 0.013675149530172348, 0.019537869840860367, -0.0005655520362779498, 0.016847675666213036, 0.023940004408359528, 0.021222636103630066, 0.03146710991859436, -0.0018647931283339858, -0.026399221271276474, -0.002589990384876728, -0.0004415721632540226, -0.012785212136805058, -0.002756429137662053, -0.007567867171019316, 0.009701000526547432, -0.03532577306032181, -0.01702430471777916, 0.0021857821848243475, -0.003028166014701128, 0.01201755553483963, 0.0061174724251031876, -0.0009774030186235905, -0.0027241604402661324, -0.040896374732255936, -0.028967132791876793, -0.007771669887006283, -0.0007485497044399381, -0.009313775226473808, -0.008783889003098011, 0.00015858384722378105, -0.025543250143527985, 0.003350853221490979, -0.014999866485595703, 0.038206182420253754, 0.021969912573695183, 0.002112752990797162, -0.019877539947628975, 0.025516076013445854, 0.026317700743675232, -0.01749984361231327, -0.021195463836193085, -0.01667104661464691, -0.0038077107165008783, 0.02054329589009285, -0.013389825820922852, -0.0015089878579601645, 0.0392659530043602, -0.011093650944530964, -0.031630150973796844, -0.00961268600076437, 0.023029686883091927, -0.007214609533548355, 0.011419734917581081, -0.014320524409413338, -0.014918345026671886, 0.0042764563113451, 0.0010266551980748773, 0.009028452448546886, -0.008912963792681694, 0.01877700723707676, 0.03010842762887478, -0.015067800879478455, 0.014605848118662834, -0.02627694047987461, -0.01291428692638874, -0.00982328224927187, 0.07412977516651154, 0.01612757332623005, -0.004735012073069811, 0.006586218252778053, -0.01245233416557312, 0.007452378980815411, -0.02535303495824337, -0.01960580423474312, 0.002178988652303815, -0.010597731918096542, -0.026018789038062096, -0.020733511075377464, 0.007438792381435633, -0.011433321982622147, 0.015923770144581795, 0.003994529601186514, -0.003569941036403179, -0.03100515902042389, -0.022363930940628052, -0.004497242625802755, 0.0166167002171278, 0.015176495537161827, 0.022635668516159058, 0.017160173505544662, 0.019143851473927498, -0.02664378471672535, 0.019007982686161995, 0.017649298533797264, 0.005862719379365444, -0.04029855504631996, -0.0037024125922471285, -0.010162953287363052, 0.003610701533034444, 0.013865365646779537, -0.009510784409940243, 0.021589482203125954, -0.011643918231129646, -0.00979610811918974, 0.029836690053343773, 0.031630150973796844, 0.02100524678826332, 0.025434555485844612, -0.0024897875264286995, -0.013450967147946358, 0.002722462173551321, -0.014646608382463455, 0.00036896750680170953, 0.030271468684077263, -0.0022486213129013777, 0.0017051477916538715, 0.015366710722446442, -0.0009875930845737457, -0.026915520429611206, -0.0025492298882454634, -0.002781904535368085, 0.012309673242270947, -0.015448232181370258, -0.013681943528354168, -0.0020906743593513966, -0.0482332669198513, -0.00766297522932291, -0.021548720076680183, -0.027635622769594193, -0.033423613756895065, -0.00014202488819137216, -0.010115399025380611, 0.004021703265607357, -0.008396664634346962, -0.022160127758979797, -0.005628346465528011, 0.006878335494548082, -0.03065190091729164, -0.019863953813910484, 0.0069768400862813, 0.021304158493876457, -0.0026137675158679485, 0.02277153544127941, -0.0011693170526996255, 0.010516210459172726, 0.037852924317121506, -0.008131721056997776, -0.03247253596782684, -0.007527106907218695, -0.024279674515128136, 0.010006704367697239, -0.0025458333548158407, -0.011249899864196777, -0.009578718803822994, 0.0018427144968882203, -0.0019565043039619923, 0.0023861879017204046, 0.004113414324820042, -0.002452423796057701, 0.0013586835702881217, 0.017187347635626793, -0.02186121791601181, 0.026480741798877716, -0.0043070269748568535, -0.013851778581738472, -0.006864748429507017, 0.006446953397244215, -0.0261546578258276, -0.012404780834913254, -0.013267545029520988, 0.014972692355513573, 0.02232317067682743, 0.02834213897585869, -0.014877584762871265, -0.024673692882061005, -0.006779830902814865, 0.0279073603451252, -0.015312363393604755, 0.01663028635084629, -0.015964532271027565, -0.007798843551427126, -0.006657549180090427, 0.017309628427028656, 0.008417044766247272, 0.000247747462708503, -0.039537690579891205, 0.011433321982622147, -0.015475405380129814, 0.0019632976036518812, 0.021181875839829445, -0.010339581407606602, 0.013702323660254478, -0.01112761814147234, 0.012411573901772499, -0.015108561143279076, -0.0035054036416113377, -0.01788027584552765, 0.01790744811296463, 0.019945474341511726, 0.0009740062523633242, -0.023926416411995888, 0.011093650944530964, -0.03665728121995926, -0.007044774014502764, -0.014836824499070644, -0.012758038006722927, 0.007826017215847969, -0.004932021256536245, 0.02141285315155983, 0.004211918916553259, -0.01792103610932827, -0.020651990547776222, -0.0010827009100466967, -0.00366504886187613, 0.026507915928959846, 0.028559528291225433, -0.024660106748342514, 0.01566562056541443, -0.01137897465378046, -0.0183014664798975, -0.02355957217514515, -0.017228107899427414, 0.0042628697119653225, -0.010122192092239857, 0.028070401400327682, 0.010271647945046425, 0.04940173402428627, -0.0262905266135931, 0.009076005779206753, 0.042553968727588654, 0.00042182879406027496, 0.00018427145550958812, -0.025149231776595116, -0.005624949932098389, -0.022010672837495804, -0.004368167370557785, 0.008389870636165142, -9.40463796723634e-05, 0.004490449093282223, -0.011806960217654705, -0.0004589802701957524, -0.0011412941385060549, -0.002330142306163907, 0.010312408208847046, -0.028070401400327682, -0.0314127616584301, -0.0349181666970253, 0.016929196193814278, 0.0017085445579141378, -0.011494462378323078, -0.0015293681062757969, -0.008131721056997776, 0.02964647486805916, 0.004157571587711573, 0.013430587016046047, 0.00872274860739708, 0.02669813111424446, -0.008342317305505276, 0.011936035007238388, 0.001807049149647355, 0.019741671159863472, -0.02321990206837654, 0.006963253021240234, -0.0032319684978574514, 0.00438175443559885, 0.03307035565376282, -0.005923860240727663, 0.03709205985069275, 0.011317834258079529, -0.004949004855006933, 0.010387135669589043, 0.0007931315340101719, 0.009972737170755863, -0.01580148935317993, 0.0010266551980748773, -0.03317905217409134, -0.0018630947452038527, -0.051847364753484726, 0.0036514620296657085, -0.03364100307226181, -0.0006929286173544824, 0.009925182908773422, -0.023287836462259293, 0.033858392387628555, -0.005135823972523212, -0.02664378471672535, 0.03798879310488701, 0.026861174032092094, 0.05809730663895607, 0.00643336633220315, 0.006830781698226929, 0.02144002541899681, 0.014361284673213959, -0.00014138800906948745, 0.011052890680730343, 0.01754060387611389, 0.006195596884936094, 0.0008882393594831228, 0.0240486990660429, -0.0012805592268705368, -0.011847720481455326, 0.0020295334979891777, 0.020828617736697197, -0.04714632034301758, -0.04576046019792557, 0.005954430438578129, 0.023858482018113136, 0.017825927585363388, -0.012676517479121685, 0.004198332317173481, -0.0175270177423954, 0.007289336994290352, -0.015448232181370258, 0.014089548029005527, -0.021657414734363556, -0.028070401400327682, 0.0042628697119653225, 0.008063786663115025, 0.011555603705346584, -0.008614053949713707, -0.001425768481567502, -0.0029432482551783323, 0.03018994815647602, -0.012574615888297558, 0.005869512911885977, 0.0005137522239238024, 0.0037126026581972837, 0.0187226589769125, -0.008797476068139076, 0.0005417750799097121, -0.010040671564638615, 0.016480831429362297, 0.01838298887014389, 0.01377025805413723, 0.00789395160973072, 0.0315486304461956, -0.023872070014476776, -0.019442761316895485, -0.0014970994088798761, -0.0004988916334696114, 0.008811063133180141, -0.008070580661296844, -0.0033865186851471663, 0.0025237547233700752, -0.019959060475230217, 0.011970002204179764, 0.012527062557637691, -0.0064265732653439045, -6.335658326861449e-07, 0.010190126486122608, -0.017798753455281258, -0.007900744676589966, -0.010658872313797474, -0.007778463419526815, 0.010033877566456795, -0.02368185482919216, -0.0010971369920298457, 0.019850365817546844, -0.018491683527827263, 0.014782477170228958, 0.01567920856177807, -0.014673782512545586, -0.008688781410455704, 0.02493184246122837, -0.02528510056436062, 0.0196329765021801, 0.01509497407823801, -0.015380297787487507, -0.013444173149764538, 0.013301512226462364, 0.0030927034094929695, -0.0171058252453804, 0.019415587186813354, -0.04008116573095322, -0.011705058626830578, -0.003165732603520155, 0.004935417789965868, 0.013179230503737926, -0.011229519732296467, 6.098153971834108e-05, 0.02847800776362419, -0.002965326886624098, 0.004517622757703066, -0.0033389648888260126, -0.013009394519031048, 0.029401911422610283, 0.010523004457354546, 0.018613964319229126, 0.019497109577059746, -0.02491825632750988, 0.005889893043786287, -0.013811018317937851, 0.0038179007824510336, -0.008695574477314949, -0.02532586082816124, -0.01789386197924614, -0.0005417750799097121, 0.025108471512794495, -0.009510784409940243, -0.011711851693689823, -0.022635668516159058, -0.008016233332455158, -0.010849088430404663, 0.018546029925346375, 0.00676964083686471, -0.006348448805510998, 0.012445541098713875, 0.03249971196055412, 0.03133124113082886, -0.005404163617640734, 0.010964576154947281, -0.0267117191106081, 0.012010762467980385, -0.007622214499861002, -0.055325593799352646, -0.015991704538464546, -0.021616654470562935, 0.02444271743297577, -0.012948254123330116, -0.029429085552692413, -0.03233666718006134, -0.019048742949962616, -0.021779697388410568, -0.0006848614430055022, -0.015108561143279076, -0.004595747217535973, 0.0012177200987935066, 0.013450967147946358, -0.00415077805519104, 0.01835581474006176, 0.003620891598984599, -0.005444924347102642, -0.025257926434278488, -0.0026732098776847124, 0.00982328224927187, -0.024714453145861626, 0.010169746354222298, 0.018681898713111877, -0.011093650944530964, -0.010767566971480846, 0.03423882648348808, -0.0051765842363238335, -0.007493139710277319, 0.02711932361125946, -0.013016188517212868, -0.004405531566590071, -0.026833999902009964, -0.013253957964479923, -0.03135841712355614, 0.01402161456644535, 0.010889848694205284, -0.015027039684355259, 1.9451465050224215e-05, 0.012031142599880695, -0.0007145826239138842, -0.0012330053141340613, -0.004334200639277697, -0.007683355361223221, 0.0023878864012658596, 0.004558383487164974, 0.006501300726085901, -0.004062463995069265, 0.027295952662825584, 0.005594379268586636, 0.0171058252453804, -0.019320480525493622, 0.0059442403726279736, 0.01610039919614792, 0.002092372626066208, -0.019429175183176994, -0.002381092868745327, 0.0035903211683034897, -0.005662313662469387, 0.002364109270274639, 0.021657414734363556, -0.007282543927431107, 0.0015590894035995007, -0.01706506498157978, -0.007982266135513783, -0.0065114907920360565, -0.03584207221865654, -0.01532595045864582, -0.014130309224128723, -0.019035156816244125, 0.017146585509181023, 0.027214432135224342, -0.012167011387646198, -0.015162908472120762, 0.015108561143279076, -0.0073844450525939465, -0.003967355936765671, -0.0034765314776450396, -0.01836940087378025, -0.01703789085149765, -0.00579138845205307, -0.004273059777915478, 0.012758038006722927, -0.01580148935317993, 0.011847720481455326, 0.008016233332455158, -0.033016011118888855, 0.0039537688717246056, 0.20260688662528992, -0.028532354161143303, 0.020624816417694092, 0.025122059509158134, 0.0008041707915253937, 0.012540648691356182, 0.02796170674264431, 0.0009179605403915048, -0.0009621178032830358, 0.0011421433882787824, -0.009205080568790436, 0.0075882477685809135, -0.01029882114380598, -0.004735012073069811, 0.0039028185419738293, -0.014497153460979462, -0.06347769498825073, -0.03508120775222778, -0.032961662858724594, 0.001678823377005756, -0.008688781410455704, -0.0006143797072581947, -0.0065148877911269665, -0.01961939036846161, 0.0022180508822202682, -0.03233666718006134, -0.004650094546377659, -0.003350853221490979, -0.0008933344506658614, 0.02144002541899681, -0.01399444043636322, 0.0058151655830442905, 0.0018698881613090634, 0.013444173149764538, -0.0245378240942955, -0.024401957169175148, 0.01177299302071333, 0.019306892529129982, 0.005720057524740696, 0.011854513548314571, -0.001499646925367415, -0.01093740202486515, 0.0171058252453804, -0.022988924756646156, -0.00689192209392786, 0.0072553702630102634, -0.016725394874811172, -0.008437424898147583, 0.00535660982131958, 0.015244428999722004, -0.010570557788014412, 0.024388369172811508, 0.03399426117539406, 0.05668427795171738, 0.026018789038062096, -0.011086857877671719, -0.012119457125663757, 0.012350433506071568, -0.0007460021879523993, -0.013885745778679848, -0.02970082126557827, 0.00139604730065912, 0.002956835087388754, 0.018219945952296257, -0.00568948732689023, -0.007452378980815411, -0.007085534743964672, 0.017703646793961525, -0.008417044766247272, -0.035244252532720566, -0.013824605382978916, -0.003991133067756891, -0.012302879244089127, 0.01960580423474312, -0.024578584358096123, -0.030352991074323654, 0.032961662858724594, -0.0038416776806116104, 0.012126250192523003, 0.028287790715694427, 0.011915654875338078, 0.005703073926270008, 0.01204472966492176, -0.01792103610932827, -0.009986324235796928, -0.018967222422361374, 0.026385635137557983, -0.010441482998430729, -0.017404736950993538, -0.005760818254202604, -0.012180597521364689, -0.0204753614962101, 0.007004013750702143, -0.021575894206762314, 0.01222815178334713, 0.01615474745631218, -0.009667033329606056, 0.0009476817795075476, 0.013661563396453857, -0.011786580085754395, -0.003916405141353607, 0.04866804555058479, 0.027363887056708336, -0.01220777165144682, -0.02235034480690956, -0.006830781698226929, 0.0007702037109993398, -0.015230842866003513, 0.025869334116578102, -0.0008924852591007948, -0.029130175709724426, -0.026304112747311592, 0.007350477855652571, -0.007690148893743753, 0.001134500722400844, -0.019524281844496727, -0.00874312873929739, -0.01838298887014389, 0.04891260713338852, -0.008919757790863514, -0.006280514877289534, -0.038722481578588486, -0.014728129841387272, 0.024374783039093018, -0.0006394304218702018, -0.025244340300559998, -0.010828707367181778, -0.0038348843809217215, -0.00830155611038208, -0.0036412719637155533, -0.002092372626066208, -0.017798753455281258, 0.004490449093282223, -0.024823147803544998, -0.003688825760036707, 0.0004381754552014172, -0.006593011785298586, -0.018613964319229126, -0.0034952133428305387, -0.012601790018379688, 0.0049150376580655575, -0.008423837833106518, 0.011732232756912708, -0.026032377034425735, 0.013165643438696861, 0.011304247193038464, 0.028668222948908806, 0.0031725261360406876, 0.000774025043938309, -0.01442921906709671, -0.020706336945295334, -0.01224853191524744, -0.00979610811918974, -0.005292072426527739, 0.028287790715694427, 0.0008738033357076347, -0.035189904272556305, -0.01663028635084629, -0.016711806878447533, 0.006881732027977705, -0.03266275301575661, -0.01092381589114666, 0.022907404229044914, -0.020339492708444595, -0.012805592268705368, -0.0009332457557320595, -0.17532452940940857, 0.011039303615689278, 0.01025806088000536, -0.04989086091518402, 0.007302924059331417, 0.012370813637971878, 0.014931932091712952, -0.029374737292528152, 0.006660946179181337, -0.005590982735157013, 0.002817569999024272, -0.01620909385383129, -0.006745863705873489, -0.009938769973814487, -0.012724071741104126, 0.009585512802004814, -0.013593629002571106, 0.014442806132137775, 0.022173715755343437, 0.0077309091575443745, 0.022825883701443672, -0.0270649753510952, -0.01291428692638874, 0.00012642126239370555, -0.0006317878724075854, 0.01355966180562973, -0.008906170725822449, 0.005217344965785742, -0.02627694047987461, -0.0410865917801857, -0.02975516952574253, -0.0022282409481704235, 0.02934756502509117, -0.012465921230614185, 0.012126250192523003, 0.0010597731452435255, -0.021507959812879562, -0.004762185737490654, -0.028287790715694427, 0.015108561143279076, 0.014687368646264076, 0.027282364666461945, 0.018940048292279243, -0.00789395160973072, -0.017323214560747147, 0.017825927585363388, 0.021304158493876457, -0.012853146530687809, 0.00643676333129406, -0.019551455974578857, 0.010604524984955788, -0.043505046516656876, 0.022581320255994797, 0.009082799777388573, 0.013362652622163296, 0.015950944274663925, 0.017132999375462532, 0.0038246940821409225, 0.008586879819631577, -0.012758038006722927, -0.003420485882088542, -0.010563764721155167, 0.004137191455811262, -0.02619541808962822, -0.017187347635626793, -0.0014987977920100093, -0.023940004408359528, 0.006273721344769001, -0.030271468684077263, 0.029130175709724426, -0.018858527764678, 0.00851215235888958, 0.009687413461506367, -0.009911596775054932, 0.006328068673610687, 0.010760773904621601, 0.009463231079280376, -0.0018732849275693297, 0.03858661279082298, -0.03883117437362671, -0.015203668735921383, 0.0012134741991758347, -0.00525470869615674, 0.0022435262799263, -0.017350388690829277, 0.00942246988415718, -0.0015896597178652883, -0.006953062955290079, -0.008872203528881073, -0.021698176860809326, 0.020312318578362465, -0.010115399025380611, 0.008688781410455704, -0.012370813637971878, 0.012547442689538002, 0.004123604390770197, -0.005798181984573603, -0.00114723842125386, 0.010122192092239857, -0.004541399888694286, -0.011215932667255402, 0.006446953397244215, -0.0015081387246027589, 0.004996558651328087, 0.02577422745525837, 0.009830075316131115, -0.003254047129303217, 0.004283249843865633, 0.02396717667579651, 0.004504036158323288, -0.02144002541899681, -4.203427306492813e-05, -0.01786668784916401, 0.004143984988331795, -0.01580148935317993, 0.0227171890437603, -0.03404860943555832, -0.008695574477314949, 0.03271710127592087, 0.004160968121141195, 0.0560864582657814, -0.011141205206513405, -0.0001047141631715931, -0.008152101188898087, -0.006052935030311346, -0.019007982686161995, -0.06483637541532516, -0.012499888427555561, 0.010794741101562977, 0.036874670535326004, -0.011181965470314026, 0.039075739681720734, -0.007832810282707214, 0.03671162948012352, -0.03616815432906151, 0.03372252359986305, -0.01351890154182911, -0.01418465655297041, 0.023817721754312515, -0.0021755921188741922, 0.022431865334510803, 0.0036956192925572395, 0.0063790190033614635, -0.008620847016572952, -0.008233622647821903, 0.02146719954907894, 0.010984956286847591, -0.00602236483246088, 0.011406147852540016, -0.01567920856177807, -0.014918345026671886, -0.014728129841387272, -0.03138558939099312, 0.026073137298226357, 0.013423793017864227, -0.004459878895431757, 0.021521547809243202, -0.02582857385277748, 0.01796179637312889, -0.007533900439739227, -0.0022180508822202682, -0.01880417950451374, -0.018994396552443504, -0.017649298533797264, 0.03798879310488701, 0.003315187757834792, 2.450672400300391e-05, 0.0004466672253329307, 0.008023026399314404, -0.01112761814147234, -0.021684588864445686, -0.017336802557110786, -0.01925254613161087, -0.001902156975120306, 0.022825883701443672, -0.03152145817875862, -0.012574615888297558, -0.006613391917198896, -0.0231383815407753, -0.004908244125545025, 0.035570334643125534, 0.00223163771443069, 0.010883054696023464, 0.03008125349879265, -0.000525216106325388, 0.017268868163228035, -0.008192861452698708, -0.016698220744729042, -0.010162953287363052, 0.009252634830772877, 0.008002646267414093, 0.020013408735394478, -0.004245886113494635, -0.030923636630177498, -0.0046976483426988125, -0.01378384418785572, 0.003525783773511648, 0.016711806878447533, -0.009748554788529873, 0.0011446909047663212, -0.03016277402639389, 0.00489805405959487, 0.0048742773942649364, -0.018885701894760132, 0.006056332029402256, -0.007737702690064907, -0.013851778581738472, -0.0357605516910553, -0.004266266245394945, -0.01048903726041317, 0.007921124808490276, -0.0025424365885555744, -0.008586879819631577, -0.003114782040938735, 0.0044361017644405365, -0.013403412885963917, 0.002990802051499486, 0.011861307546496391, -0.008858616463840008, -0.029103001579642296, 0.007832810282707214, 0.02498619072139263, 0.004595747217535973, -0.02921169623732567, -0.01836940087378025, 0.011508049443364143, -0.05255388095974922, 0.01310450304299593, -0.08184709399938583, 0.04842348024249077, 0.027255192399024963, -0.025067711248993874, -0.005954430438578129, -0.020203623920679092, -0.002710573608055711, -0.009741760790348053, 0.0030740215443074703, 0.011630331166088581, -0.013213197700679302, -0.00223163771443069, -0.021983498707413673, 0.0018257310148328543, -0.004103224258869886, -0.007506726775318384, 0.02926604263484478, -0.00730971759185195, 0.03706488758325577, -0.0006823138683103025, 0.027717143297195435, 0.015339537523686886, 0.017309628427028656, 0.01792103610932827, -0.006321275141090155, -0.011650711297988892, -0.011229519732296467, 0.028939958661794662, -0.009571925736963749, -0.010604524984955788, -0.00026833999436348677, -0.029999732971191406, -0.004422514699399471, 0.012540648691356182, 0.012357226572930813, -0.040434423834085464, 0.027798665687441826, 0.015434645116329193, 0.011535223573446274, 0.04891260713338852, -0.018097665160894394, -0.021616654470562935, 0.020434601232409477, -0.0001566731953062117, 0.0031249721068888903, 0.01698354445397854, 0.015624860301613808, -0.002355617471039295, 0.030434511601924896, -0.010570557788014412, 0.010312408208847046, 0.009768934920430183, -0.02133133076131344, -0.02353239804506302, 0.011732232756912708, 0.008546119555830956, 0.012397986836731434, 0.010957783088088036, 0.005930653773248196, 0.03135841712355614, 0.03320622444152832, 0.00033648646785877645, 0.033423613756895065, 0.000774025043938309, 0.009775727987289429, 0.003848471213132143, -0.013247164897620678, 0.002871917327865958, -0.003838280914351344, -0.03326057270169258, -0.0016669348115101457, 0.00021738935902249068, 0.026045963168144226, 0.029809515923261642, -0.004300233442336321, -0.02535303495824337, -0.010706426575779915, 0.012839559465646744, -0.02834213897585869, 0.006881732027977705, 0.009701000526547432, 0.0017195838736370206, -0.02141285315155983, 0.009340949356555939, 0.017744407057762146, 0.005179980769753456, -0.00015242731024045497, 0.009286602027714252, 0.0033440599218010902, -0.0016847675433382392, -0.012547442689538002, 0.011902067810297012, -0.0232063140720129, 0.005101856775581837, 0.007608627900481224, -0.00610388582572341, -0.019999822601675987, -0.007554280571639538, 0.036113809794187546, 0.020203623920679092, 0.004904847592115402, -0.008906170725822449, -0.011453702114522457, 0.004239092580974102, -0.03804313763976097, -0.006936079356819391, -0.02269001491367817, -0.01665746048092842, 0.0006555648287758231, -0.004724822007119656, 0.014143895357847214, -0.0012669723946601152, -0.007010807283222675, 0.00392319867387414, -0.013641182333230972, -0.0009782521519809961, 7.94511433923617e-05, -0.005288675893098116, -0.017200933769345284, 0.036901846528053284, 0.02658943645656109, 0.009503991343080997, 0.02059764228761196, -0.010217300616204739, 0.01573355495929718, 0.024714453145861626, 0.020298732444643974, -0.03538011759519577, 0.02578781358897686, -0.0067322771064937115, 0.015027039684355259, 0.0013544376706704497, -0.024252500385046005, 0.0004759638395626098, -0.013980853371322155, 0.023953590542078018, -0.03065190091729164, 0.026018789038062096, 0.013980853371322155, 0.07961885631084442, 0.0052648987621068954, -0.012343639507889748, 0.005696280859410763, -0.002226542681455612, 0.011209139600396156, 0.006603201851248741, 0.02584215998649597, -0.02311120741069317, -0.02311120741069317, -0.009436056949198246, -0.011698265559971333, -0.013980853371322155, -0.011494462378323078, -0.01623626798391342, 0.003828090848401189, 0.011936035007238388, 0.029157347977161407, 0.0007048170664347708, -0.022798709571361542, 0.02627694047987461, 0.022988924756646156, 0.02353239804506302, -0.0048267231322824955, -0.01972808502614498, -0.005648726597428322, 0.024184567853808403, 0.007554280571639538, 0.011915654875338078, -0.055216897279024124, 0.01177299302071333, 0.002878710860386491, -0.025448143482208252, -0.02092372626066208, -1.2054335456923582e-05, 0.012506682425737381, -0.0055536190047860146, -0.04027137905359268, 0.005957827437669039, -0.021738937124609947, -0.0061208694241940975, -0.009205080568790436, -0.008899376727640629, -0.0058287521824240685, 0.020815031602978706, -0.005186774302273989, -0.013450967147946358, -0.01048903726041317, -0.013620802201330662], metadata={}, excluded_embed_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], excluded_llm_metadata_keys=['file_name', 'file_type', 'file_size', 'creation_date', 'last_modified_date', 'last_accessed_date'], relationships={<NodeRelationship.SOURCE: '1'>: RelatedNodeInfo(node_id='7763720f-d977-4fb7-93c3-3708782234e9', node_type=<ObjectType.DOCUMENT: '4'>, metadata={'page_label': '12', 'file_name': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_path': '/workspaces/llama_index/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf', 'file_type': 'application/pdf', 'file_size': 885090, 'creation_date': '2024-02-25', 'last_modified_date': '2024-02-07', 'last_accessed_date': None}, hash='cee516454f7722d44cb924a591caab9086e67d2f90ab0817a0f2908d5c624b0b')}, text='[39] Shishir G. Patil, Tianjun Zhang, Xin Wang, and Joseph E. Gonzalez. Gorilla: Large language model connected\\nwith massive apis, 2023.\\n12', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n')]\n"
+     ]
+    },
+    {
+     "name": "stderr",
+     "output_type": "stream",
+     "text": [
+      "\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "\u001b[A\u001b[A\n",
+      "\n",
+      "100%|██████████| 86/86 [03:06<00:00,  2.17s/it]\n"
+     ]
+    },
+    {
+     "data": {
+      "text/plain": [
+       "{'4593ea90-2088-4185-8db0-6aa65bdc106e': 'How does the choice of retrieval unit, such as document, passage, sentence, or proposition, impact the performance of dense retrieval and downstream tasks in open-domain NLP?',\n",
+       " '861e2131-add7-47cd-afdf-52b6e27562e7': 'Can you explain the significance of using proposition-based retrieval over traditional passage or sentence-based methods in dense retrieval, as highlighted in the study?',\n",
+       " 'db511668-5d08-44d2-ad99-67f8a6f1495d': 'How can the corpus be used for inference in a research study?',\n",
+       " '359a1385-6ae2-4cb7-8970-2564a4f746fd': \"As a teacher, how would you explain the importance of using diverse questions in assessments to ensure a comprehensive evaluation of students' understanding?\",\n",
+       " 'c8b0cefb-d6d0-4aca-9c0f-ce55d051fe91': 'How does the choice of retrieval unit impact the performance of dense retrieval models according to the information provided in the document?',\n",
+       " '0a15445b-f7ae-457a-9800-0f8fc29a74f7': 'What is the significance of selecting the proper retrieval granularity at inference time in dense retrieval inference, as discussed in the context information?',\n",
+       " 'cf57dc39-e3a8-46a4-8102-9fc47d5d3fac': 'What was the angle at which the Leaning Tower of Pisa leaned prior to the restoration work performed between 1990 and 2001, and what angle does it lean at now?',\n",
+       " '4f3e6d37-2a59-485e-a775-ce32db5410a8': 'How far is the top of the Leaning Tower of Pisa displaced horizontally from the center, according to the information provided?',\n",
+       " '49a62875-735c-4e90-945c-2126d4756d3a': 'How does the use of different granularities, such as passages, sentences, and propositions, impact the performance of dense retrievers in retrieval and downstream open-domain QA tasks?',\n",
+       " 'af6c593d-01e0-417c-a69e-c333d3a2aca3': 'How does the concept of using propositions as a novel retrieval unit for dense retrieval address the shortcomings of typical retrieval units like passages or sentences in providing relevant information for question-answering tasks?',\n",
+       " 'f496ef71-c554-4009-b199-9161565db4eb': 'How does the use of propositions as retrieval units improve dense retrieval performance according to the information provided in the document?',\n",
+       " 'eebe3cc4-ff0d-4ff4-bebc-523517fb3708': 'What are the key advantages of proposition-based retrieval over sentence and passage-based methods, as discussed in the document?',\n",
+       " 'f940653c-0312-42ce-af0d-9745b8ccea26': 'How does the use of proposition as a retrieval unit impact the performance of dense retrieval models compared to traditional retrieval units like passages or sentences?',\n",
+       " '8bea6d8f-b151-432b-b823-432840a24c11': 'Can you explain the three principles that define a proposition as a retrieval unit and how they contribute to the interpretation of text semantics?',\n",
+       " 'cf1254ed-e0d2-4b8e-96b7-76240fd9c9d1': 'What is the main focus of the study mentioned in the context information, and how is it related to information-seeking questions?',\n",
+       " 'cc2f85fb-03f6-481d-9ea1-3c60dc6d5858': 'How does the study compare the use of 100-word passages, sentences, and propositions as retrieval units on Wikipedia for knowledge-intensive NLP tasks?',\n",
+       " '4e82c1a4-4138-47f2-b9fc-6c84d3bea795': 'How does the Propositionizer segment Wikipedia pages into propositions, and what is the two-step distillation process involved in training the model?',\n",
+       " '123c7f05-ddd8-41b9-a4a9-24c6d5ccea0a': 'In the experimental settings, what impact is being evaluated regarding the three retrieval unit choices, and how is the evaluation conducted on open-domain QA datasets using FACTOID WIKI?',\n",
+       " '5aed46ab-d57a-46d2-a74c-5629c67a96e6': 'What are the five open-domain QA datasets evaluated in the study, and what is the common retrieval source for these datasets?',\n",
+       " '7877f4b0-1fe4-439b-8941-d1c5e5c565df': 'Can you name and briefly describe two of the dense retrieval models compared in the study?',\n",
+       " '63ea8e34-ffe4-4d76-bd74-7570e0ee4b2d': 'Compare and contrast the training methods of SimCSE, Contriever, DPR, ANCE, TAS-B, and GTR in the context of passage retrieval models. How do these models differ in terms of supervision, data sources, and training approaches?',\n",
+       " '5a36afc6-5d31-4923-84a9-802096352680': 'Discuss the evaluation criteria for passage retrieval performance at the passage, sentence, and proposition levels. How does the choice of indexing level impact the effectiveness of retrieval models? Provide examples of models mentioned in the context and their performance in different indexing levels.',\n",
+       " 'feeb318e-134a-4218-91b1-3993ca71ea3d': 'How does the use of proposition-level retrieval impact the performance of retrieval models compared to sentence or passage-level retrieval in open-domain QA tasks?',\n",
+       " '4660ca42-3219-465b-9186-4256660b8d4a': 'In what ways do dense retrievers, such as SimCSE and Contriever, demonstrate improved performance when utilizing proposition-level retrieval over sentence or passage-level retrieval in the context of downstream QA evaluation?',\n",
+       " 'a0448649-3bc1-4a09-89eb-39a58bc70e04': 'Compare the performance of unsupervised dense retrievers, such as SimCSE and Contriever, with supervised dense retrievers like DPR and ANCE, in terms of passage retrieval on various open-domain QA datasets. How does the granularity of the retrieval corpus affect the retrieval performance in each case?',\n",
+       " 'a471ef0f-731d-4606-8132-4abaa15b4268': 'Discuss the impact of including the training split of the target dataset in the training data of dense retrievers on their performance in passage retrieval. How do models like TAS-B and GTR perform in comparison to other dense retrievers across different granularity levels in the retrieval corpus?',\n",
+       " '939a846d-6db2-4058-88ad-bc35863907cf': 'Explain the concept of document retrieval recall and how it is influenced by the popularity of the target entity in each question from the EntityQuestions dataset. Discuss the advantages of retrieval by proposition over other retrieval granularities in this context.',\n",
+       " 'e0bae0b8-f93c-4bd1-8ed7-c66f18ee3f6d': 'How does the advantage of retrieval by proposition become most visible in cross-task generalization settings, as observed in the results presented? Provide examples from the SQuAD and EntityQuestions datasets to support your explanation.',\n",
+       " 'a2b96b35-4534-4bf1-b1b0-7937bacb8447': 'Compare and contrast the performance of unsupervised dense retrievers (SimCSE and Contriever) with supervised dense retrievers (DPR, ANCE, TAS-B, and GTR) in the context of open-domain QA, specifically focusing on Exact Match (EM) scores under the retrieve-then-read setting with limited retrieved words to the reader QA model at l=100 or 500.',\n",
+       " '7e8fe9ba-029e-4009-b78d-fac9489d7323': 'Analyze the impact of different retrieval methods (SimCSE, Contriever, DPR, ANCE, TAS-B, and GTR) on the performance of the UnifiedQA V2 reader model in open-domain QA tasks, considering variations in granularity (Passage, Sentence, Proposition) and retrieval limitations (l=100 or 500).',\n",
+       " '50dabb83-aae8-4061-abb2-8be60cf54ab0': 'How does the use of smaller retrieval units impact the performance of question answering in the context of dense retrievers?',\n",
+       " '311b0b04-7a78-476c-86e3-6a34c734ea75': 'In what way does the popularity of a target entity in Wikipedia affect the retrieval performance of EntityQuestions targeting the properties of longer-tail entities?',\n",
+       " 'dde52939-aaf4-44c4-8f63-4f4285f933ae': 'How does the use of BM25 help estimate the popularity of entities in the given method? Discuss the significance of using the number of occurrences of an entity in its top-1000 passages as an estimate of its popularity.',\n",
+       " 'd3f91449-4e76-4ca6-bfd4-dd38154929bd': 'Explain the findings regarding the performance gap between retrieving by proposition and retrieving by passage based on the popularity of target entities in each question. How does the retrieval by proposition contribute to improving the cross-task generalization performance of dense retrievers?',\n",
+       " '483305e3-c386-4a32-bf14-047a201762fd': 'How does the recall of the gold answer in the retrieved text vary across different numbers of words for the GTR retriever?',\n",
+       " '15594f0f-ae6e-4086-a5e0-01390aea7cc6': 'What advantage do propositions have over sentences or passages as retrieval units, in terms of the density of relevant information to the query?',\n",
+       " 'c8cb7d37-eb5b-458c-8015-008e4d56bd51': 'How does proposition retrieval demonstrate a higher success rate compared to sentence and passage retrieval methods, according to the analysis shown in Figure 4?',\n",
+       " '339172c5-3dff-499c-b45c-f146665c3b94': 'What challenges do dense retrievers face with passage-level retrieval, as illustrated in the examples provided in Table 4?',\n",
+       " 'de56b346-2719-43ea-bc97-d142ccdfa14a': 'What is the common architectural approach adopted by recent works on dense retrievers, as mentioned in the context?',\n",
+       " '33e19504-a5a6-4bfb-a7fc-4f64ce8c7e63': 'Can you explain the significance of the dual-encoder architecture in the context of dense retrievers?',\n",
+       " 'b29f57d6-097f-4be4-a114-4153cf8e8e21': 'What was the theme of Super Bowl 50 according to the passage retrieval information provided?',\n",
+       " '7755bd3b-ce1c-453a-a7c0-daad44023b4a': 'According to the proposition retrieval information, what is the function of the pericardial sac in relation to the heart?',\n",
+       " '2578891f-e45e-4907-9329-3e1246c7d6db': 'How do dual encoder models measure the relevance between queries and documents, and what are some techniques used to improve their generalization performance to new tasks?',\n",
+       " '8d79ddb7-121e-4266-87ce-6ce9386851d1': 'What is the motivation behind using propositions as a unit of text representation in dense retrievers, and how does this strategy differ from updating the dense retriever model or its parameters?',\n",
+       " 'dee3bc02-3fd6-44c8-a539-cef98107c1e1': 'How does the use of propositions as retrieval units in indexing corpus improve dense retrieval performance at inference time, according to the information provided?',\n",
+       " 'b334b9a3-308c-4bee-934e-44a1310ec1f6': 'Discuss the limitations of the current study on the granularity of retrieval corpus as outlined in the context information.',\n",
+       " 'd81db890-a614-4072-8f66-85b6618c23a9': 'How does the Self-rag model proposed by Akari Asai et al. in 2023 aim to improve document retrieval through self-reflection?',\n",
+       " '814cff30-ec93-4b50-9ed8-0c2adbc5102d': 'Discuss the significance of cross-domain modeling of sentence-level evidence for document retrieval as presented in the 2019 Conference on Empirical Methods in Natural Language Processing and the 9th International Joint Conference on Natural Language Processing.',\n",
+       " '3339b8b1-24eb-4394-81f8-85ae8a9d8a4a': 'What are the key differences between the approaches discussed in the papers by Bohnet et al. (2013) and Chen et al. (2023a) in terms of semantic parsing and proposition-level segmentation and entailment recognition?',\n",
+       " '97c296c4-96b1-4190-9e55-6652b607cdbb': 'How do the pre-training tasks for embedding-based large-scale retrieval, as outlined by Chang et al. (2020), contribute to the advancements in natural language processing discussed in the provided context information?',\n",
+       " 'c2112f32-158c-41fe-a55f-a2d5b47f8cc9': 'How does the concept of \"Salient phrase aware dense retrieval\" differ from traditional sparse retrieval methods in information retrieval systems?',\n",
+       " 'ab96b7bc-1e8b-4cd8-8bb3-08526ce968e9': 'What are the key strategies proposed by Hao Cheng et al. in their work on task-aware specialization for efficient and robust dense retrieval in open-domain question answering systems?',\n",
+       " '83326296-6a14-4c46-8a40-43950bb32616': 'How does the pretraining of mainstream LLMs, such as LLaMA, on English-dominant corpus impact their performance in non-English languages? Discuss the key factors that can affect the transfer of language generation and instruction following capabilities to a non-English language based on the empirical investigation conducted in the study.',\n",
+       " 'ebe3689f-7398-410b-9145-924c7fa10140': \"Evaluate the effectiveness of transferring language capabilities to non-English languages based on the evaluation results presented in the study. Discuss the model's performance in terms of knowledge alignment and response quality, considering factors such as accuracy, fluency, informativeness, logical coherence, and harmlessness. Additionally, analyze the experimental outcomes across low-resource languages and their implications for the development of non-English LLMs.\",\n",
+       " '7608e943-4131-4e18-9540-41c671193b32': 'How do the capabilities of Language Model Machines (LLMs) such as reasoning, planning, and learning from experience compare to human levels according to recent studies mentioned in the text?',\n",
+       " '8d2a3bb9-347e-4bc6-99db-d6157265b22f': 'Discuss the challenges faced by LLMs in handling non-English languages, particularly in terms of vocabulary extension, further pretraining, and instruction tuning.',\n",
+       " 'e4f6be09-5342-470b-beef-2715694a9f45': 'What are some key features and capabilities of the LLaMA language model as discussed in the document arXiv:2401.01055v2?',\n",
+       " 'f1a79612-c427-4750-951c-76cc70639c6d': 'How does LLaMA compare to other widely discussed language models in terms of its advancements and potential impact in the field?',\n",
+       " 'f1f900f8-64a0-4366-9d96-c1257484a452': 'How does the limited training data from 20 related languages impact the performance of LLaMA in contexts involving non-English languages?',\n",
+       " 'a2a82e36-c20d-4cc6-bd19-9094816c12e4': 'What approach did Cui, Yang, and Yao take to improve the performance of LLaMA in non-English languages, and what were the results of their efforts?',\n",
+       " 'ffd4bdb9-0b56-4b66-b97f-6898b6847ef6': 'How does the impact of vocabulary extension on transfer in LLMs differ when further pretraining is done on the original vocabulary compared to the extended vocabulary? What implications does this finding have for small-scale incremental pretraining?',\n",
+       " '74628875-49f3-4dda-8526-7611271ca871': 'Explain the importance of instruction tuning (SFT) in enhancing the capability of LLMs to follow instructions. How does training on diverse instruction tasks help the model better comprehend and respond to human instructions?',\n",
+       " '67e7db5e-4809-4ac3-bcf5-1bf1e3dfdc1c': 'How do LLMs trained on English-dominant corpora perform when extrapolated to non-English languages, and what are the common approaches used to address this challenge?',\n",
+       " '31e13ad2-746c-46f8-8508-e3234632ea3a': 'What are the three steps involved in extrapolating LLMs to non-English languages, and how does conducting a comprehensive empirical study help in comparing the performance differences before and after vocabulary extension?',\n",
+       " '0b20d7af-6c0d-49fa-b7c4-9c9448eecd53': 'How does the experimental setup in the paper aim to explore the transfer of language generation and instruction-following capabilities to non-English languages? What is the significance of starting with Chinese as the initial language for this exploration?',\n",
+       " '9f1b8673-b12a-4b4b-b2a4-f469b55f94b1': 'Compare and contrast the different models mentioned in the document, such as LLaMA, LLaMA2, Chinese LLaMA, and Open Chinese LLaMA, in terms of their pretraining scales and the impact on effective transfer of language capabilities. How do these models serve as references for analysis and comparison in the experiments conducted?',\n",
+       " 'ac318c31-8274-440d-bf6d-37342e679fcc': 'How does LLaMA-13B compare to the larger GPT-3 model in terms of performance on NLP benchmarks?',\n",
+       " 'ef7b2344-b875-473d-85fd-99edce8a95e9': 'What are the key enhancements and upgrades that LLaMA2 has received compared to its predecessor, and how do these improvements make it a more powerful tool for tackling advanced language understanding tasks?',\n",
+       " 'bf4cedd0-2722-4c22-b7c5-9ff54dc3ffde': 'How does the tokenizer with a vocabulary size of 49,953 improve the handling of Chinese characters, and what parameter-efficient fine-tuning techniques are employed to reduce memory consumption during model training?',\n",
+       " 'f1a4c785-190e-4822-8e8b-6722e5552ae2': 'Describe the differences between Chinese LLaMA, Chinese LLaMA2, and Open Chinese LLaMA in terms of their training data, vocabulary optimization, and corpus size.',\n",
+       " '48bef39d-65ae-403a-8cc1-25b93c4e2ab4': 'How does Bactrian-X facilitate multilingual instruction tuning, and what datasets were used in its creation?',\n",
+       " '8f923fe8-4be1-4158-a363-3f95a85cbd89': 'Describe the components and evaluation benchmarks of LLM-Eval, C-Eval, and C-Eval HARD as mentioned in the context information.',\n",
+       " '9fd2953b-b9bf-4599-80f3-d24dee5d77c3': 'How does the method described in the document contribute to achieving accurate results?',\n",
+       " '42c58f41-c662-4b8e-832a-cbdf2c75e2ad': 'What are the key components of the method mentioned in the context information, and how do they work together to produce an average outcome?',\n",
+       " '1357b48e-3f76-48f0-9d25-965b437ebbfa': 'Compare the response quality of LLaMA models with different scales of further pretraining and instruction tuning (SFT). How does the performance vary between models with 10Kpretrain, 100Kpretrain, and 1Mpretrain, as well as Chinese LLaMA and Open Chinese LLaMA?',\n",
+       " '9522dbae-25ae-4129-9c09-b2a62a358bc8': 'Analyze the improvements in response quality between LLaMA models such as LLaMA with 1Mpretrain, LLaMA-EXT with 1Mpretrain, LLaMA2, and Chinese LLaMA2. How do these models compare to each other and to the original LLaMA models with varying levels of pretraining?',\n",
+       " '446273bd-06dc-42f8-932c-4b938104ced6': \"How does the MMLU measure a LLM's ability to learn and apply knowledge across diverse subjects? Provide examples of the subjects covered in the test.\",\n",
+       " 'fc85e0a9-0e24-4382-b24e-a3acdbecadd4': 'Based on the experimental results presented in the document, discuss the impact of vocabulary extension on the performance of the Chinese LLaMA model in the LLM-Eval benchmark. What surprising discovery was made regarding the effectiveness of vocabulary extension in this context?',\n",
+       " '38273db4-d0cd-4364-b6b8-098eb18b4d75': 'How does training scale, including both pretraining scale and instruction tuning scale, impact the transferability of LLM capabilities according to the experimental results presented in the document? Provide examples from the study to support your answer.',\n",
+       " '3f9f9501-d12d-4c30-bb9e-2cf8d64ffd23': 'Compare and contrast the performance of LLaMA 7B, Chinese LLaMA 7B, Open Chinese LLaMA 7B, LLaMA2-7B, and LLaMA-13B on standardized test benchmarks such as C-eval, gaokao-bench, and agi-eval. What conclusions can be drawn about the effectiveness of further pretraining and model sizes in enhancing model knowledge levels based on the results presented in the document?',\n",
+       " 'b7270612-0cef-4a3f-a786-b8422a5d10ea': 'How does the study address the potential impact of improved Chinese proficiency on existing English capabilities?',\n",
+       " '9f377b74-2bd3-472a-9737-2d09e7b72b31': 'What method was used to collect Chinese and English samples for analysis in the study?',\n",
+       " 'a2e096ae-cfe7-49f6-86ca-bbdcc2f0e8be': 'How does the increase in pretraining scale affect the perplexity of LLaMA models in both English and Chinese languages, according to the findings presented in the document?',\n",
+       " '2edfa40b-3e16-4695-b4c8-66758ccf4776': 'Explain how the utilization of Open Chinese LLaMA, which incorporates both Chinese and English content in its training data, impacts the perplexity levels in both languages compared to models trained solely on Chinese corpora.',\n",
+       " '7888e078-e3db-42d3-989f-775a5977885b': 'How does the language1k SFT compare to the 65k SFT in terms of accuracy, information, and learning curve?',\n",
+       " 'bdc8dce7-d45e-4fe2-81c9-d1a8cec827c6': 'Can you explain the differences in the average accuracy, information, and learning curve between the ACC. F. INFO. LC. for the language1k SFT and the 65k SFT?',\n",
+       " 'e084df18-adb8-4a46-a23d-ca0568b5ff8e': 'How does the model LLaMA perform in terms of response quality for low-resource languages according to the evaluation results presented in Table 3? Discuss the performance of Arabic, Indonesian, and Vietnamese compared to other languages and explain the possible reasons behind their better performance.',\n",
+       " 'c03b9e79-6777-48ed-b006-0c2f95f2aa59': \"What is the significance of code-switching observed in the model LLaMA's output when fine-tuned with a dataset of 1k instructions for various low-resource languages? How does the occurrence of code-switching support the hypothesis of cross-lingual alignment relationships within LLMs, as discussed in the document?\",\n",
+       " 'a23467aa-bd92-492c-a541-315363dc2698': 'How does the model indicate non-English target language in the output?',\n",
+       " '96c8d258-02df-46fa-87da-88505e7bf88e': \"What does the cyan background represent in the model's output?\",\n",
+       " '61141a2c-b719-4769-9f67-06eca57ca0fe': 'How does the resource gap in Language Model Models (LLMs) impact their performance, especially in languages other than English?',\n",
+       " '58b1c942-cfc8-4478-9732-25cfe9dc8a31': 'Discuss the significance of code-switching rates across different languages in the context of LLMs and their training data.',\n",
+       " 'c2d0b868-f8de-4e59-8be8-487b946acb34': 'How do language models, such as LLMs, demonstrate a disparity in their capability to handle different languages according to previous findings?',\n",
+       " '94b724b0-37fc-4d23-bbaf-cfb7c3dcfbbe': 'What challenges do LLMs face when it comes to comprehending and generating non-English texts, especially in low-resource languages, as mentioned in the context information?',\n",
+       " 'ded9decc-6d53-44db-b91e-52dd8756b32f': 'What are some proposed solutions to address the resource gap in language and field data for pretraining and evaluating LLMs, as mentioned in the text?',\n",
+       " '7a2d1898-3905-4220-9fd6-5167cb96d97f': 'How have researchers and practitioners suggested increasing the amount of data available from various languages and fields for LLMs, according to the information provided?',\n",
+       " '3f9d0de8-8270-4903-9d63-69556d4642c5': 'How do multilingual language models, such as mBERT and XLM-R, bridge the resource gap and demonstrate cross-lingual transferability? Discuss the mechanisms behind their strong cross-lingual performance as highlighted in the text.',\n",
+       " 'da22d243-2321-491d-85b7-bdbdf4cc7329': 'In the context of code-switching, what are the different approaches and findings regarding the performance of multilingual language models on code-switching tasks? How have researchers proposed to improve the capability of these models in handling code-switching scenarios?',\n",
+       " '0bd09f16-e08c-4f63-90c4-81b219aceeae': 'Explain the reasoning behind the development of LLMCompiler and how it addresses the limitations of current methods for multiple function calling.',\n",
+       " '9eba5021-65f2-440c-b479-71a2d018a223': 'Describe the three components of LLMCompiler and how they work together to streamline parallel function calling.',\n",
+       " '55fb943d-2b9e-4b0c-ae07-b327bc8f9eec': 'How does LLMCompiler compare to ReAct in terms of latency speedup, cost savings, and accuracy improvement? Provide specific examples from the benchmarking results mentioned in the document.',\n",
+       " 'bcf49038-4f0d-4088-a21b-05f67a5eacea': 'Explain the approach taken by ReAct in incorporating multiple function calls for LLMs. Use the example provided in Figure 1 (Left) to illustrate how ReAct analyzes queries and reasons about the next action involving function calls.',\n",
+       " '81f6f82a-ecf1-4b6e-893f-fe33b598903c': 'How does the sequential nature of ReAct impact the scalability of more complex applications, and what optimizations are necessary to address this issue?',\n",
+       " '52f3f3ed-00b8-41c7-8f35-6fd33cfe8d66': 'In what ways can the sequential function calling and repetitive LLM invocations in agent systems that extend ReAct lead to inefficiencies in latency and cost, and how can these challenges be mitigated?',\n",
+       " '4289abce-1b35-4823-b25f-731e14ba5778': 'Compare and contrast the runtime dynamics of LLMCompiler and ReAct in handling a sample question from the HotpotQA benchmark. How does the parallel execution in LLMCompiler lead to a latency speedup compared to the sequential execution in ReAct?',\n",
+       " '351b45c6-8064-4206-9726-57a1f4ecbca6': \"Discuss the potential challenges and pitfalls that may arise in the execution flow of LLMCompiler, as mentioned in the context information. How can repetitive invocation of the same function and early stopping based on partial results impact the accuracy of LLM's responses?\",\n",
+       " '7f853613-725c-4086-8cfe-ab0ce642caf6': 'Explain the key optimization technique in compilers that involves identifying instructions that can be executed in parallel and effectively managing their dependencies. How does this technique relate to the proposed LLMCompiler framework for optimizing the orchestration of LLM function calling?',\n",
+       " '18fb096a-cf31-4592-8be5-e6e5ec31aaab': 'Compare the performance of LLMCompiler with the ReAct framework in terms of speedup, cost reduction, and accuracy when evaluating embarrassingly parallel patterns using HotpotQA and Movie Recommendation datasets. How does the introduction of the ParallelQA benchmark further demonstrate the effectiveness of LLMCompiler in handling more complex function calling patterns?',\n",
+       " 'f6e89e2c-06b6-46f6-b2e6-3bce68a3150c': 'How does the number \"2\" play a role in the context information provided for this quiz?',\n",
+       " '7de856cd-719c-44e1-80fc-28e88a80cadf': 'As a teacher/professor, how would you use the number \"2\" to create a diverse range of questions for your upcoming quiz/examination?',\n",
+       " 'f8a62a95-bc9d-4b2d-b115-df8965dd26e3': 'How does LLMCompiler demonstrate a 2× speedup compared to Tree-of-Thoughts in the context of dynamic replanning for the Game of 24? Explain the significance of this speedup in the context of interactive decision-making environments.',\n",
+       " '5471d730-3cf5-4b01-9b70-3b76d2e42c6f': 'Compare and contrast the approach of Skeleton-of-Thought with LLMCompiler in terms of reducing latency in LLM inference. Discuss the limitations of Skeleton-of-Thought and how LLMCompiler addresses these limitations for more efficient application-level optimizations.',\n",
+       " '71c61536-9eba-4918-be7e-553b8d44eac9': 'How does LLMCompiler address the limitations of handling complex scenarios such as coding and math problems?',\n",
+       " '4896fb60-e76d-4f42-bfeb-0d74f6f0997c': \"What is the significance of the parallel function calling feature introduced by OpenAI in their 1106 release, and how does it compare to LLMCompiler's approach to handling open-source models?\",\n",
+       " '04c6f822-49cb-4cce-b004-4febeb307b77': 'How does LLMCompiler differ from ReWOO in terms of reducing latency and cost in reasoning tasks? Provide specific examples of the differences in their approaches.',\n",
+       " '2da3696f-8879-4d1f-a2df-bdc1bb922d16': 'Explain the concept of Tool-Augmented LLMs and how Toolformer, ReAct, Gorilla, ToolLLM, RestGPT, and OpenAI have contributed to enhancing LLM capabilities in interacting with external environments and supporting real-world APIs.',\n",
+       " '66ec84de-6924-41ae-81de-2ee2d17ab855': 'How does the LLMCompiler framework generate a DAG of tasks with their inter-dependencies?',\n",
+       " 'ad0b9334-c0ea-40d1-8dfe-2162bb3c809c': \"Explain the process outlined in the user input for calculating the increase needed in Microsoft's market cap to exceed Apple's market cap.\",\n",
+       " '4da30433-7d9c-4f1c-80a9-c0c2e6960224': 'Explain the process of task dispatching and execution in the LLMCompiler, using the example of fetching Task $1 and Task $2 for parallel execution. How are dependencies managed in this process?',\n",
+       " 'e08f8b04-3acb-4512-b02a-d915134ac0fa': 'Compare the traditional sequential execution of tasks in frameworks like ReAct with the parallel execution approach proposed by LLMCompiler. How does parallel execution improve the efficiency of completing tasks, as illustrated in the given example of conducting web searches for market caps of Microsoft and Apple?',\n",
+       " 'dc9ec7b7-ad4d-4d4e-b1f1-4abc27b4e6b3': 'How does the LLM Planner in LLMCompiler determine which tasks are parallelizable and which are interdependent? Explain the role of the Planner in generating a sequence of tasks and their dependencies.',\n",
+       " '937d1a5b-eafb-4cd1-88b8-84bb897b8ad4': \"Describe the function of the Task Fetching Unit in LLMCompiler and how it fetches tasks for execution based on a greedy policy. How does it relate to modern computer architectures' instruction fetching units?\",\n",
+       " 'e9cb9640-0d24-4329-915c-b121a5291363': 'In the context of the document, explain the role of the Executor in the task execution process. How does it handle independent tasks and what tools can it utilize for task completion?',\n",
+       " '2c785814-3b7a-4b3a-a344-bd69728382b3': 'Discuss the concept of dynamic replanning as described in the document. Provide examples of when dynamic execution patterns may be necessary and explain how the replanning process works in the context of task execution.',\n",
+       " '7e686e5f-0951-4e2c-aac9-556321b0b269': 'How does LLMCompiler demonstrate its capability in enabling parallel function calling in open-source models, specifically with the LLaMA-2 model? Provide examples of the types of parallel function calling patterns that can be addressed with LLMs.',\n",
+       " '8e873e95-6d8f-4450-a414-1639642640df': 'How is LLMCompiler evaluated in the context of the Game of 24 benchmark and the WebShop benchmark? Discuss the adaptability of LLMCompiler to dynamic dependency graphs and its potential in decision-making tasks.',\n",
+       " 'a8cca18c-60a4-408d-adea-e55d28dd35cc': 'How does the number \"5\" relate to the context information provided?',\n",
+       " '733bd9ae-1faf-48ad-9192-356191fcd439': 'As a teacher/professor, how would you incorporate the number \"5\" into a quiz question for your students?',\n",
+       " '364db5de-0c60-4c2f-be38-d30717838c61': 'How does the accuracy and latency of LLMCompiler compare to the baseline on different benchmarks such as HotpotQA, Movie Recommendation, ParallelQA, and the Game of 24?',\n",
+       " 'd8a345d1-eaa8-42b2-86c2-6ac193a56f5c': 'What common issues are frequently observed in HotpotQA and Movie Recommendation benchmarks when using LLMCompiler, such as looping and early stopping?',\n",
+       " '7d0fb2ac-2186-488d-b959-eba2f1084af6': 'In the context of the document, what is the significance of incorporating ReAct-specific prompting (denoted as ReAct†) to minimize certain behaviors in LLMs? How does this impact the accuracy and latency of the models in benchmarks such as HotpotQA and Movie Rec.?',\n",
+       " '061f6458-d173-4104-af5f-1811cdea0b9a': 'How does the LLMCompiler address the issue of increased latency and token consumption in scenarios involving embarrassingly parallel function calling, as described in the document? Provide examples of benchmarks, such as HotpotQA, where the LLMCompiler demonstrates its ability to identify parallelizable patterns and execute tasks concurrently.',\n",
+       " '1f881cbd-3f39-4472-a354-99d34274b34c': 'Compare and contrast the experimental setups of LLMCompiler and ReAct, highlighting the differences in their approach and optimization strategies. (10 points)',\n",
+       " '17655a85-aa7c-484b-9d66-812a10e43a14': 'Discuss the main failure modes observed in ReAct and how they impact its accuracy compared to LLMCompiler and OpenAI parallel function calling. Provide examples of how these failure modes can be addressed to enhance accuracy. (15 points)',\n",
+       " '76b121be-3bf3-4502-9442-2040d4c1d9c2': 'How does LLMCompiler demonstrate a noticeable speedup compared to ReAct† on the HotpotQA benchmark with GPT and LLaMA?',\n",
+       " '46e4bf29-47e6-4cf9-869a-539fbe6ed9df': 'What is the purpose of the ParallelQA benchmark and how does it incorporate non-trivial function calling patterns?',\n",
+       " 'e3a8c2b0-84dc-469c-9f9b-f905d85bc849': 'How does the use of ReAct as a baseline compare to LLMCompiler in the context of the tools they are equipped with for the search tool and math capabilities?',\n",
+       " '7b7d1c71-c5a6-43d0-8da2-36dc716296b7': \"Why is it mentioned in the document that the reason for the inability to conclude certain aspects related to OpenAI's function calling mechanism is due to the lack of public disclosure?\",\n",
+       " 'bfed057b-e9bf-41ff-8516-7b777dc656ed': 'How would you describe the trend that has been observed with multiple runs over several days?',\n",
+       " '5b84cc0a-9011-4cd3-81f8-3a21678fd6c9': 'Why is it important to consider the consistency of the trend when analyzing data over time?',\n",
+       " '69039c36-6f93-4e62-8377-6c02843e3a62': \"How does the math tool inspired by Langchain's LLMMathChain work in solving mathematical problems? Provide a brief explanation of the process involved.\",\n",
+       " '8f1536b5-e517-4804-9476-8a6d747c3181': 'Can you explain how the math chain, using an LLM as an agent, is able to address a wide range of math problems written in both mathematical and verbal form? Provide examples to illustrate this capability.',\n",
+       " 'e7dfc45b-741f-40b4-ab3a-f67491cc2b9c': \"Explain the advantages of LLMCompiler in terms of accuracy and latency compared to ReAct and OpenAI's parallel function calling. How does LLMCompiler achieve cost reductions in comparison to these methods?\",\n",
+       " '01446f3e-e554-43c3-9cfd-a6924ed147ce': 'Describe the dynamic approach of parallel function calling with replanning in the context of the Game of 24 using the Tree-of-Thoughts (ToT) strategy. How does LLMCompiler enable faster execution in solving the Game of 24 compared to a sequential, breadth-first search approach?',\n",
+       " 'df7e6592-5184-44fc-80cd-b10ddb416f99': 'How can context information be used to enhance understanding and interpretation of a given text or document?',\n",
+       " 'a5b44694-3b65-4dc3-97e9-fd4e590a7a54': 'In what ways can context information impact the overall meaning and significance of a piece of writing or research?',\n",
+       " 'bba97cca-4e6e-4665-b2aa-29335302ea09': 'How does LLMCompiler compare to the baseline described in [57] in terms of latency and success rate on the Game of 24 benchmark? What improvements does LLMCompiler demonstrate with the gpt-4 model and the LLaMA-2 model?',\n",
+       " '5a8e1afe-bac9-41f7-b605-74fdb3a80f76': \"In the application of LLMCompiler in interactive decision-making tasks on the WebShop environment, how does LLMCompiler's exploration strategy differ from previous approaches such as ReAct, LATS, and LASER? What tools does LLMCompiler utilize in this experiment, and how do they contribute to the decision-making process in purchasing items from the WebShop environment?\",\n",
+       " '22d605af-31b6-4bbd-a334-9b7ac4803f46': \"How does LLMCompiler compare to baseline models in terms of performance and latency, specifically when using gpt-3.5-turbo and gpt-4? What factors contribute to LLMCompiler's success rate improvement and latency speedup over ReAct, LATS, and LASER?\",\n",
+       " '27bc6d90-b9b9-4449-840a-84d649a2b6a9': 'Discuss the exploration strategies employed by LLMCompiler, ReAct, LATS, and LASER in the context of decision-making tasks such as the WebShop benchmark. How does the exploration approach of each model impact their performance and execution speed?',\n",
+       " 'e8e9dfb0-7d3b-4dea-927d-7750cac0ca5c': 'How can context information be used to enhance understanding and interpretation of a given document?',\n",
+       " 'e2882317-0e9c-4e1f-b5df-f0a3eebac1dd': 'In what ways can context information impact the overall meaning and significance of a text?',\n",
+       " 'f89f6263-161d-4d25-9ee1-9cb26677396b': 'Compare the performance of LLMCompiler with the gpt-3.5-turbo model and the gpt-4-0613 model in terms of success rate, average score, and latency. How does LLMCompiler outperform the baselines ReAct, LATS, and LASER according to the data provided in Table 3?',\n",
+       " 'e78e4e37-5c61-4e04-a5f0-dd2d6ce79d45': 'Explain how LLMCompiler addresses the inefficiencies in latency, cost, and accuracy associated with existing methods for invoking multiple functions with LLMs. Describe the components of LLMCompiler and how they work together to achieve substantial improvements in latency, cost efficiency, and accuracy, as mentioned in the conclusion section of the document.',\n",
+       " '01d6674c-d743-47e0-9470-e6a29137305a': \"How does Prof. Keutzer's lab receive support from various organizations and companies, and what are some of the specific sponsors mentioned in the context information?\",\n",
+       " 'acc66062-dcad-4e96-b7ed-654bd8b6e320': \"Can you explain the significance of the funding received from Intel, Samsung, BDD, and BAIR for Prof. Keutzer's lab and its research projects?\",\n",
+       " 'bccc1eb4-da39-4c32-8a37-7dc75a3cab3a': 'How did Sehoon Kim and Suhong Moon acknowledge support for their work, and what organizations provided this support?',\n",
+       " '183d7c93-2ee0-40b9-bf67-306a4ee30cff': 'What are some of the references mentioned in the document, and how do they contribute to the research discussed?',\n",
+       " '4224b89f-a956-475b-8545-6111e73013bd': 'Compare and contrast the approaches described in the papers by Maciej Besta et al. and Charlie Chen et al. for utilizing large language models in solving complex problems. How do they differ in their methodologies and objectives?',\n",
+       " '3a7812d6-62e2-40d2-93ae-07cd7dea740e': 'Discuss the findings and implications of the research conducted by Mark Chen et al. on evaluating large language models trained on code. What are the key takeaways from their study and how do they contribute to the field of natural language processing?',\n",
+       " 'ff2099db-1339-4774-9871-f0d09b6320c8': 'In the field of natural language processing, what are some recent advancements in model compression techniques as discussed in the papers by Dettmers et al. (2023) and Frantar et al. (2022)?',\n",
+       " '6a53fb2c-0eb8-4a84-a05a-456b519da62d': 'How are mathematical problem-solving skills being measured in recent research, as highlighted in the papers by Hendrycks et al. (2021) and Frantar et al. (2023)?',\n",
+       " '485e3101-6bc1-420c-83d5-67ab1a3158dc': 'What are some key techniques discussed in the papers by Neil Houlsby et al. and Edward J Hu et al. for improving transfer learning and adaptation of large language models in the field of NLP?',\n",
+       " '8d78f4bd-ea27-448c-928f-f541de3421ef': 'How does Andrej Karpathy contribute to the discussion on large language models, and what insights does he provide in his work that may be relevant to the advancements in NLP research?',\n",
+       " '5da7cf07-1103-492c-b5df-24ff52a3fa05': 'How does the approach of \"decomposed prompting\" proposed by Khot et al. aim to solve complex tasks?',\n",
+       " '512c76a9-28dc-4187-812b-3c5016f60d25': 'What is the significance of using a modular approach in solving complex tasks, as discussed in the paper presented at The Eleventh International Conference on Learning Representations in 2023?',\n",
+       " 'd13dc852-fcd9-4cda-bc5d-724048e0a15c': 'In the field of natural language processing, what are some recent advancements and techniques mentioned in the provided context information that aim to improve the efficiency and performance of large language models?',\n",
+       " '011b45f3-cb7d-4ddc-8775-a4cce3736774': 'How do the approaches of \"dense-and-sparse quantization\" and \"speculative decoding\" contribute to the optimization and acceleration of language models, as discussed in the papers by Sehoon Kim, Amir Gholami, and their collaborators?',\n",
+       " 'beb058ea-3be0-493b-ba4b-a2b56c6082b9': 'Discuss the key contributions and advancements in the field of natural language processing as highlighted in the papers by Kaixin Ma et al., Aman Madaan et al., and Xuefei Ning et al. How do these papers showcase the evolution of language models and their applications in web navigation, iterative refinement, and parallel decoding?',\n",
+       " '8efa7e38-9087-4b17-b7a9-0cb38318e91b': 'Compare and contrast the approaches and outcomes presented in the technical reports by OpenAI on GPT-4 and the new models and developer products announced at devday in 2023. How do these advancements in artificial intelligence and machine learning contribute to the development of large language models and their potential as operating systems, as discussed in the paper by Charles Packer et al.?',\n",
+       " 'dbb18913-ed8d-4eb9-88c1-5547b24c6cae': 'How does the Gorilla language model described in the document connect with massive APIs, according to the authors?',\n",
+       " '22ee045e-a3f4-4575-b96a-81268e9147e9': 'What year was the Gorilla language model introduced, as mentioned in the context information?'}"
+      ]
+     },
+     "execution_count": null,
+     "metadata": {},
+     "output_type": "execute_result"
+    }
+   ],
+   "source": [
+    "qa_dataset = generate_qa_embedding_pairs(nodes=nodes, llm=Settings.llm)"
+   ]
+  },
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "## Alpha Mining & Evaluation\n",
+    "\n",
+    "We're going to update the alpha values of a vector index retriever right before evaluation. \n",
+    "We'll be evaluating alpha values in increments of .1; 0 to 1 where 0 is basic text search and 1 is a pure vector search."
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": null,
+   "metadata": {},
+   "outputs": [
+    {
+     "data": {
+      "text/plain": [
+       "{0.0: {'hit_rate': 0.11627906976744186, 'mrr': 0.034057770394979696},\n",
+       " 0.1: {'hit_rate': 0.9069767441860465, 'mrr': 0.7831879844961239},\n",
+       " 0.2: {'hit_rate': 0.9069767441860465, 'mrr': 0.7831879844961239},\n",
+       " 0.3: {'hit_rate': 0.9069767441860465, 'mrr': 0.7831879844961239},\n",
+       " 0.4: {'hit_rate': 0.9069767441860465, 'mrr': 0.7831879844961239},\n",
+       " 0.5: {'hit_rate': 0.9069767441860465, 'mrr': 0.7831879844961239},\n",
+       " 0.6: {'hit_rate': 0.9069767441860465, 'mrr': 0.7831879844961239},\n",
+       " 0.7: {'hit_rate': 0.9069767441860465, 'mrr': 0.7831879844961239},\n",
+       " 0.8: {'hit_rate': 0.9069767441860465, 'mrr': 0.7831879844961239},\n",
+       " 0.9: {'hit_rate': 0.9069767441860465, 'mrr': 0.7831879844961239},\n",
+       " 1.0: {'hit_rate': 0.9069767441860465, 'mrr': 0.7831879844961239}}"
+      ]
+     },
+     "execution_count": null,
+     "metadata": {},
+     "output_type": "execute_result"
+    }
+   ],
+   "source": [
+    "def calculate_metrics(eval_results):\n",
+    "    metric_dicts = []\n",
+    "    for eval_result in eval_results:\n",
+    "        metric_dict = eval_result.metric_vals_dict\n",
+    "        metric_dicts.append(metric_dict)\n",
+    "\n",
+    "    full_df = pd.DataFrame(metric_dicts)\n",
+    "\n",
+    "    hit_rate = full_df[\"hit_rate\"].mean()\n",
+    "    mrr = full_df[\"mrr\"].mean()\n",
+    "    return hit_rate, mrr\n",
+    "\n",
+    "\n",
+    "async def alpha_mine(\n",
+    "    qa_dataset,\n",
+    "    vector_store_index,\n",
+    "    alpha_values=[0.0, 0.1, 0.2, 0.3, 0.4, 0.5, 0.6, 0.7, 0.8, 0.9, 1.0],\n",
+    "):\n",
+    "    retriever = VectorIndexRetriever(\n",
+    "        index=vector_store_index,\n",
+    "        vector_store_query_mode=\"hybrid\",\n",
+    "        alpha=0.0,  # this will change\n",
+    "        similarity_top_k=10,\n",
+    "    )\n",
+    "\n",
+    "    results = dict()\n",
+    "\n",
+    "    for alpha in alpha_values:\n",
+    "        retriever._alpha = alpha\n",
+    "        retriever_evaluator = RetrieverEvaluator.from_metric_names(\n",
+    "            metric_names=[\"mrr\", \"hit_rate\"], retriever=retriever\n",
+    "        )\n",
+    "        eval_results = await retriever_evaluator.aevaluate_dataset(dataset=qa_dataset)\n",
+    "\n",
+    "        hit_rate, mrr = calculate_metrics(eval_results)\n",
+    "\n",
+    "        results[alpha] = {\"hit_rate\": hit_rate, \"mrr\": mrr}\n",
+    "\n",
+    "    return results\n",
+    "\n",
+    "\n",
+    "results = await alpha_mine(qa_dataset=qa_dataset, vector_store_index=vector_index)\n",
+    "results"
+   ]
+  },
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "### Conclusions\n",
+    "\n",
+    "As seen above, the alpha values between .1 and 1 are basically the same. This was a single dataset that was tested on and more than likely you'll want to test on multiple datasets for multiple purposes. For our purposes, the default .5 for most hybrid retrievers probably works well - although as shown in the [original blog post](https://blog.llamaindex.ai/llamaindex-enhancing-retrieval-performance-with-alpha-tuning-in-hybrid-search-in-rag-135d0c9b8a00) that started this llama pack, datasets can have wildly different results among their alpha values. "
+   ]
+  },
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "## Bonus: Koda Retriever vs Vanilla Hybrid Retriever\n",
+    "\n",
+    "Finally, we'll evaluate and compare a vanilla hybrid retriever against our koda retriever.\n",
+    "This koda retriever will use default alpha values and categories provided in the alpha pack."
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": null,
+   "metadata": {},
+   "outputs": [],
+   "source": [
+    "async def compare_retrievers(retrievers, qa_dataset):\n",
+    "    results = dict()\n",
+    "\n",
+    "    for name, retriever in retrievers.items():\n",
+    "        retriever_evaluator = RetrieverEvaluator.from_metric_names(\n",
+    "            metric_names=[\"mrr\", \"hit_rate\"], retriever=retriever\n",
+    "        )\n",
+    "\n",
+    "        eval_results = await retriever_evaluator.aevaluate_dataset(dataset=qa_dataset)\n",
+    "\n",
+    "        hit_rate, mrr = calculate_metrics(eval_results)\n",
+    "\n",
+    "        results[name] = {\"hit_rate\": hit_rate, \"mrr\": mrr}\n",
+    "\n",
+    "    return results\n",
+    "\n",
+    "\n",
+    "retrievers = {\"vanilla\": vanilla_retriever, \"koda\": koda_retriever}\n",
+    "\n",
+    "results = await compare_retrievers(retrievers=retrievers, qa_dataset=qa_dataset)\n",
+    "results"
+   ]
+  }
+ ],
+ "metadata": {
+  "kernelspec": {
+   "display_name": ".venv",
+   "language": "python",
+   "name": "python3"
+  },
+  "language_info": {
+   "codemirror_mode": {
+    "name": "ipython",
+    "version": 3
+   },
+   "file_extension": ".py",
+   "mimetype": "text/x-python",
+   "name": "python",
+   "nbconvert_exporter": "python",
+   "pygments_lexer": "ipython3"
+  }
+ },
+ "nbformat": 4,
+ "nbformat_minor": 2
+}
diff --git a/llama-index-packs/llama-index-packs-koda-retriever/examples/alpha_tuning.ipynb b/llama-index-packs/llama-index-packs-koda-retriever/examples/alpha_tuning.ipynb
new file mode 100644
index 0000000000000000000000000000000000000000..0839f2c976c3eb08bda5103ff61290a9ffcc6257
--- /dev/null
+++ b/llama-index-packs/llama-index-packs-koda-retriever/examples/alpha_tuning.ipynb
@@ -0,0 +1,258 @@
+{
+ "cells": [
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "# Alpha Tuning w/ Koda Retriever\n",
+    "\n",
+    "*For this example non-production ready infrastructure is leveraged*\n",
+    "More specifically, the default sample data provided in a free start instance of [Pinecone](https://www.pinecone.io/) is used. This data consists of movie scripts and their summaries embedded in a free Pinecone vector database.\n",
+    "\n",
+    "### Agenda\n",
+    "- Fixture Setup\n",
+    "- Alpha Tuning Setup\n",
+    "- Koda Retriever: Retrieval \n",
+    "\n",
+    "A quick overview/visual on how alpha tuning works: (excuse the weird colors, my color settings on Windows was weirdly interacting w/ Google Sheets and made some colors useless)\n",
+    "![alpha-tuning](https://i.imgur.com/zxCXqGb.png)\n",
+    "\n",
+    "### Example Context\n",
+    "Let's say you're building a query engine or agent that is expected to answer questions on Deep Learning, AI, RAG Architecture, and adjacent topics. As a result of this, your team has narrowed down three main query classifications and associated alpha values with those classifications. Your alpha values were determined by incrementally decreasing the alpha value from 1 to 0 and for each new alpha value, several queries are run and evaluated. Repeating this process for each category should yield an optimal alpha value for each category over your data. This process should be repeated periodically as your data expands or changes. \n",
+    "\n",
+    "With the categories and corresponding alpha values uncovered, these are our categories:\n",
+    "- Concept Seeking Queries *(α: 0.2)*\n",
+    "- Fact Seeking Queries *(α: .6)*\n",
+    "- Queries w/ Misspellings *(α: 1)*\n",
+    "\n",
+    "Clearly, these categories have very different biases towards one end of the retrieval spectrum. The default for Llama Index hybrid retrievers is 0.5."
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": null,
+   "metadata": {},
+   "outputs": [],
+   "source": [
+    "# Import all the necessary modules\n",
+    "from llama_index.llms.openai import OpenAI\n",
+    "from llama_index.core import VectorStoreIndex\n",
+    "from llama_index.embeddings.openai import OpenAIEmbedding\n",
+    "from llama_index.core.postprocessor import LLMRerank\n",
+    "from llama_index.core import VectorStoreIndex\n",
+    "from llama_index.vector_stores.pinecone import PineconeVectorStore\n",
+    "from llama_index.core import Settings\n",
+    "from llama_index.core.query_engine import RetrieverQueryEngine\n",
+    "from llama_index.packs.koda_retriever import KodaRetriever\n",
+    "import os\n",
+    "from pinecone import Pinecone"
+   ]
+  },
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "## Setup\n",
+    "\n",
+    "Building *required objects* for a Koda Retriever.\n",
+    "- Vector Index\n",
+    "- LLM/Model\n",
+    "\n",
+    "Other objects are *optional*, and will be used if provided:\n",
+    "- Reranker\n",
+    "- Custom categories & corresponding alpha weights\n",
+    "- A custom model trained on the custom info above"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": null,
+   "metadata": {},
+   "outputs": [],
+   "source": [
+    "pc = Pinecone(api_key=os.environ.get(\"PINECONE_API_KEY\"))\n",
+    "index = pc.Index(\"sample-movies\")\n",
+    "\n",
+    "Settings.llm = OpenAI()\n",
+    "Settings.embed_model = OpenAIEmbedding()\n",
+    "\n",
+    "vector_store = PineconeVectorStore(pinecone_index=index, text_key=\"summary\")\n",
+    "vector_index = VectorStoreIndex.from_vector_store(\n",
+    "    vector_store=vector_store, embed_model=Settings.embed_model\n",
+    ")\n",
+    "\n",
+    "reranker = LLMRerank(llm=Settings.llm)  # optional"
+   ]
+  },
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "## Defining Categories & Alpha Values\n",
+    "\n",
+    "We need to first input our categories and alpha values in a format that Koda can understand.\n",
+    "\n",
+    "### Important Considerations:\n",
+    "If you provide these custom categories and no custom model, these values will be input as few-shot context training for whatever model is provided to Koda Retriever. Otherwise, if a custom model is provided and has been trained on the data that would otherwise be provided below, ensure the keys of the categories dictionary matches the expected labels of the custom model. Likewise, do NOT provide any examples or a description."
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": null,
+   "metadata": {},
+   "outputs": [],
+   "source": [
+    "# It is easiest and recommended to define your alpha categories and values in a dictionary\n",
+    "# It must follow this format:\n",
+    "# {\n",
+    "#     \"category_name\": {\n",
+    "#         \"alpha\": 0.5,  # alpha value - always required\n",
+    "#         \"description\": \"description of the category\", # optional if providing fine tuned model\n",
+    "#         \"examples\": [ # optional if providing fine tuned model\n",
+    "#             \"example 1\", # provide at least 1 example\n",
+    "#             \"example 2\"\n",
+    "#         ]\n",
+    "\n",
+    "categories = {  # key, #alpha, description [and examples]\n",
+    "    \"concept seeking query\": {\n",
+    "        \"alpha\": 0.2,\n",
+    "        \"description\": \"Abstract questions, usually on a specific topic, that require multiple sentences to answer\",\n",
+    "        \"examples\": [\n",
+    "            \"What is the dual-encoder architecture used in recent works on dense retrievers?\",\n",
+    "            \"Why should I use semantic search to rank results?\",\n",
+    "        ],\n",
+    "    },\n",
+    "    \"fact seeking query\": {\n",
+    "        \"alpha\": 0.6,\n",
+    "        \"description\": \"Queries with a single, clear answer\",\n",
+    "        \"examples\": [\n",
+    "            \"What is the total number of propositions the English Wikipedia dump is segmented into in FACTOID WIKI?\",\n",
+    "            \"How many documents are semantically ranked?\",\n",
+    "        ],\n",
+    "    },\n",
+    "    \"queries with misspellings\": {\n",
+    "        \"alpha\": 1,\n",
+    "        \"description\": \"Queries with typos, transpositions and common misspellings introduced\",\n",
+    "        \"examples\": [\n",
+    "            \"What is the advntage of prposition retrieval over sentnce or passage retrieval?\",\n",
+    "            \"Ho w mny documents are samantically r4nked\",\n",
+    "        ],\n",
+    "    },\n",
+    "}"
+   ]
+  },
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "## Building Koda Retriever"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": null,
+   "metadata": {},
+   "outputs": [],
+   "source": [
+    "retriever = KodaRetriever(\n",
+    "    index=vector_index,\n",
+    "    llm=Settings.llm,\n",
+    "    matrix=categories,  # koda now knows to use these categories\n",
+    "    reranker=reranker,  # optional\n",
+    "    verbose=True,\n",
+    ")"
+   ]
+  },
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "## Retrieving w/ Koda Retriever"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": null,
+   "metadata": {},
+   "outputs": [
+    {
+     "data": {
+      "text/plain": [
+       "[NodeWithScore(node=TextNode(id_='33', embedding=None, metadata={'box-office': 1113138548.0, 'title': 'Jurassic Park', 'year': 1993.0}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={}, text='A theme park showcasing genetically engineered dinosaurs turns into a nightmare when the creatures escape their enclosures, forcing the visitors to fight for survival.', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), score=8.0),\n",
+       " NodeWithScore(node=TextNode(id_='7', embedding=None, metadata={'box-office': 1671537444.0, 'title': 'Jurassic World', 'year': 2015.0}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={}, text='Set in a fully functioning dinosaur theme park on Isla Nublar, Jurassic World faces chaos when a genetically engineered dinosaur, the Indominus Rex, escapes. Stars Chris Pratt and Bryce Dallas Howard.', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), score=7.0)]"
+      ]
+     },
+     "execution_count": null,
+     "metadata": {},
+     "output_type": "execute_result"
+    }
+   ],
+   "source": [
+    "query = \"Can you explain the Jurassic Park as a business as it was supposed to operate inside the movie's lore or timeline?\"\n",
+    "results = retriever.retrieve(query)\n",
+    "\n",
+    "results"
+   ]
+  },
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "Those results don't look quite palletteable though. For that, lets look into making the response more *natural*. For that we'll likely need a Query Engine."
+   ]
+  },
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "# Query Engine w/ Koda Retriever\n",
+    "\n",
+    "Query Engines are [Llama Index abstractions](https://docs.llamaindex.ai/en/stable/module_guides/deploying/query_engine/root.html) that combine retrieval and synthesization of an LLM to interpret the results given by a retriever into a natural language response to the original query. They are themselves an end-to-end pipeline from query to natural langauge response."
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": null,
+   "metadata": {},
+   "outputs": [
+    {
+     "data": {
+      "text/plain": [
+       "\"Jurassic Park was intended to be a theme park that featured genetically engineered dinosaurs as its main attraction. Visitors were meant to experience the thrill of seeing these creatures up close in a controlled environment. However, due to unforeseen circumstances in the movie's storyline, the dinosaurs escaped their enclosures, leading to chaos and danger for the visitors.\""
+      ]
+     },
+     "execution_count": null,
+     "metadata": {},
+     "output_type": "execute_result"
+    }
+   ],
+   "source": [
+    "query_engine = RetrieverQueryEngine.from_args(retriever=retriever)\n",
+    "\n",
+    "response = query_engine.query(query)\n",
+    "\n",
+    "str(response)"
+   ]
+  }
+ ],
+ "metadata": {
+  "kernelspec": {
+   "display_name": ".venv",
+   "language": "python",
+   "name": "python3"
+  },
+  "language_info": {
+   "codemirror_mode": {
+    "name": "ipython",
+    "version": 3
+   },
+   "file_extension": ".py",
+   "mimetype": "text/x-python",
+   "name": "python",
+   "nbconvert_exporter": "python",
+   "pygments_lexer": "ipython3"
+  }
+ },
+ "nbformat": 4,
+ "nbformat_minor": 2
+}
diff --git a/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf b/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf
new file mode 100644
index 0000000000000000000000000000000000000000..2e63ef9d6cf1c1c30398096011f2a4a4fa2649ab
Binary files /dev/null and b/llama-index-packs/llama-index-packs-koda-retriever/examples/data/dense_x_retrieval.pdf differ
diff --git a/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf b/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf
new file mode 100644
index 0000000000000000000000000000000000000000..4a36b93725b7177536f6046e38f4785aa7d60b30
Binary files /dev/null and b/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llama_beyond_english.pdf differ
diff --git a/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf b/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf
new file mode 100644
index 0000000000000000000000000000000000000000..edd3e26f193afa1ebed05ac048ad31d321a024ec
Binary files /dev/null and b/llama-index-packs/llama-index-packs-koda-retriever/examples/data/llm_compiler.pdf differ
diff --git a/llama-index-packs/llama-index-packs-koda-retriever/examples/quickstart.ipynb b/llama-index-packs/llama-index-packs-koda-retriever/examples/quickstart.ipynb
new file mode 100644
index 0000000000000000000000000000000000000000..fe975a7594e400c225e7653dd0883a28fbf1a6a6
--- /dev/null
+++ b/llama-index-packs/llama-index-packs-koda-retriever/examples/quickstart.ipynb
@@ -0,0 +1,187 @@
+{
+ "cells": [
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "# Koda Retriever: Quickstart\n",
+    "\n",
+    "*For this example non-production ready infrastructure is leveraged, and default categories (and corresponding alpha values) are used.*\n",
+    "\n",
+    "More specifically, the default sample data provided in a free start instance of [Pinecone](https://www.pinecone.io/) is used. This data consists of movie scripts and their summaries embedded in a free Pinecone vector database.\n",
+    "\n",
+    "### Agenda:\n",
+    "- Setup\n",
+    "- Koda Retriever: Retrieval \n",
+    "- Koda Retriever: Query Engine"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": null,
+   "metadata": {},
+   "outputs": [],
+   "source": [
+    "# Import all the necessary modules\n",
+    "from llama_index.llms.openai import OpenAI\n",
+    "from llama_index.core import VectorStoreIndex\n",
+    "from llama_index.embeddings.openai import OpenAIEmbedding\n",
+    "from llama_index.core.postprocessor import LLMRerank\n",
+    "from llama_index.core import VectorStoreIndex\n",
+    "from llama_index.vector_stores.pinecone import PineconeVectorStore\n",
+    "from llama_index.core import Settings\n",
+    "from llama_index.core.query_engine import RetrieverQueryEngine\n",
+    "from llama_index.packs.koda_retriever import KodaRetriever\n",
+    "import os\n",
+    "from pinecone import Pinecone"
+   ]
+  },
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "## Setup\n",
+    "\n",
+    "Building *required objects* for a Koda Retriever.\n",
+    "- Vector Index\n",
+    "- LLM/Model\n",
+    "\n",
+    "Other objects are *optional*, and will be used if provided:\n",
+    "- Reranker\n",
+    "- Custom categories & corresponding alpha weights\n",
+    "- A custom model trained on the custom info above"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": null,
+   "metadata": {},
+   "outputs": [],
+   "source": [
+    "pc = Pinecone(api_key=os.environ.get(\"PINECONE_API_KEY\"))\n",
+    "index = pc.Index(\"sample-movies\")\n",
+    "\n",
+    "Settings.llm = OpenAI()\n",
+    "Settings.embed_model = OpenAIEmbedding()\n",
+    "\n",
+    "vector_store = PineconeVectorStore(pinecone_index=index, text_key=\"summary\")\n",
+    "vector_index = VectorStoreIndex.from_vector_store(\n",
+    "    vector_store=vector_store, embed_model=Settings.embed_model\n",
+    ")\n",
+    "\n",
+    "reranker = LLMRerank(llm=Settings.llm)  # optional"
+   ]
+  },
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "## Building Koda Retriever"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": null,
+   "metadata": {},
+   "outputs": [],
+   "source": [
+    "retriever = KodaRetriever(\n",
+    "    index=vector_index,\n",
+    "    llm=Settings.llm,\n",
+    "    reranker=reranker,  # optional\n",
+    "    verbose=True,\n",
+    ")"
+   ]
+  },
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "## Retrieving w/ Koda Retriever"
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": null,
+   "metadata": {},
+   "outputs": [
+    {
+     "data": {
+      "text/plain": [
+       "[NodeWithScore(node=TextNode(id_='7', embedding=None, metadata={'box-office': 1671537444.0, 'title': 'Jurassic World', 'year': 2015.0}, excluded_embed_metadata_keys=[], excluded_llm_metadata_keys=[], relationships={}, text='Set in a fully functioning dinosaur theme park on Isla Nublar, Jurassic World faces chaos when a genetically engineered dinosaur, the Indominus Rex, escapes. Stars Chris Pratt and Bryce Dallas Howard.', start_char_idx=None, end_char_idx=None, text_template='{metadata_str}\\n\\n{content}', metadata_template='{key}: {value}', metadata_seperator='\\n'), score=8.0)]"
+      ]
+     },
+     "execution_count": null,
+     "metadata": {},
+     "output_type": "execute_result"
+    }
+   ],
+   "source": [
+    "query = \"How many Jurassic Park movies are there?\"\n",
+    "results = retriever.retrieve(query)\n",
+    "\n",
+    "results"
+   ]
+  },
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "Those results don't look quite palletteable though. For that, lets look into making the response more *natural*. For that we'll likely need a Query Engine."
+   ]
+  },
+  {
+   "cell_type": "markdown",
+   "metadata": {},
+   "source": [
+    "# Query Engine w/ Koda Retriever\n",
+    "\n",
+    "Query Engines are [Llama Index abstractions](https://docs.llamaindex.ai/en/stable/module_guides/deploying/query_engine/root.html) that combine retrieval and synthesization of an LLM to interpret the results given by a retriever into a natural language response to the original query. They are themselves an end-to-end pipeline from query to natural langauge response."
+   ]
+  },
+  {
+   "cell_type": "code",
+   "execution_count": null,
+   "metadata": {},
+   "outputs": [
+    {
+     "data": {
+      "text/plain": [
+       "'There are five Jurassic Park movies.'"
+      ]
+     },
+     "execution_count": null,
+     "metadata": {},
+     "output_type": "execute_result"
+    }
+   ],
+   "source": [
+    "query_engine = RetrieverQueryEngine.from_args(retriever=retriever)\n",
+    "\n",
+    "response = query_engine.query(query)\n",
+    "\n",
+    "str(response)"
+   ]
+  }
+ ],
+ "metadata": {
+  "kernelspec": {
+   "display_name": ".venv",
+   "language": "python",
+   "name": "python3"
+  },
+  "language_info": {
+   "codemirror_mode": {
+    "name": "ipython",
+    "version": 3
+   },
+   "file_extension": ".py",
+   "mimetype": "text/x-python",
+   "name": "python",
+   "nbconvert_exporter": "python",
+   "pygments_lexer": "ipython3"
+  }
+ },
+ "nbformat": 4,
+ "nbformat_minor": 2
+}
diff --git a/llama-index-packs/llama-index-packs-koda-retriever/llama_index/packs/koda_retriever/BUILD b/llama-index-packs/llama-index-packs-koda-retriever/llama_index/packs/koda_retriever/BUILD
new file mode 100644
index 0000000000000000000000000000000000000000..db46e8d6c978c67e301dd6c47bee08c1b3fd141c
--- /dev/null
+++ b/llama-index-packs/llama-index-packs-koda-retriever/llama_index/packs/koda_retriever/BUILD
@@ -0,0 +1 @@
+python_sources()
diff --git a/llama-index-packs/llama-index-packs-koda-retriever/llama_index/packs/koda_retriever/__init__.py b/llama-index-packs/llama-index-packs-koda-retriever/llama_index/packs/koda_retriever/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..ff4c1cdffacf25a40656517f16ba7c1065987e11
--- /dev/null
+++ b/llama-index-packs/llama-index-packs-koda-retriever/llama_index/packs/koda_retriever/__init__.py
@@ -0,0 +1,5 @@
+from llama_index.packs.koda_retriever.base import KodaRetriever
+from llama_index.packs.koda_retriever.matrix import AlphaMatrix
+from llama_index.packs.koda_retriever.constants import DEFAULT_CATEGORIES
+
+__all__ = ["KodaRetriever", "AlphaMatrix", "DEFAULT_CATEGORIES"]
diff --git a/llama-index-packs/llama-index-packs-koda-retriever/llama_index/packs/koda_retriever/base.py b/llama-index-packs/llama-index-packs-koda-retriever/llama_index/packs/koda_retriever/base.py
new file mode 100644
index 0000000000000000000000000000000000000000..9c03d93d675f5647b0d460df02c241c3a26aea9d
--- /dev/null
+++ b/llama-index-packs/llama-index-packs-koda-retriever/llama_index/packs/koda_retriever/base.py
@@ -0,0 +1,258 @@
+"""
+Defines a custom hybrid retriever for flexible alpha tuning.
+
+Idea & original implementation sourced from the following docs:
+    - https://blog.llamaindex.ai/llamaindex-enhancing-retrieval-performance-with-alpha-tuning-in-hybrid-search-in-rag-135d0c9b8a00
+    - https://techcommunity.microsoft.com/t5/ai-azure-ai-services-blog/azure-ai-search-outperforming-vector-search-with-hybrid/ba-p/3929167
+
+Author: no_dice
+"""
+
+from typing import Optional, List, Any
+from llama_index.core.vector_stores.types import VectorStoreQueryMode
+from llama_index.core.retrievers import BaseRetriever
+from llama_index.core.retrievers import VectorIndexRetriever
+from llama_index.core import VectorStoreIndex
+from llama_index.core.postprocessor.types import BaseNodePostprocessor
+from llama_index.core.llms import LLM
+from llama_index.core.schema import NodeWithScore, QueryType
+from llama_index.core.llama_pack.base import BaseLlamaPack
+from llama_index.core.base.response.schema import RESPONSE_TYPE
+from .constants import CATEGORIZER_PROMPT, DEFAULT_CATEGORIES
+import logging
+from .matrix import AlphaMatrix
+
+
+class KodaRetriever(BaseRetriever):
+    """
+    Custom Hybrid Retriever that dynamically determines the optimal alpha for a given query.
+    An LLM is used to categorize the query and therefore determine the optimal alpha value, as each category has a preset/provided alpha value.
+    It is recommended that you run tests on your corpus of data and queries to determine categories and corresponding alpha values for your use case.
+
+    KodaRetriever is built from BaseRetriever, and therefore is a llama-index compatible drop-in replacement for any hybrid retriever.
+
+    Auto-routing is NOT enabled without providing an LLM.
+    If no LLM is provided, the default alpha value will be used for all queries and no alpha tuning will be done.
+    Reranking will be done automatically if a reranker is provided.
+    If no matrix is provided, a default matrix is leveraged. (Not recommended for production use)
+
+    Args:
+        index (VectorStoreIndex): The index to be used for retrieval
+        llm (LLM, optional): The LLM to be used for auto-routing. Defaults to None.
+        reranker (BaseNodePostprocessor, optional): The reranker to be used for postprocessing. Defaults to None.
+        default_alpha (float, optional): The default alpha value to be used if no LLM is provided. Defaults to .5.
+        matrix (dict or AlphaMatrix, optional): The matrix to be used for auto-routing. Defaults to AlphaMatrix(data=DEFAULT_CATEGORIES).
+        verbose (bool, optional): Whether to log verbose output. Defaults to False.
+        **kwargs: Additional arguments for VectorIndexRetriever
+
+    Returns:
+        KodaRetriever
+
+    Examples:
+        >>> # Example 1 - provide your own LLM
+        >>> retriever = KodaRetriever( # woof woof
+                            index=vector_index
+                            , llm=Settings.llm
+                            , verbose=True
+                        )
+        >>> results = retriever.retrieve("What is the capital of France?")
+
+        >>> # Example 2 - set custom alpha values
+        >>> matrix_data = { # this is just dummy data, alpha values were randomly chosen
+                "positive sentiment": {
+                    "alpha": .2
+                    , "description": "Queries expecting a positive answer"
+                    , "examples": [
+                        "I love this product"
+                        , "This is the best product ever"
+                    ]
+                }
+                , "negative sentiment": {
+                    "alpha": .7
+                    , "description": "Queries expecting a negative answer"
+                    , "examples": [
+                        "I hate this product"
+                        , "This is the worst product ever"
+                    ]
+                }
+            }
+
+        >>> retriever = KodaRetriever( # woof woof
+                            index=vector_index
+                            , llm=Settings.llm
+                            , matrix=matrix_data
+                            , verbose=True
+                        )
+        >>> results = retriever.retrieve("What happened on Y2K?")
+
+    """
+
+    def __init__(
+        self,
+        index: VectorStoreIndex,
+        llm: Optional[LLM] = None,  # if I could, I'd default to
+        reranker: Optional[BaseNodePostprocessor] = None,
+        default_alpha: float = 0.5,
+        matrix: dict or AlphaMatrix = DEFAULT_CATEGORIES,  # type: ignore
+        verbose: bool = False,
+        **kwargs,  # kwargs for VectorIndexRetriever
+    ):
+        super().__init__()
+
+        self.index = index
+        self.retriever = VectorIndexRetriever(
+            index=index,
+            vector_store_query_mode=VectorStoreQueryMode.HYBRID,
+            alpha=default_alpha,
+            **kwargs,  # filters, etc, added here
+        )
+        self.default_alpha = default_alpha
+        self.reranker = reranker
+        self.llm = llm
+        self.verbose = verbose
+
+        if isinstance(matrix, dict):
+            matrix = AlphaMatrix(data=matrix)
+
+        self.matrix = matrix
+
+    def categorize(self, query: str) -> str:
+        """Categorizes a query using the provided LLM and matrix. If no LLM is provided, the default alpha value will be used."""
+        if not self.llm:
+            err = "LLM is required for auto-routing. During instantiation, please provide an LLM or use direct routing."
+            raise TypeError(err)
+
+        prompt = CATEGORIZER_PROMPT.format(
+            question=query, category_info=self.matrix.get_all_category_info()
+        )
+
+        response = str(self.llm.complete(prompt))  # type: ignore
+
+        if response not in self.matrix.get_categories():
+            raise ValueError(
+                f"LLM classified question in a category that is not registered. {response} not in {self.matrix.get_categories()}"
+            )
+
+        return response
+
+    async def a_categorize(self, query: str) -> str:
+        """(async) Categorizes a query using the provided LLM and matrix. If no LLM is provided, the default alpha value will be used."""
+        if not self.llm:
+            err = "LLM is required for auto-routing. During instantiation, please provide an LLM or use direct routing."
+            raise TypeError(err)
+
+        prompt = CATEGORIZER_PROMPT.format(
+            question=query, category_info=self.matrix.get_all_category_info()
+        )
+
+        response = await self.llm.acomplete(prompt)  # type: ignore
+        response = str(response)
+
+        if response not in self.matrix.get_categories():
+            raise ValueError(
+                f"LLM classified question in a category that is not registered. {response!s} not in {self.matrix.get_categories()}"
+            )
+
+        return response
+
+    def category_retrieve(self, category: str, query: QueryType) -> List[NodeWithScore]:
+        """Updates the alpha and retrieves results for a query using the provided category and query. If no LLM is provided, the default alpha value will be used."""
+        alpha = self.matrix.get_alpha(category)
+        self.retriever._alpha = (
+            alpha  # updates alpha according to classification of query
+        )
+
+        return self.retriever.retrieve(str_or_query_bundle=query)
+
+    async def a_category_retrieve(
+        self, category: str, query: QueryType
+    ) -> List[NodeWithScore]:
+        """(async) Updates the alpha and retrieves results for a query using the provided category and query. If no LLM is provided, the default alpha value will be used."""
+        alpha = self.matrix.get_alpha(category)
+        self.retriever._alpha = (
+            alpha  # updates alpha according to classification of query
+        )
+
+        return await self.retriever.aretrieve(str_or_query_bundle=query)
+
+    def _retrieve(self, query: QueryType) -> List[NodeWithScore]:
+        """llama-index compatible retrieve method that auto-determines the optimal alpha for a query and then retrieves results for a query."""
+        if not self.llm:
+            warning = f"LLM is not provided, skipping route categorization. Default alpha of {self.default_alpha} will be used."
+            logging.warning(warning)
+
+            results = self.retriever.retrieve(query)
+        else:
+            category = self.categorize(query)  # type: ignore
+            results = self.category_retrieve(category, query)
+            if self.verbose:
+                logging.info(
+                    f"Query categorized as {category} with alpha of {self.matrix.get_alpha(category)}"
+                )
+
+        if self.reranker:
+            if self.verbose:
+                logging.info("Reranking results")
+            results = self.reranker.postprocess_nodes(nodes=results, query_str=query)
+
+        return results
+
+    async def _aretrieve(self, query: QueryType) -> List[NodeWithScore]:
+        """(async) llama-index compatible retrieve method that auto-determines the optimal alpha for a query and then retrieves results for a query."""
+        if not self.llm:
+            warning = f"LLM is not provided, skipping route categorization. Default alpha of {self.default_alpha} will be used."
+            logging.warning(warning)
+
+            results = await self.retriever.aretrieve(query)
+        else:
+            category = await self.a_categorize(query)  # type: ignore
+            results = await self.a_category_retrieve(category, query)
+            if self.verbose:
+                logging.info(
+                    f"Query categorized as {category} with alpha of {self.matrix.get_alpha(category)}"
+                )
+
+        if self.reranker:
+            if self.verbose:
+                logging.info("Reranking results")
+            results = self.reranker.postprocess_nodes(nodes=results, query_str=query)
+
+        return results
+
+
+class KodaRetrieverPack(BaseLlamaPack):
+    def __init__(
+        self,
+        index: VectorStoreIndex,
+        llm: Optional[LLM] = None,  # if I could, I'd default to
+        reranker: Optional[BaseNodePostprocessor] = None,
+        default_alpha: float = 0.5,
+        matrix: dict or AlphaMatrix = DEFAULT_CATEGORIES,  # type: ignore
+        verbose: bool = False,
+        **kwargs,  # kwargs for VectorIndexRetriever
+    ) -> None:
+        """Init params."""
+        self.retriever = KodaRetriever(
+            index=index,
+            llm=llm,
+            reranker=reranker,
+            default_alpha=default_alpha,
+            matrix=matrix,
+            verbose=verbose,
+            **kwargs,
+        )
+
+    def get_modules(self) -> dict:
+        """Get modules."""
+        return {
+            "retriever": self.retriever,
+            "retriever_cls": KodaRetriever,
+        }
+
+    def run(self, query_str: str, **kwargs: Any) -> RESPONSE_TYPE:
+        """Run method."""
+        return self.retriever.retrieve(query_str, **kwargs)
+
+    async def arun(self, query_str: str, **kwargs: Any) -> RESPONSE_TYPE:
+        """Asynchronous run method."""
+        return await self.retriever.aretrieve(query_str, **kwargs)
diff --git a/llama-index-packs/llama-index-packs-koda-retriever/llama_index/packs/koda_retriever/constants.py b/llama-index-packs/llama-index-packs-koda-retriever/llama_index/packs/koda_retriever/constants.py
new file mode 100644
index 0000000000000000000000000000000000000000..12e9d05fa258225fcc8215ba9a3b5d71dc50352d
--- /dev/null
+++ b/llama-index-packs/llama-index-packs-koda-retriever/llama_index/packs/koda_retriever/constants.py
@@ -0,0 +1,62 @@
+CATEGORIZER_PROMPT = """
+
+You are an AI tool meant to categorize questions into a set of curated categories.
+
+Here are the categories and additional information for each category you're meant to categorize the question below into: (Examples may be separated by a ;) \n
+{category_info}
+
+When responding with the selected category above, please ONLY respond with the category.
+Do not respond with your explanation or context, your response must only contain a category above.
+
+Please categorize this question into one of the categories above:\n
+{question}
+
+""".strip()
+
+DEFAULT_CATEGORIES = {  # key, #alpha, description [and examples]
+    "web search query": {
+        "alpha": 0,
+        "description": "Shortened queries similar to those commonly entered into a search engine (often an incomplete sentence)",
+        "examples": [
+            "Transfer capabilities of LLaMA language model to non-English languages",
+            "Best retrieval concept queries",
+        ],
+    },
+    "concept seeking query": {
+        "alpha": 0.2,
+        "description": "Abstract questions, usually on a specific topic, that require multiple sentences to answer",
+        "examples": [
+            "What is the dual-encoder architecture used in recent works on dense retrievers?",
+            "Why should I use semantic search to rank results?",
+        ],
+    },
+    "fact seeking query": {
+        "alpha": 0.6,
+        "description": "Queries with a single, clear answer",
+        "examples": [
+            "What is the total number of propositions the English Wikipedia dump is segmented into in FACTOID WIKI?",
+            "How many documents are semantically ranked?",
+        ],
+    },
+    "keyword query": {
+        "alpha": 0.4,
+        "description": "Short queries that consist of only the important identifier words.",
+        "examples": ["GTR retriever recall rate", "semantic ranker"],
+    },
+    "queries with misspellings": {
+        "alpha": 1,
+        "description": "Queries with typos, transpositions and common misspellings introduced",
+        "examples": [
+            "What is the advntage of prposition retrieval over sentnce or passage retrieval?",
+            "Ho w mny documents are samantically r4nked",
+        ],
+    },
+    "exact sub-string searches": {
+        "alpha": 0,
+        "description": "Longer queries that are exact sub-strings from the original paragraph",
+        "examples": [
+            "first kwords for the GTR retriever. Finer-grained",
+            "enables you to maximize the quality and value of your LLM investments most efficiently by feeding only relevant information",
+        ],
+    },
+}
diff --git a/llama-index-packs/llama-index-packs-koda-retriever/llama_index/packs/koda_retriever/matrix.py b/llama-index-packs/llama-index-packs-koda-retriever/llama_index/packs/koda_retriever/matrix.py
new file mode 100644
index 0000000000000000000000000000000000000000..1ea62991d95f5305ad4a49d5bcbcca56455e66e1
--- /dev/null
+++ b/llama-index-packs/llama-index-packs-koda-retriever/llama_index/packs/koda_retriever/matrix.py
@@ -0,0 +1,97 @@
+from pydantic import BaseModel
+from typing import Optional, Dict, List
+
+
+class AlphaMatrix(BaseModel):
+    """
+    This class is not necessary to understand to use a KodaRetriever - as it will be automatically instantiated if a dictionary is provided.
+
+    Pydantic class to enforce the required fields for a KodaRetriever
+    Its best to just instantiate this using a dictionary, don't both trying to instantiate by declaring any AlphaCategory objects.
+
+    Example:
+        >>> data = {
+                "normal query": { # examples is not required if you aren't using few-shot auto-routing
+                    "alpha": .5
+                    , "description": "This is a normal query" # desc is not required if you aren't using few-shot auto-routing
+                    , "examples": ["This is a normal query", "Another normal query"]
+                }
+            }
+        >>> matrix = AlphaMatrix(data=data) # arg must be named matrix for the retriever to use it
+    """
+
+    class AlphaCategory(BaseModel):
+        """
+        Subclass to enforce the required fields for a category in the AlphaMatrix - necessary for nesting in the AlphaMatrix class
+        You should not have to really touch this, as it is only used for type checking and validation.
+        """
+
+        alpha: float
+        description: Optional[
+            str
+        ] = None  # optional if providing a custom LLM, its presumed this was part of your training data for the custom model
+        examples: Optional[
+            List[str]
+        ] = None  # if not providing a custom model, this is required
+
+    data: Dict[str, AlphaCategory]
+
+    def get_alpha(self, category: str) -> float:
+        """Simple helper function to get the alpha value for a given category."""
+        if category not in self.data:
+            err = f"Provided category '{category}' cannot be found"
+            raise ValueError(err)
+
+        return self.data.get(category).alpha  # type: ignore
+
+    def get_examples(self, category: str) -> List[str]:
+        """Simple helper function to get the examples for a given category."""
+        if category not in self.data:
+            err = f"Provided category '{category}' cannot be found"
+            raise ValueError(err)
+
+        return self.data.get(category).examples  # type: ignore
+
+    def get_description(self, category: str) -> str:
+        """Simple helper function to get the description for a given category."""
+        if category not in self.data:
+            err = f"Provided category '{category}' cannot be found"
+            raise ValueError(err)
+
+        return self.data.get(category).description  # type: ignore
+
+    def get_categories(self) -> list:
+        """Simple helper function to get the categories for a given category."""
+        return list(self.data.keys())
+
+    def format_category(self, category: str) -> str:
+        """Simple helper function to format the category information for a given category."""
+        if category not in self.data:
+            err = f"Provided category '{category}' cannot be found"
+            raise ValueError(err)
+
+        description = self.get_description(category)
+        examples = self.get_examples(category)
+
+        category_info = f"""
+        - {category}:
+            description: {description}
+        """.strip()
+
+        if examples:
+            examples = "; ".join(examples)
+            example_info = f"""
+            examples:
+                {examples}
+            """
+            category_info = f"{category_info}\n{example_info}"
+
+        return category_info
+
+    def get_all_category_info(self) -> str:
+        """Simple helper function to get the category information for all categories."""
+        categories = []
+        for category in self.get_categories():
+            category_info = self.format_category(category)
+            categories.append(category_info)
+        return "\n".join(categories)
diff --git a/llama-index-packs/llama-index-packs-koda-retriever/poetry.lock b/llama-index-packs/llama-index-packs-koda-retriever/poetry.lock
new file mode 100644
index 0000000000000000000000000000000000000000..d4036ab5ac73400ca91ac699a3a2921a584baf80
--- /dev/null
+++ b/llama-index-packs/llama-index-packs-koda-retriever/poetry.lock
@@ -0,0 +1,4578 @@
+# This file is automatically @generated by Poetry 1.7.1 and should not be changed by hand.
+
+[[package]]
+name = "aiohttp"
+version = "3.9.3"
+description = "Async http client/server framework (asyncio)"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "aiohttp-3.9.3-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:939677b61f9d72a4fa2a042a5eee2a99a24001a67c13da113b2e30396567db54"},
+    {file = "aiohttp-3.9.3-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:1f5cd333fcf7590a18334c90f8c9147c837a6ec8a178e88d90a9b96ea03194cc"},
+    {file = "aiohttp-3.9.3-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:82e6aa28dd46374f72093eda8bcd142f7771ee1eb9d1e223ff0fa7177a96b4a5"},
+    {file = "aiohttp-3.9.3-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f56455b0c2c7cc3b0c584815264461d07b177f903a04481dfc33e08a89f0c26b"},
+    {file = "aiohttp-3.9.3-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:bca77a198bb6e69795ef2f09a5f4c12758487f83f33d63acde5f0d4919815768"},
+    {file = "aiohttp-3.9.3-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:e083c285857b78ee21a96ba1eb1b5339733c3563f72980728ca2b08b53826ca5"},
+    {file = "aiohttp-3.9.3-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ab40e6251c3873d86ea9b30a1ac6d7478c09277b32e14745d0d3c6e76e3c7e29"},
+    {file = "aiohttp-3.9.3-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:df822ee7feaaeffb99c1a9e5e608800bd8eda6e5f18f5cfb0dc7eeb2eaa6bbec"},
+    {file = "aiohttp-3.9.3-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:acef0899fea7492145d2bbaaaec7b345c87753168589cc7faf0afec9afe9b747"},
+    {file = "aiohttp-3.9.3-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:cd73265a9e5ea618014802ab01babf1940cecb90c9762d8b9e7d2cc1e1969ec6"},
+    {file = "aiohttp-3.9.3-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:a78ed8a53a1221393d9637c01870248a6f4ea5b214a59a92a36f18151739452c"},
+    {file = "aiohttp-3.9.3-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:6b0e029353361f1746bac2e4cc19b32f972ec03f0f943b390c4ab3371840aabf"},
+    {file = "aiohttp-3.9.3-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:7cf5c9458e1e90e3c390c2639f1017a0379a99a94fdfad3a1fd966a2874bba52"},
+    {file = "aiohttp-3.9.3-cp310-cp310-win32.whl", hash = "sha256:3e59c23c52765951b69ec45ddbbc9403a8761ee6f57253250c6e1536cacc758b"},
+    {file = "aiohttp-3.9.3-cp310-cp310-win_amd64.whl", hash = "sha256:055ce4f74b82551678291473f66dc9fb9048a50d8324278751926ff0ae7715e5"},
+    {file = "aiohttp-3.9.3-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:6b88f9386ff1ad91ace19d2a1c0225896e28815ee09fc6a8932fded8cda97c3d"},
+    {file = "aiohttp-3.9.3-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:c46956ed82961e31557b6857a5ca153c67e5476972e5f7190015018760938da2"},
+    {file = "aiohttp-3.9.3-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:07b837ef0d2f252f96009e9b8435ec1fef68ef8b1461933253d318748ec1acdc"},
+    {file = "aiohttp-3.9.3-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:dad46e6f620574b3b4801c68255492e0159d1712271cc99d8bdf35f2043ec266"},
+    {file = "aiohttp-3.9.3-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:5ed3e046ea7b14938112ccd53d91c1539af3e6679b222f9469981e3dac7ba1ce"},
+    {file = "aiohttp-3.9.3-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:039df344b45ae0b34ac885ab5b53940b174530d4dd8a14ed8b0e2155b9dddccb"},
+    {file = "aiohttp-3.9.3-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7943c414d3a8d9235f5f15c22ace69787c140c80b718dcd57caaade95f7cd93b"},
+    {file = "aiohttp-3.9.3-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:84871a243359bb42c12728f04d181a389718710129b36b6aad0fc4655a7647d4"},
+    {file = "aiohttp-3.9.3-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:5eafe2c065df5401ba06821b9a054d9cb2848867f3c59801b5d07a0be3a380ae"},
+    {file = "aiohttp-3.9.3-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:9d3c9b50f19704552f23b4eaea1fc082fdd82c63429a6506446cbd8737823da3"},
+    {file = "aiohttp-3.9.3-cp311-cp311-musllinux_1_1_ppc64le.whl", hash = "sha256:f033d80bc6283092613882dfe40419c6a6a1527e04fc69350e87a9df02bbc283"},
+    {file = "aiohttp-3.9.3-cp311-cp311-musllinux_1_1_s390x.whl", hash = "sha256:2c895a656dd7e061b2fd6bb77d971cc38f2afc277229ce7dd3552de8313a483e"},
+    {file = "aiohttp-3.9.3-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:1f5a71d25cd8106eab05f8704cd9167b6e5187bcdf8f090a66c6d88b634802b4"},
+    {file = "aiohttp-3.9.3-cp311-cp311-win32.whl", hash = "sha256:50fca156d718f8ced687a373f9e140c1bb765ca16e3d6f4fe116e3df7c05b2c5"},
+    {file = "aiohttp-3.9.3-cp311-cp311-win_amd64.whl", hash = "sha256:5fe9ce6c09668063b8447f85d43b8d1c4e5d3d7e92c63173e6180b2ac5d46dd8"},
+    {file = "aiohttp-3.9.3-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:38a19bc3b686ad55804ae931012f78f7a534cce165d089a2059f658f6c91fa60"},
+    {file = "aiohttp-3.9.3-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:770d015888c2a598b377bd2f663adfd947d78c0124cfe7b959e1ef39f5b13869"},
+    {file = "aiohttp-3.9.3-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:ee43080e75fc92bf36219926c8e6de497f9b247301bbf88c5c7593d931426679"},
+    {file = "aiohttp-3.9.3-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:52df73f14ed99cee84865b95a3d9e044f226320a87af208f068ecc33e0c35b96"},
+    {file = "aiohttp-3.9.3-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:dc9b311743a78043b26ffaeeb9715dc360335e5517832f5a8e339f8a43581e4d"},
+    {file = "aiohttp-3.9.3-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b955ed993491f1a5da7f92e98d5dad3c1e14dc175f74517c4e610b1f2456fb11"},
+    {file = "aiohttp-3.9.3-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:504b6981675ace64c28bf4a05a508af5cde526e36492c98916127f5a02354d53"},
+    {file = "aiohttp-3.9.3-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:a6fe5571784af92b6bc2fda8d1925cccdf24642d49546d3144948a6a1ed58ca5"},
+    {file = "aiohttp-3.9.3-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:ba39e9c8627edc56544c8628cc180d88605df3892beeb2b94c9bc857774848ca"},
+    {file = "aiohttp-3.9.3-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:e5e46b578c0e9db71d04c4b506a2121c0cb371dd89af17a0586ff6769d4c58c1"},
+    {file = "aiohttp-3.9.3-cp312-cp312-musllinux_1_1_ppc64le.whl", hash = "sha256:938a9653e1e0c592053f815f7028e41a3062e902095e5a7dc84617c87267ebd5"},
+    {file = "aiohttp-3.9.3-cp312-cp312-musllinux_1_1_s390x.whl", hash = "sha256:c3452ea726c76e92f3b9fae4b34a151981a9ec0a4847a627c43d71a15ac32aa6"},
+    {file = "aiohttp-3.9.3-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:ff30218887e62209942f91ac1be902cc80cddb86bf00fbc6783b7a43b2bea26f"},
+    {file = "aiohttp-3.9.3-cp312-cp312-win32.whl", hash = "sha256:38f307b41e0bea3294a9a2a87833191e4bcf89bb0365e83a8be3a58b31fb7f38"},
+    {file = "aiohttp-3.9.3-cp312-cp312-win_amd64.whl", hash = "sha256:b791a3143681a520c0a17e26ae7465f1b6f99461a28019d1a2f425236e6eedb5"},
+    {file = "aiohttp-3.9.3-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:0ed621426d961df79aa3b963ac7af0d40392956ffa9be022024cd16297b30c8c"},
+    {file = "aiohttp-3.9.3-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:7f46acd6a194287b7e41e87957bfe2ad1ad88318d447caf5b090012f2c5bb528"},
+    {file = "aiohttp-3.9.3-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:feeb18a801aacb098220e2c3eea59a512362eb408d4afd0c242044c33ad6d542"},
+    {file = "aiohttp-3.9.3-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f734e38fd8666f53da904c52a23ce517f1b07722118d750405af7e4123933511"},
+    {file = "aiohttp-3.9.3-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b40670ec7e2156d8e57f70aec34a7216407848dfe6c693ef131ddf6e76feb672"},
+    {file = "aiohttp-3.9.3-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:fdd215b7b7fd4a53994f238d0f46b7ba4ac4c0adb12452beee724ddd0743ae5d"},
+    {file = "aiohttp-3.9.3-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:017a21b0df49039c8f46ca0971b3a7fdc1f56741ab1240cb90ca408049766168"},
+    {file = "aiohttp-3.9.3-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e99abf0bba688259a496f966211c49a514e65afa9b3073a1fcee08856e04425b"},
+    {file = "aiohttp-3.9.3-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:648056db9a9fa565d3fa851880f99f45e3f9a771dd3ff3bb0c048ea83fb28194"},
+    {file = "aiohttp-3.9.3-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:8aacb477dc26797ee089721536a292a664846489c49d3ef9725f992449eda5a8"},
+    {file = "aiohttp-3.9.3-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:522a11c934ea660ff8953eda090dcd2154d367dec1ae3c540aff9f8a5c109ab4"},
+    {file = "aiohttp-3.9.3-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:5bce0dc147ca85caa5d33debc4f4d65e8e8b5c97c7f9f660f215fa74fc49a321"},
+    {file = "aiohttp-3.9.3-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:4b4af9f25b49a7be47c0972139e59ec0e8285c371049df1a63b6ca81fdd216a2"},
+    {file = "aiohttp-3.9.3-cp38-cp38-win32.whl", hash = "sha256:298abd678033b8571995650ccee753d9458dfa0377be4dba91e4491da3f2be63"},
+    {file = "aiohttp-3.9.3-cp38-cp38-win_amd64.whl", hash = "sha256:69361bfdca5468c0488d7017b9b1e5ce769d40b46a9f4a2eed26b78619e9396c"},
+    {file = "aiohttp-3.9.3-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:0fa43c32d1643f518491d9d3a730f85f5bbaedcbd7fbcae27435bb8b7a061b29"},
+    {file = "aiohttp-3.9.3-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:835a55b7ca49468aaaac0b217092dfdff370e6c215c9224c52f30daaa735c1c1"},
+    {file = "aiohttp-3.9.3-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:06a9b2c8837d9a94fae16c6223acc14b4dfdff216ab9b7202e07a9a09541168f"},
+    {file = "aiohttp-3.9.3-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:abf151955990d23f84205286938796c55ff11bbfb4ccfada8c9c83ae6b3c89a3"},
+    {file = "aiohttp-3.9.3-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:59c26c95975f26e662ca78fdf543d4eeaef70e533a672b4113dd888bd2423caa"},
+    {file = "aiohttp-3.9.3-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:f95511dd5d0e05fd9728bac4096319f80615aaef4acbecb35a990afebe953b0e"},
+    {file = "aiohttp-3.9.3-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:595f105710293e76b9dc09f52e0dd896bd064a79346234b521f6b968ffdd8e58"},
+    {file = "aiohttp-3.9.3-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:c7c8b816c2b5af5c8a436df44ca08258fc1a13b449393a91484225fcb7545533"},
+    {file = "aiohttp-3.9.3-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:f1088fa100bf46e7b398ffd9904f4808a0612e1d966b4aa43baa535d1b6341eb"},
+    {file = "aiohttp-3.9.3-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:f59dfe57bb1ec82ac0698ebfcdb7bcd0e99c255bd637ff613760d5f33e7c81b3"},
+    {file = "aiohttp-3.9.3-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:361a1026c9dd4aba0109e4040e2aecf9884f5cfe1b1b1bd3d09419c205e2e53d"},
+    {file = "aiohttp-3.9.3-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:363afe77cfcbe3a36353d8ea133e904b108feea505aa4792dad6585a8192c55a"},
+    {file = "aiohttp-3.9.3-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:8e2c45c208c62e955e8256949eb225bd8b66a4c9b6865729a786f2aa79b72e9d"},
+    {file = "aiohttp-3.9.3-cp39-cp39-win32.whl", hash = "sha256:f7217af2e14da0856e082e96ff637f14ae45c10a5714b63c77f26d8884cf1051"},
+    {file = "aiohttp-3.9.3-cp39-cp39-win_amd64.whl", hash = "sha256:27468897f628c627230dba07ec65dc8d0db566923c48f29e084ce382119802bc"},
+    {file = "aiohttp-3.9.3.tar.gz", hash = "sha256:90842933e5d1ff760fae6caca4b2b3edba53ba8f4b71e95dacf2818a2aca06f7"},
+]
+
+[package.dependencies]
+aiosignal = ">=1.1.2"
+async-timeout = {version = ">=4.0,<5.0", markers = "python_version < \"3.11\""}
+attrs = ">=17.3.0"
+frozenlist = ">=1.1.1"
+multidict = ">=4.5,<7.0"
+yarl = ">=1.0,<2.0"
+
+[package.extras]
+speedups = ["Brotli", "aiodns", "brotlicffi"]
+
+[[package]]
+name = "aiosignal"
+version = "1.3.1"
+description = "aiosignal: a list of registered asynchronous callbacks"
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "aiosignal-1.3.1-py3-none-any.whl", hash = "sha256:f8376fb07dd1e86a584e4fcdec80b36b7f81aac666ebc724e2c090300dd83b17"},
+    {file = "aiosignal-1.3.1.tar.gz", hash = "sha256:54cd96e15e1649b75d6c87526a6ff0b6c1b0dd3459f43d9ca11d48c339b68cfc"},
+]
+
+[package.dependencies]
+frozenlist = ">=1.1.0"
+
+[[package]]
+name = "annotated-types"
+version = "0.6.0"
+description = "Reusable constraint types to use with typing.Annotated"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "annotated_types-0.6.0-py3-none-any.whl", hash = "sha256:0641064de18ba7a25dee8f96403ebc39113d0cb953a01429249d5c7564666a43"},
+    {file = "annotated_types-0.6.0.tar.gz", hash = "sha256:563339e807e53ffd9c267e99fc6d9ea23eb8443c08f112651963e24e22f84a5d"},
+]
+
+[package.dependencies]
+typing-extensions = {version = ">=4.0.0", markers = "python_version < \"3.9\""}
+
+[[package]]
+name = "anyio"
+version = "4.3.0"
+description = "High level compatibility layer for multiple asynchronous event loop implementations"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "anyio-4.3.0-py3-none-any.whl", hash = "sha256:048e05d0f6caeed70d731f3db756d35dcc1f35747c8c403364a8332c630441b8"},
+    {file = "anyio-4.3.0.tar.gz", hash = "sha256:f75253795a87df48568485fd18cdd2a3fa5c4f7c5be8e5e36637733fce06fed6"},
+]
+
+[package.dependencies]
+exceptiongroup = {version = ">=1.0.2", markers = "python_version < \"3.11\""}
+idna = ">=2.8"
+sniffio = ">=1.1"
+typing-extensions = {version = ">=4.1", markers = "python_version < \"3.11\""}
+
+[package.extras]
+doc = ["Sphinx (>=7)", "packaging", "sphinx-autodoc-typehints (>=1.2.0)", "sphinx-rtd-theme"]
+test = ["anyio[trio]", "coverage[toml] (>=7)", "exceptiongroup (>=1.2.0)", "hypothesis (>=4.0)", "psutil (>=5.9)", "pytest (>=7.0)", "pytest-mock (>=3.6.1)", "trustme", "uvloop (>=0.17)"]
+trio = ["trio (>=0.23)"]
+
+[[package]]
+name = "appnope"
+version = "0.1.4"
+description = "Disable App Nap on macOS >= 10.9"
+optional = false
+python-versions = ">=3.6"
+files = [
+    {file = "appnope-0.1.4-py2.py3-none-any.whl", hash = "sha256:502575ee11cd7a28c0205f379b525beefebab9d161b7c964670864014ed7213c"},
+    {file = "appnope-0.1.4.tar.gz", hash = "sha256:1de3860566df9caf38f01f86f65e0e13e379af54f9e4bee1e66b48f2efffd1ee"},
+]
+
+[[package]]
+name = "argon2-cffi"
+version = "23.1.0"
+description = "Argon2 for Python"
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "argon2_cffi-23.1.0-py3-none-any.whl", hash = "sha256:c670642b78ba29641818ab2e68bd4e6a78ba53b7eff7b4c3815ae16abf91c7ea"},
+    {file = "argon2_cffi-23.1.0.tar.gz", hash = "sha256:879c3e79a2729ce768ebb7d36d4609e3a78a4ca2ec3a9f12286ca057e3d0db08"},
+]
+
+[package.dependencies]
+argon2-cffi-bindings = "*"
+
+[package.extras]
+dev = ["argon2-cffi[tests,typing]", "tox (>4)"]
+docs = ["furo", "myst-parser", "sphinx", "sphinx-copybutton", "sphinx-notfound-page"]
+tests = ["hypothesis", "pytest"]
+typing = ["mypy"]
+
+[[package]]
+name = "argon2-cffi-bindings"
+version = "21.2.0"
+description = "Low-level CFFI bindings for Argon2"
+optional = false
+python-versions = ">=3.6"
+files = [
+    {file = "argon2-cffi-bindings-21.2.0.tar.gz", hash = "sha256:bb89ceffa6c791807d1305ceb77dbfacc5aa499891d2c55661c6459651fc39e3"},
+    {file = "argon2_cffi_bindings-21.2.0-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:ccb949252cb2ab3a08c02024acb77cfb179492d5701c7cbdbfd776124d4d2367"},
+    {file = "argon2_cffi_bindings-21.2.0-cp36-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9524464572e12979364b7d600abf96181d3541da11e23ddf565a32e70bd4dc0d"},
+    {file = "argon2_cffi_bindings-21.2.0-cp36-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b746dba803a79238e925d9046a63aa26bf86ab2a2fe74ce6b009a1c3f5c8f2ae"},
+    {file = "argon2_cffi_bindings-21.2.0-cp36-abi3-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:58ed19212051f49a523abb1dbe954337dc82d947fb6e5a0da60f7c8471a8476c"},
+    {file = "argon2_cffi_bindings-21.2.0-cp36-abi3-musllinux_1_1_aarch64.whl", hash = "sha256:bd46088725ef7f58b5a1ef7ca06647ebaf0eb4baff7d1d0d177c6cc8744abd86"},
+    {file = "argon2_cffi_bindings-21.2.0-cp36-abi3-musllinux_1_1_i686.whl", hash = "sha256:8cd69c07dd875537a824deec19f978e0f2078fdda07fd5c42ac29668dda5f40f"},
+    {file = "argon2_cffi_bindings-21.2.0-cp36-abi3-musllinux_1_1_x86_64.whl", hash = "sha256:f1152ac548bd5b8bcecfb0b0371f082037e47128653df2e8ba6e914d384f3c3e"},
+    {file = "argon2_cffi_bindings-21.2.0-cp36-abi3-win32.whl", hash = "sha256:603ca0aba86b1349b147cab91ae970c63118a0f30444d4bc80355937c950c082"},
+    {file = "argon2_cffi_bindings-21.2.0-cp36-abi3-win_amd64.whl", hash = "sha256:b2ef1c30440dbbcba7a5dc3e319408b59676e2e039e2ae11a8775ecf482b192f"},
+    {file = "argon2_cffi_bindings-21.2.0-cp38-abi3-macosx_10_9_universal2.whl", hash = "sha256:e415e3f62c8d124ee16018e491a009937f8cf7ebf5eb430ffc5de21b900dad93"},
+    {file = "argon2_cffi_bindings-21.2.0-pp37-pypy37_pp73-macosx_10_9_x86_64.whl", hash = "sha256:3e385d1c39c520c08b53d63300c3ecc28622f076f4c2b0e6d7e796e9f6502194"},
+    {file = "argon2_cffi_bindings-21.2.0-pp37-pypy37_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2c3e3cc67fdb7d82c4718f19b4e7a87123caf8a93fde7e23cf66ac0337d3cb3f"},
+    {file = "argon2_cffi_bindings-21.2.0-pp37-pypy37_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6a22ad9800121b71099d0fb0a65323810a15f2e292f2ba450810a7316e128ee5"},
+    {file = "argon2_cffi_bindings-21.2.0-pp37-pypy37_pp73-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f9f8b450ed0547e3d473fdc8612083fd08dd2120d6ac8f73828df9b7d45bb351"},
+    {file = "argon2_cffi_bindings-21.2.0-pp37-pypy37_pp73-win_amd64.whl", hash = "sha256:93f9bf70084f97245ba10ee36575f0c3f1e7d7724d67d8e5b08e61787c320ed7"},
+    {file = "argon2_cffi_bindings-21.2.0-pp38-pypy38_pp73-macosx_10_9_x86_64.whl", hash = "sha256:3b9ef65804859d335dc6b31582cad2c5166f0c3e7975f324d9ffaa34ee7e6583"},
+    {file = "argon2_cffi_bindings-21.2.0-pp38-pypy38_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d4966ef5848d820776f5f562a7d45fdd70c2f330c961d0d745b784034bd9f48d"},
+    {file = "argon2_cffi_bindings-21.2.0-pp38-pypy38_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:20ef543a89dee4db46a1a6e206cd015360e5a75822f76df533845c3cbaf72670"},
+    {file = "argon2_cffi_bindings-21.2.0-pp38-pypy38_pp73-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ed2937d286e2ad0cc79a7087d3c272832865f779430e0cc2b4f3718d3159b0cb"},
+    {file = "argon2_cffi_bindings-21.2.0-pp38-pypy38_pp73-win_amd64.whl", hash = "sha256:5e00316dabdaea0b2dd82d141cc66889ced0cdcbfa599e8b471cf22c620c329a"},
+]
+
+[package.dependencies]
+cffi = ">=1.0.1"
+
+[package.extras]
+dev = ["cogapp", "pre-commit", "pytest", "wheel"]
+tests = ["pytest"]
+
+[[package]]
+name = "arrow"
+version = "1.3.0"
+description = "Better dates & times for Python"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "arrow-1.3.0-py3-none-any.whl", hash = "sha256:c728b120ebc00eb84e01882a6f5e7927a53960aa990ce7dd2b10f39005a67f80"},
+    {file = "arrow-1.3.0.tar.gz", hash = "sha256:d4540617648cb5f895730f1ad8c82a65f2dad0166f57b75f3ca54759c4d67a85"},
+]
+
+[package.dependencies]
+python-dateutil = ">=2.7.0"
+types-python-dateutil = ">=2.8.10"
+
+[package.extras]
+doc = ["doc8", "sphinx (>=7.0.0)", "sphinx-autobuild", "sphinx-autodoc-typehints", "sphinx_rtd_theme (>=1.3.0)"]
+test = ["dateparser (==1.*)", "pre-commit", "pytest", "pytest-cov", "pytest-mock", "pytz (==2021.1)", "simplejson (==3.*)"]
+
+[[package]]
+name = "astroid"
+version = "2.13.5"
+description = "An abstract syntax tree for Python with inference support."
+optional = false
+python-versions = ">=3.7.2"
+files = [
+    {file = "astroid-2.13.5-py3-none-any.whl", hash = "sha256:6891f444625b6edb2ac798829b689e95297e100ddf89dbed5a8c610e34901501"},
+    {file = "astroid-2.13.5.tar.gz", hash = "sha256:df164d5ac811b9f44105a72b8f9d5edfb7b5b2d7e979b04ea377a77b3229114a"},
+]
+
+[package.dependencies]
+lazy-object-proxy = ">=1.4.0"
+typing-extensions = {version = ">=4.0.0", markers = "python_version < \"3.11\""}
+wrapt = [
+    {version = ">=1.11,<2", markers = "python_version < \"3.11\""},
+    {version = ">=1.14,<2", markers = "python_version >= \"3.11\""},
+]
+
+[[package]]
+name = "asttokens"
+version = "2.4.1"
+description = "Annotate AST trees with source code positions"
+optional = false
+python-versions = "*"
+files = [
+    {file = "asttokens-2.4.1-py2.py3-none-any.whl", hash = "sha256:051ed49c3dcae8913ea7cd08e46a606dba30b79993209636c4875bc1d637bc24"},
+    {file = "asttokens-2.4.1.tar.gz", hash = "sha256:b03869718ba9a6eb027e134bfdf69f38a236d681c83c160d510768af11254ba0"},
+]
+
+[package.dependencies]
+six = ">=1.12.0"
+
+[package.extras]
+astroid = ["astroid (>=1,<2)", "astroid (>=2,<4)"]
+test = ["astroid (>=1,<2)", "astroid (>=2,<4)", "pytest"]
+
+[[package]]
+name = "async-lru"
+version = "2.0.4"
+description = "Simple LRU cache for asyncio"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "async-lru-2.0.4.tar.gz", hash = "sha256:b8a59a5df60805ff63220b2a0c5b5393da5521b113cd5465a44eb037d81a5627"},
+    {file = "async_lru-2.0.4-py3-none-any.whl", hash = "sha256:ff02944ce3c288c5be660c42dbcca0742b32c3b279d6dceda655190240b99224"},
+]
+
+[package.dependencies]
+typing-extensions = {version = ">=4.0.0", markers = "python_version < \"3.11\""}
+
+[[package]]
+name = "async-timeout"
+version = "4.0.3"
+description = "Timeout context manager for asyncio programs"
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "async-timeout-4.0.3.tar.gz", hash = "sha256:4640d96be84d82d02ed59ea2b7105a0f7b33abe8703703cd0ab0bf87c427522f"},
+    {file = "async_timeout-4.0.3-py3-none-any.whl", hash = "sha256:7405140ff1230c310e51dc27b3145b9092d659ce68ff733fb0cefe3ee42be028"},
+]
+
+[[package]]
+name = "attrs"
+version = "23.2.0"
+description = "Classes Without Boilerplate"
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "attrs-23.2.0-py3-none-any.whl", hash = "sha256:99b87a485a5820b23b879f04c2305b44b951b502fd64be915879d77a7e8fc6f1"},
+    {file = "attrs-23.2.0.tar.gz", hash = "sha256:935dc3b529c262f6cf76e50877d35a4bd3c1de194fd41f47a2b7ae8f19971f30"},
+]
+
+[package.extras]
+cov = ["attrs[tests]", "coverage[toml] (>=5.3)"]
+dev = ["attrs[tests]", "pre-commit"]
+docs = ["furo", "myst-parser", "sphinx", "sphinx-notfound-page", "sphinxcontrib-towncrier", "towncrier", "zope-interface"]
+tests = ["attrs[tests-no-zope]", "zope-interface"]
+tests-mypy = ["mypy (>=1.6)", "pytest-mypy-plugins"]
+tests-no-zope = ["attrs[tests-mypy]", "cloudpickle", "hypothesis", "pympler", "pytest (>=4.3.0)", "pytest-xdist[psutil]"]
+
+[[package]]
+name = "babel"
+version = "2.14.0"
+description = "Internationalization utilities"
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "Babel-2.14.0-py3-none-any.whl", hash = "sha256:efb1a25b7118e67ce3a259bed20545c29cb68be8ad2c784c83689981b7a57287"},
+    {file = "Babel-2.14.0.tar.gz", hash = "sha256:6919867db036398ba21eb5c7a0f6b28ab8cbc3ae7a73a44ebe34ae74a4e7d363"},
+]
+
+[package.dependencies]
+pytz = {version = ">=2015.7", markers = "python_version < \"3.9\""}
+
+[package.extras]
+dev = ["freezegun (>=1.0,<2.0)", "pytest (>=6.0)", "pytest-cov"]
+
+[[package]]
+name = "backcall"
+version = "0.2.0"
+description = "Specifications for callback functions passed in to an API"
+optional = false
+python-versions = "*"
+files = [
+    {file = "backcall-0.2.0-py2.py3-none-any.whl", hash = "sha256:fbbce6a29f263178a1f7915c1940bde0ec2b2a967566fe1c65c1dfb7422bd255"},
+    {file = "backcall-0.2.0.tar.gz", hash = "sha256:5cbdbf27be5e7cfadb448baf0aa95508f91f2bbc6c6437cd9cd06e2a4c215e1e"},
+]
+
+[[package]]
+name = "beautifulsoup4"
+version = "4.12.3"
+description = "Screen-scraping library"
+optional = false
+python-versions = ">=3.6.0"
+files = [
+    {file = "beautifulsoup4-4.12.3-py3-none-any.whl", hash = "sha256:b80878c9f40111313e55da8ba20bdba06d8fa3969fc68304167741bbf9e082ed"},
+    {file = "beautifulsoup4-4.12.3.tar.gz", hash = "sha256:74e3d1928edc070d21748185c46e3fb33490f22f52a3addee9aee0f4f7781051"},
+]
+
+[package.dependencies]
+soupsieve = ">1.2"
+
+[package.extras]
+cchardet = ["cchardet"]
+chardet = ["chardet"]
+charset-normalizer = ["charset-normalizer"]
+html5lib = ["html5lib"]
+lxml = ["lxml"]
+
+[[package]]
+name = "black"
+version = "23.9.1"
+description = "The uncompromising code formatter."
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "black-23.9.1-cp310-cp310-macosx_10_16_arm64.whl", hash = "sha256:d6bc09188020c9ac2555a498949401ab35bb6bf76d4e0f8ee251694664df6301"},
+    {file = "black-23.9.1-cp310-cp310-macosx_10_16_universal2.whl", hash = "sha256:13ef033794029b85dfea8032c9d3b92b42b526f1ff4bf13b2182ce4e917f5100"},
+    {file = "black-23.9.1-cp310-cp310-macosx_10_16_x86_64.whl", hash = "sha256:75a2dc41b183d4872d3a500d2b9c9016e67ed95738a3624f4751a0cb4818fe71"},
+    {file = "black-23.9.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:13a2e4a93bb8ca74a749b6974925c27219bb3df4d42fc45e948a5d9feb5122b7"},
+    {file = "black-23.9.1-cp310-cp310-win_amd64.whl", hash = "sha256:adc3e4442eef57f99b5590b245a328aad19c99552e0bdc7f0b04db6656debd80"},
+    {file = "black-23.9.1-cp311-cp311-macosx_10_16_arm64.whl", hash = "sha256:8431445bf62d2a914b541da7ab3e2b4f3bc052d2ccbf157ebad18ea126efb91f"},
+    {file = "black-23.9.1-cp311-cp311-macosx_10_16_universal2.whl", hash = "sha256:8fc1ddcf83f996247505db6b715294eba56ea9372e107fd54963c7553f2b6dfe"},
+    {file = "black-23.9.1-cp311-cp311-macosx_10_16_x86_64.whl", hash = "sha256:7d30ec46de88091e4316b17ae58bbbfc12b2de05e069030f6b747dfc649ad186"},
+    {file = "black-23.9.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:031e8c69f3d3b09e1aa471a926a1eeb0b9071f80b17689a655f7885ac9325a6f"},
+    {file = "black-23.9.1-cp311-cp311-win_amd64.whl", hash = "sha256:538efb451cd50f43aba394e9ec7ad55a37598faae3348d723b59ea8e91616300"},
+    {file = "black-23.9.1-cp38-cp38-macosx_10_16_arm64.whl", hash = "sha256:638619a559280de0c2aa4d76f504891c9860bb8fa214267358f0a20f27c12948"},
+    {file = "black-23.9.1-cp38-cp38-macosx_10_16_universal2.whl", hash = "sha256:a732b82747235e0542c03bf352c126052c0fbc458d8a239a94701175b17d4855"},
+    {file = "black-23.9.1-cp38-cp38-macosx_10_16_x86_64.whl", hash = "sha256:cf3a4d00e4cdb6734b64bf23cd4341421e8953615cba6b3670453737a72ec204"},
+    {file = "black-23.9.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:cf99f3de8b3273a8317681d8194ea222f10e0133a24a7548c73ce44ea1679377"},
+    {file = "black-23.9.1-cp38-cp38-win_amd64.whl", hash = "sha256:14f04c990259576acd093871e7e9b14918eb28f1866f91968ff5524293f9c573"},
+    {file = "black-23.9.1-cp39-cp39-macosx_10_16_arm64.whl", hash = "sha256:c619f063c2d68f19b2d7270f4cf3192cb81c9ec5bc5ba02df91471d0b88c4c5c"},
+    {file = "black-23.9.1-cp39-cp39-macosx_10_16_universal2.whl", hash = "sha256:6a3b50e4b93f43b34a9d3ef00d9b6728b4a722c997c99ab09102fd5efdb88325"},
+    {file = "black-23.9.1-cp39-cp39-macosx_10_16_x86_64.whl", hash = "sha256:c46767e8df1b7beefb0899c4a95fb43058fa8500b6db144f4ff3ca38eb2f6393"},
+    {file = "black-23.9.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:50254ebfa56aa46a9fdd5d651f9637485068a1adf42270148cd101cdf56e0ad9"},
+    {file = "black-23.9.1-cp39-cp39-win_amd64.whl", hash = "sha256:403397c033adbc45c2bd41747da1f7fc7eaa44efbee256b53842470d4ac5a70f"},
+    {file = "black-23.9.1-py3-none-any.whl", hash = "sha256:6ccd59584cc834b6d127628713e4b6b968e5f79572da66284532525a042549f9"},
+    {file = "black-23.9.1.tar.gz", hash = "sha256:24b6b3ff5c6d9ea08a8888f6977eae858e1f340d7260cf56d70a49823236b62d"},
+]
+
+[package.dependencies]
+click = ">=8.0.0"
+ipython = {version = ">=7.8.0", optional = true, markers = "extra == \"jupyter\""}
+mypy-extensions = ">=0.4.3"
+packaging = ">=22.0"
+pathspec = ">=0.9.0"
+platformdirs = ">=2"
+tokenize-rt = {version = ">=3.2.0", optional = true, markers = "extra == \"jupyter\""}
+tomli = {version = ">=1.1.0", markers = "python_version < \"3.11\""}
+typing-extensions = {version = ">=4.0.1", markers = "python_version < \"3.11\""}
+
+[package.extras]
+colorama = ["colorama (>=0.4.3)"]
+d = ["aiohttp (>=3.7.4)"]
+jupyter = ["ipython (>=7.8.0)", "tokenize-rt (>=3.2.0)"]
+uvloop = ["uvloop (>=0.15.2)"]
+
+[[package]]
+name = "bleach"
+version = "6.1.0"
+description = "An easy safelist-based HTML-sanitizing tool."
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "bleach-6.1.0-py3-none-any.whl", hash = "sha256:3225f354cfc436b9789c66c4ee030194bee0568fbf9cbdad3bc8b5c26c5f12b6"},
+    {file = "bleach-6.1.0.tar.gz", hash = "sha256:0a31f1837963c41d46bbf1331b8778e1308ea0791db03cc4e7357b97cf42a8fe"},
+]
+
+[package.dependencies]
+six = ">=1.9.0"
+webencodings = "*"
+
+[package.extras]
+css = ["tinycss2 (>=1.1.0,<1.3)"]
+
+[[package]]
+name = "certifi"
+version = "2024.2.2"
+description = "Python package for providing Mozilla's CA Bundle."
+optional = false
+python-versions = ">=3.6"
+files = [
+    {file = "certifi-2024.2.2-py3-none-any.whl", hash = "sha256:dc383c07b76109f368f6106eee2b593b04a011ea4d55f652c6ca24a754d1cdd1"},
+    {file = "certifi-2024.2.2.tar.gz", hash = "sha256:0569859f95fc761b18b45ef421b1290a0f65f147e92a1e5eb3e635f9a5e4e66f"},
+]
+
+[[package]]
+name = "cffi"
+version = "1.16.0"
+description = "Foreign Function Interface for Python calling C code."
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "cffi-1.16.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:6b3d6606d369fc1da4fd8c357d026317fbb9c9b75d36dc16e90e84c26854b088"},
+    {file = "cffi-1.16.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:ac0f5edd2360eea2f1daa9e26a41db02dd4b0451b48f7c318e217ee092a213e9"},
+    {file = "cffi-1.16.0-cp310-cp310-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:7e61e3e4fa664a8588aa25c883eab612a188c725755afff6289454d6362b9673"},
+    {file = "cffi-1.16.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a72e8961a86d19bdb45851d8f1f08b041ea37d2bd8d4fd19903bc3083d80c896"},
+    {file = "cffi-1.16.0-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:5b50bf3f55561dac5438f8e70bfcdfd74543fd60df5fa5f62d94e5867deca684"},
+    {file = "cffi-1.16.0-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:7651c50c8c5ef7bdb41108b7b8c5a83013bfaa8a935590c5d74627c047a583c7"},
+    {file = "cffi-1.16.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e4108df7fe9b707191e55f33efbcb2d81928e10cea45527879a4749cbe472614"},
+    {file = "cffi-1.16.0-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:32c68ef735dbe5857c810328cb2481e24722a59a2003018885514d4c09af9743"},
+    {file = "cffi-1.16.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:673739cb539f8cdaa07d92d02efa93c9ccf87e345b9a0b556e3ecc666718468d"},
+    {file = "cffi-1.16.0-cp310-cp310-win32.whl", hash = "sha256:9f90389693731ff1f659e55c7d1640e2ec43ff725cc61b04b2f9c6d8d017df6a"},
+    {file = "cffi-1.16.0-cp310-cp310-win_amd64.whl", hash = "sha256:e6024675e67af929088fda399b2094574609396b1decb609c55fa58b028a32a1"},
+    {file = "cffi-1.16.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:b84834d0cf97e7d27dd5b7f3aca7b6e9263c56308ab9dc8aae9784abb774d404"},
+    {file = "cffi-1.16.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:1b8ebc27c014c59692bb2664c7d13ce7a6e9a629be20e54e7271fa696ff2b417"},
+    {file = "cffi-1.16.0-cp311-cp311-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ee07e47c12890ef248766a6e55bd38ebfb2bb8edd4142d56db91b21ea68b7627"},
+    {file = "cffi-1.16.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d8a9d3ebe49f084ad71f9269834ceccbf398253c9fac910c4fd7053ff1386936"},
+    {file = "cffi-1.16.0-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:e70f54f1796669ef691ca07d046cd81a29cb4deb1e5f942003f401c0c4a2695d"},
+    {file = "cffi-1.16.0-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:5bf44d66cdf9e893637896c7faa22298baebcd18d1ddb6d2626a6e39793a1d56"},
+    {file = "cffi-1.16.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7b78010e7b97fef4bee1e896df8a4bbb6712b7f05b7ef630f9d1da00f6444d2e"},
+    {file = "cffi-1.16.0-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:c6a164aa47843fb1b01e941d385aab7215563bb8816d80ff3a363a9f8448a8dc"},
+    {file = "cffi-1.16.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:e09f3ff613345df5e8c3667da1d918f9149bd623cd9070c983c013792a9a62eb"},
+    {file = "cffi-1.16.0-cp311-cp311-win32.whl", hash = "sha256:2c56b361916f390cd758a57f2e16233eb4f64bcbeee88a4881ea90fca14dc6ab"},
+    {file = "cffi-1.16.0-cp311-cp311-win_amd64.whl", hash = "sha256:db8e577c19c0fda0beb7e0d4e09e0ba74b1e4c092e0e40bfa12fe05b6f6d75ba"},
+    {file = "cffi-1.16.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:fa3a0128b152627161ce47201262d3140edb5a5c3da88d73a1b790a959126956"},
+    {file = "cffi-1.16.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:68e7c44931cc171c54ccb702482e9fc723192e88d25a0e133edd7aff8fcd1f6e"},
+    {file = "cffi-1.16.0-cp312-cp312-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:abd808f9c129ba2beda4cfc53bde801e5bcf9d6e0f22f095e45327c038bfe68e"},
+    {file = "cffi-1.16.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:88e2b3c14bdb32e440be531ade29d3c50a1a59cd4e51b1dd8b0865c54ea5d2e2"},
+    {file = "cffi-1.16.0-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:fcc8eb6d5902bb1cf6dc4f187ee3ea80a1eba0a89aba40a5cb20a5087d961357"},
+    {file = "cffi-1.16.0-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b7be2d771cdba2942e13215c4e340bfd76398e9227ad10402a8767ab1865d2e6"},
+    {file = "cffi-1.16.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e715596e683d2ce000574bae5d07bd522c781a822866c20495e52520564f0969"},
+    {file = "cffi-1.16.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:2d92b25dbf6cae33f65005baf472d2c245c050b1ce709cc4588cdcdd5495b520"},
+    {file = "cffi-1.16.0-cp312-cp312-win32.whl", hash = "sha256:b2ca4e77f9f47c55c194982e10f058db063937845bb2b7a86c84a6cfe0aefa8b"},
+    {file = "cffi-1.16.0-cp312-cp312-win_amd64.whl", hash = "sha256:68678abf380b42ce21a5f2abde8efee05c114c2fdb2e9eef2efdb0257fba1235"},
+    {file = "cffi-1.16.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:0c9ef6ff37e974b73c25eecc13952c55bceed9112be2d9d938ded8e856138bcc"},
+    {file = "cffi-1.16.0-cp38-cp38-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:a09582f178759ee8128d9270cd1344154fd473bb77d94ce0aeb2a93ebf0feaf0"},
+    {file = "cffi-1.16.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e760191dd42581e023a68b758769e2da259b5d52e3103c6060ddc02c9edb8d7b"},
+    {file = "cffi-1.16.0-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:80876338e19c951fdfed6198e70bc88f1c9758b94578d5a7c4c91a87af3cf31c"},
+    {file = "cffi-1.16.0-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:a6a14b17d7e17fa0d207ac08642c8820f84f25ce17a442fd15e27ea18d67c59b"},
+    {file = "cffi-1.16.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6602bc8dc6f3a9e02b6c22c4fc1e47aa50f8f8e6d3f78a5e16ac33ef5fefa324"},
+    {file = "cffi-1.16.0-cp38-cp38-win32.whl", hash = "sha256:131fd094d1065b19540c3d72594260f118b231090295d8c34e19a7bbcf2e860a"},
+    {file = "cffi-1.16.0-cp38-cp38-win_amd64.whl", hash = "sha256:31d13b0f99e0836b7ff893d37af07366ebc90b678b6664c955b54561fc36ef36"},
+    {file = "cffi-1.16.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:582215a0e9adbe0e379761260553ba11c58943e4bbe9c36430c4ca6ac74b15ed"},
+    {file = "cffi-1.16.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:b29ebffcf550f9da55bec9e02ad430c992a87e5f512cd63388abb76f1036d8d2"},
+    {file = "cffi-1.16.0-cp39-cp39-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:dc9b18bf40cc75f66f40a7379f6a9513244fe33c0e8aa72e2d56b0196a7ef872"},
+    {file = "cffi-1.16.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9cb4a35b3642fc5c005a6755a5d17c6c8b6bcb6981baf81cea8bfbc8903e8ba8"},
+    {file = "cffi-1.16.0-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b86851a328eedc692acf81fb05444bdf1891747c25af7529e39ddafaf68a4f3f"},
+    {file = "cffi-1.16.0-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:c0f31130ebc2d37cdd8e44605fb5fa7ad59049298b3f745c74fa74c62fbfcfc4"},
+    {file = "cffi-1.16.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8f8e709127c6c77446a8c0a8c8bf3c8ee706a06cd44b1e827c3e6a2ee6b8c098"},
+    {file = "cffi-1.16.0-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:748dcd1e3d3d7cd5443ef03ce8685043294ad6bd7c02a38d1bd367cfd968e000"},
+    {file = "cffi-1.16.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:8895613bcc094d4a1b2dbe179d88d7fb4a15cee43c052e8885783fac397d91fe"},
+    {file = "cffi-1.16.0-cp39-cp39-win32.whl", hash = "sha256:ed86a35631f7bfbb28e108dd96773b9d5a6ce4811cf6ea468bb6a359b256b1e4"},
+    {file = "cffi-1.16.0-cp39-cp39-win_amd64.whl", hash = "sha256:3686dffb02459559c74dd3d81748269ffb0eb027c39a6fc99502de37d501faa8"},
+    {file = "cffi-1.16.0.tar.gz", hash = "sha256:bcb3ef43e58665bbda2fb198698fcae6776483e0c4a631aa5647806c25e02cc0"},
+]
+
+[package.dependencies]
+pycparser = "*"
+
+[[package]]
+name = "cfgv"
+version = "3.4.0"
+description = "Validate configuration and produce human readable error messages."
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "cfgv-3.4.0-py2.py3-none-any.whl", hash = "sha256:b7265b1f29fd3316bfcd2b330d63d024f2bfd8bcb8b0272f8e19a504856c48f9"},
+    {file = "cfgv-3.4.0.tar.gz", hash = "sha256:e52591d4c5f5dead8e0f673fb16db7949d2cfb3f7da4582893288f0ded8fe560"},
+]
+
+[[package]]
+name = "charset-normalizer"
+version = "3.3.2"
+description = "The Real First Universal Charset Detector. Open, modern and actively maintained alternative to Chardet."
+optional = false
+python-versions = ">=3.7.0"
+files = [
+    {file = "charset-normalizer-3.3.2.tar.gz", hash = "sha256:f30c3cb33b24454a82faecaf01b19c18562b1e89558fb6c56de4d9118a032fd5"},
+    {file = "charset_normalizer-3.3.2-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:25baf083bf6f6b341f4121c2f3c548875ee6f5339300e08be3f2b2ba1721cdd3"},
+    {file = "charset_normalizer-3.3.2-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:06435b539f889b1f6f4ac1758871aae42dc3a8c0e24ac9e60c2384973ad73027"},
+    {file = "charset_normalizer-3.3.2-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:9063e24fdb1e498ab71cb7419e24622516c4a04476b17a2dab57e8baa30d6e03"},
+    {file = "charset_normalizer-3.3.2-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6897af51655e3691ff853668779c7bad41579facacf5fd7253b0133308cf000d"},
+    {file = "charset_normalizer-3.3.2-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:1d3193f4a680c64b4b6a9115943538edb896edc190f0b222e73761716519268e"},
+    {file = "charset_normalizer-3.3.2-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:cd70574b12bb8a4d2aaa0094515df2463cb429d8536cfb6c7ce983246983e5a6"},
+    {file = "charset_normalizer-3.3.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8465322196c8b4d7ab6d1e049e4c5cb460d0394da4a27d23cc242fbf0034b6b5"},
+    {file = "charset_normalizer-3.3.2-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:a9a8e9031d613fd2009c182b69c7b2c1ef8239a0efb1df3f7c8da66d5dd3d537"},
+    {file = "charset_normalizer-3.3.2-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:beb58fe5cdb101e3a055192ac291b7a21e3b7ef4f67fa1d74e331a7f2124341c"},
+    {file = "charset_normalizer-3.3.2-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:e06ed3eb3218bc64786f7db41917d4e686cc4856944f53d5bdf83a6884432e12"},
+    {file = "charset_normalizer-3.3.2-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:2e81c7b9c8979ce92ed306c249d46894776a909505d8f5a4ba55b14206e3222f"},
+    {file = "charset_normalizer-3.3.2-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:572c3763a264ba47b3cf708a44ce965d98555f618ca42c926a9c1616d8f34269"},
+    {file = "charset_normalizer-3.3.2-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:fd1abc0d89e30cc4e02e4064dc67fcc51bd941eb395c502aac3ec19fab46b519"},
+    {file = "charset_normalizer-3.3.2-cp310-cp310-win32.whl", hash = "sha256:3d47fa203a7bd9c5b6cee4736ee84ca03b8ef23193c0d1ca99b5089f72645c73"},
+    {file = "charset_normalizer-3.3.2-cp310-cp310-win_amd64.whl", hash = "sha256:10955842570876604d404661fbccbc9c7e684caf432c09c715ec38fbae45ae09"},
+    {file = "charset_normalizer-3.3.2-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:802fe99cca7457642125a8a88a084cef28ff0cf9407060f7b93dca5aa25480db"},
+    {file = "charset_normalizer-3.3.2-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:573f6eac48f4769d667c4442081b1794f52919e7edada77495aaed9236d13a96"},
+    {file = "charset_normalizer-3.3.2-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:549a3a73da901d5bc3ce8d24e0600d1fa85524c10287f6004fbab87672bf3e1e"},
+    {file = "charset_normalizer-3.3.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f27273b60488abe721a075bcca6d7f3964f9f6f067c8c4c605743023d7d3944f"},
+    {file = "charset_normalizer-3.3.2-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:1ceae2f17a9c33cb48e3263960dc5fc8005351ee19db217e9b1bb15d28c02574"},
+    {file = "charset_normalizer-3.3.2-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:65f6f63034100ead094b8744b3b97965785388f308a64cf8d7c34f2f2e5be0c4"},
+    {file = "charset_normalizer-3.3.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:753f10e867343b4511128c6ed8c82f7bec3bd026875576dfd88483c5c73b2fd8"},
+    {file = "charset_normalizer-3.3.2-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:4a78b2b446bd7c934f5dcedc588903fb2f5eec172f3d29e52a9096a43722adfc"},
+    {file = "charset_normalizer-3.3.2-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:e537484df0d8f426ce2afb2d0f8e1c3d0b114b83f8850e5f2fbea0e797bd82ae"},
+    {file = "charset_normalizer-3.3.2-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:eb6904c354526e758fda7167b33005998fb68c46fbc10e013ca97f21ca5c8887"},
+    {file = "charset_normalizer-3.3.2-cp311-cp311-musllinux_1_1_ppc64le.whl", hash = "sha256:deb6be0ac38ece9ba87dea880e438f25ca3eddfac8b002a2ec3d9183a454e8ae"},
+    {file = "charset_normalizer-3.3.2-cp311-cp311-musllinux_1_1_s390x.whl", hash = "sha256:4ab2fe47fae9e0f9dee8c04187ce5d09f48eabe611be8259444906793ab7cbce"},
+    {file = "charset_normalizer-3.3.2-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:80402cd6ee291dcb72644d6eac93785fe2c8b9cb30893c1af5b8fdd753b9d40f"},
+    {file = "charset_normalizer-3.3.2-cp311-cp311-win32.whl", hash = "sha256:7cd13a2e3ddeed6913a65e66e94b51d80a041145a026c27e6bb76c31a853c6ab"},
+    {file = "charset_normalizer-3.3.2-cp311-cp311-win_amd64.whl", hash = "sha256:663946639d296df6a2bb2aa51b60a2454ca1cb29835324c640dafb5ff2131a77"},
+    {file = "charset_normalizer-3.3.2-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:0b2b64d2bb6d3fb9112bafa732def486049e63de9618b5843bcdd081d8144cd8"},
+    {file = "charset_normalizer-3.3.2-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:ddbb2551d7e0102e7252db79ba445cdab71b26640817ab1e3e3648dad515003b"},
+    {file = "charset_normalizer-3.3.2-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:55086ee1064215781fff39a1af09518bc9255b50d6333f2e4c74ca09fac6a8f6"},
+    {file = "charset_normalizer-3.3.2-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8f4a014bc36d3c57402e2977dada34f9c12300af536839dc38c0beab8878f38a"},
+    {file = "charset_normalizer-3.3.2-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:a10af20b82360ab00827f916a6058451b723b4e65030c5a18577c8b2de5b3389"},
+    {file = "charset_normalizer-3.3.2-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:8d756e44e94489e49571086ef83b2bb8ce311e730092d2c34ca8f7d925cb20aa"},
+    {file = "charset_normalizer-3.3.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:90d558489962fd4918143277a773316e56c72da56ec7aa3dc3dbbe20fdfed15b"},
+    {file = "charset_normalizer-3.3.2-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:6ac7ffc7ad6d040517be39eb591cac5ff87416c2537df6ba3cba3bae290c0fed"},
+    {file = "charset_normalizer-3.3.2-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:7ed9e526742851e8d5cc9e6cf41427dfc6068d4f5a3bb03659444b4cabf6bc26"},
+    {file = "charset_normalizer-3.3.2-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:8bdb58ff7ba23002a4c5808d608e4e6c687175724f54a5dade5fa8c67b604e4d"},
+    {file = "charset_normalizer-3.3.2-cp312-cp312-musllinux_1_1_ppc64le.whl", hash = "sha256:6b3251890fff30ee142c44144871185dbe13b11bab478a88887a639655be1068"},
+    {file = "charset_normalizer-3.3.2-cp312-cp312-musllinux_1_1_s390x.whl", hash = "sha256:b4a23f61ce87adf89be746c8a8974fe1c823c891d8f86eb218bb957c924bb143"},
+    {file = "charset_normalizer-3.3.2-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:efcb3f6676480691518c177e3b465bcddf57cea040302f9f4e6e191af91174d4"},
+    {file = "charset_normalizer-3.3.2-cp312-cp312-win32.whl", hash = "sha256:d965bba47ddeec8cd560687584e88cf699fd28f192ceb452d1d7ee807c5597b7"},
+    {file = "charset_normalizer-3.3.2-cp312-cp312-win_amd64.whl", hash = "sha256:96b02a3dc4381e5494fad39be677abcb5e6634bf7b4fa83a6dd3112607547001"},
+    {file = "charset_normalizer-3.3.2-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:95f2a5796329323b8f0512e09dbb7a1860c46a39da62ecb2324f116fa8fdc85c"},
+    {file = "charset_normalizer-3.3.2-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c002b4ffc0be611f0d9da932eb0f704fe2602a9a949d1f738e4c34c75b0863d5"},
+    {file = "charset_normalizer-3.3.2-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:a981a536974bbc7a512cf44ed14938cf01030a99e9b3a06dd59578882f06f985"},
+    {file = "charset_normalizer-3.3.2-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:3287761bc4ee9e33561a7e058c72ac0938c4f57fe49a09eae428fd88aafe7bb6"},
+    {file = "charset_normalizer-3.3.2-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:42cb296636fcc8b0644486d15c12376cb9fa75443e00fb25de0b8602e64c1714"},
+    {file = "charset_normalizer-3.3.2-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:0a55554a2fa0d408816b3b5cedf0045f4b8e1a6065aec45849de2d6f3f8e9786"},
+    {file = "charset_normalizer-3.3.2-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:c083af607d2515612056a31f0a8d9e0fcb5876b7bfc0abad3ecd275bc4ebc2d5"},
+    {file = "charset_normalizer-3.3.2-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:87d1351268731db79e0f8e745d92493ee2841c974128ef629dc518b937d9194c"},
+    {file = "charset_normalizer-3.3.2-cp37-cp37m-musllinux_1_1_ppc64le.whl", hash = "sha256:bd8f7df7d12c2db9fab40bdd87a7c09b1530128315d047a086fa3ae3435cb3a8"},
+    {file = "charset_normalizer-3.3.2-cp37-cp37m-musllinux_1_1_s390x.whl", hash = "sha256:c180f51afb394e165eafe4ac2936a14bee3eb10debc9d9e4db8958fe36afe711"},
+    {file = "charset_normalizer-3.3.2-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:8c622a5fe39a48f78944a87d4fb8a53ee07344641b0562c540d840748571b811"},
+    {file = "charset_normalizer-3.3.2-cp37-cp37m-win32.whl", hash = "sha256:db364eca23f876da6f9e16c9da0df51aa4f104a972735574842618b8c6d999d4"},
+    {file = "charset_normalizer-3.3.2-cp37-cp37m-win_amd64.whl", hash = "sha256:86216b5cee4b06df986d214f664305142d9c76df9b6512be2738aa72a2048f99"},
+    {file = "charset_normalizer-3.3.2-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:6463effa3186ea09411d50efc7d85360b38d5f09b870c48e4600f63af490e56a"},
+    {file = "charset_normalizer-3.3.2-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:6c4caeef8fa63d06bd437cd4bdcf3ffefe6738fb1b25951440d80dc7df8c03ac"},
+    {file = "charset_normalizer-3.3.2-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:37e55c8e51c236f95b033f6fb391d7d7970ba5fe7ff453dad675e88cf303377a"},
+    {file = "charset_normalizer-3.3.2-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:fb69256e180cb6c8a894fee62b3afebae785babc1ee98b81cdf68bbca1987f33"},
+    {file = "charset_normalizer-3.3.2-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:ae5f4161f18c61806f411a13b0310bea87f987c7d2ecdbdaad0e94eb2e404238"},
+    {file = "charset_normalizer-3.3.2-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b2b0a0c0517616b6869869f8c581d4eb2dd83a4d79e0ebcb7d373ef9956aeb0a"},
+    {file = "charset_normalizer-3.3.2-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:45485e01ff4d3630ec0d9617310448a8702f70e9c01906b0d0118bdf9d124cf2"},
+    {file = "charset_normalizer-3.3.2-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:eb00ed941194665c332bf8e078baf037d6c35d7c4f3102ea2d4f16ca94a26dc8"},
+    {file = "charset_normalizer-3.3.2-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:2127566c664442652f024c837091890cb1942c30937add288223dc895793f898"},
+    {file = "charset_normalizer-3.3.2-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:a50aebfa173e157099939b17f18600f72f84eed3049e743b68ad15bd69b6bf99"},
+    {file = "charset_normalizer-3.3.2-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:4d0d1650369165a14e14e1e47b372cfcb31d6ab44e6e33cb2d4e57265290044d"},
+    {file = "charset_normalizer-3.3.2-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:923c0c831b7cfcb071580d3f46c4baf50f174be571576556269530f4bbd79d04"},
+    {file = "charset_normalizer-3.3.2-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:06a81e93cd441c56a9b65d8e1d043daeb97a3d0856d177d5c90ba85acb3db087"},
+    {file = "charset_normalizer-3.3.2-cp38-cp38-win32.whl", hash = "sha256:6ef1d82a3af9d3eecdba2321dc1b3c238245d890843e040e41e470ffa64c3e25"},
+    {file = "charset_normalizer-3.3.2-cp38-cp38-win_amd64.whl", hash = "sha256:eb8821e09e916165e160797a6c17edda0679379a4be5c716c260e836e122f54b"},
+    {file = "charset_normalizer-3.3.2-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:c235ebd9baae02f1b77bcea61bce332cb4331dc3617d254df3323aa01ab47bd4"},
+    {file = "charset_normalizer-3.3.2-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:5b4c145409bef602a690e7cfad0a15a55c13320ff7a3ad7ca59c13bb8ba4d45d"},
+    {file = "charset_normalizer-3.3.2-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:68d1f8a9e9e37c1223b656399be5d6b448dea850bed7d0f87a8311f1ff3dabb0"},
+    {file = "charset_normalizer-3.3.2-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:22afcb9f253dac0696b5a4be4a1c0f8762f8239e21b99680099abd9b2b1b2269"},
+    {file = "charset_normalizer-3.3.2-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:e27ad930a842b4c5eb8ac0016b0a54f5aebbe679340c26101df33424142c143c"},
+    {file = "charset_normalizer-3.3.2-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:1f79682fbe303db92bc2b1136016a38a42e835d932bab5b3b1bfcfbf0640e519"},
+    {file = "charset_normalizer-3.3.2-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b261ccdec7821281dade748d088bb6e9b69e6d15b30652b74cbbac25e280b796"},
+    {file = "charset_normalizer-3.3.2-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:122c7fa62b130ed55f8f285bfd56d5f4b4a5b503609d181f9ad85e55c89f4185"},
+    {file = "charset_normalizer-3.3.2-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:d0eccceffcb53201b5bfebb52600a5fb483a20b61da9dbc885f8b103cbe7598c"},
+    {file = "charset_normalizer-3.3.2-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:9f96df6923e21816da7e0ad3fd47dd8f94b2a5ce594e00677c0013018b813458"},
+    {file = "charset_normalizer-3.3.2-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:7f04c839ed0b6b98b1a7501a002144b76c18fb1c1850c8b98d458ac269e26ed2"},
+    {file = "charset_normalizer-3.3.2-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:34d1c8da1e78d2e001f363791c98a272bb734000fcef47a491c1e3b0505657a8"},
+    {file = "charset_normalizer-3.3.2-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:ff8fa367d09b717b2a17a052544193ad76cd49979c805768879cb63d9ca50561"},
+    {file = "charset_normalizer-3.3.2-cp39-cp39-win32.whl", hash = "sha256:aed38f6e4fb3f5d6bf81bfa990a07806be9d83cf7bacef998ab1a9bd660a581f"},
+    {file = "charset_normalizer-3.3.2-cp39-cp39-win_amd64.whl", hash = "sha256:b01b88d45a6fcb69667cd6d2f7a9aeb4bf53760d7fc536bf679ec94fe9f3ff3d"},
+    {file = "charset_normalizer-3.3.2-py3-none-any.whl", hash = "sha256:3e4d1f6587322d2788836a99c69062fbb091331ec940e02d12d179c1d53e25fc"},
+]
+
+[[package]]
+name = "click"
+version = "8.1.7"
+description = "Composable command line interface toolkit"
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "click-8.1.7-py3-none-any.whl", hash = "sha256:ae74fb96c20a0277a1d615f1e4d73c8414f5a98db8b799a7931d1582f3390c28"},
+    {file = "click-8.1.7.tar.gz", hash = "sha256:ca9853ad459e787e2192211578cc907e7594e294c7ccc834310722b41b9ca6de"},
+]
+
+[package.dependencies]
+colorama = {version = "*", markers = "platform_system == \"Windows\""}
+
+[[package]]
+name = "codespell"
+version = "2.2.6"
+description = "Codespell"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "codespell-2.2.6-py3-none-any.whl", hash = "sha256:9ee9a3e5df0990604013ac2a9f22fa8e57669c827124a2e961fe8a1da4cacc07"},
+    {file = "codespell-2.2.6.tar.gz", hash = "sha256:a8c65d8eb3faa03deabab6b3bbe798bea72e1799c7e9e955d57eca4096abcff9"},
+]
+
+[package.dependencies]
+tomli = {version = "*", optional = true, markers = "python_version < \"3.11\" and extra == \"toml\""}
+
+[package.extras]
+dev = ["Pygments", "build", "chardet", "pre-commit", "pytest", "pytest-cov", "pytest-dependency", "ruff", "tomli", "twine"]
+hard-encoding-detection = ["chardet"]
+toml = ["tomli"]
+types = ["chardet (>=5.1.0)", "mypy", "pytest", "pytest-cov", "pytest-dependency"]
+
+[[package]]
+name = "colorama"
+version = "0.4.6"
+description = "Cross-platform colored terminal text."
+optional = false
+python-versions = "!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*,!=3.5.*,!=3.6.*,>=2.7"
+files = [
+    {file = "colorama-0.4.6-py2.py3-none-any.whl", hash = "sha256:4f1d9991f5acc0ca119f9d443620b77f9d6b33703e51011c16baf57afb285fc6"},
+    {file = "colorama-0.4.6.tar.gz", hash = "sha256:08695f5cb7ed6e0531a20572697297273c47b8cae5a63ffc6d6ed5c201be6e44"},
+]
+
+[[package]]
+name = "comm"
+version = "0.2.1"
+description = "Jupyter Python Comm implementation, for usage in ipykernel, xeus-python etc."
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "comm-0.2.1-py3-none-any.whl", hash = "sha256:87928485c0dfc0e7976fd89fc1e187023cf587e7c353e4a9b417555b44adf021"},
+    {file = "comm-0.2.1.tar.gz", hash = "sha256:0bc91edae1344d39d3661dcbc36937181fdaddb304790458f8b044dbc064b89a"},
+]
+
+[package.dependencies]
+traitlets = ">=4"
+
+[package.extras]
+test = ["pytest"]
+
+[[package]]
+name = "cryptography"
+version = "42.0.4"
+description = "cryptography is a package which provides cryptographic recipes and primitives to Python developers."
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "cryptography-42.0.4-cp37-abi3-macosx_10_12_universal2.whl", hash = "sha256:ffc73996c4fca3d2b6c1c8c12bfd3ad00def8621da24f547626bf06441400449"},
+    {file = "cryptography-42.0.4-cp37-abi3-macosx_10_12_x86_64.whl", hash = "sha256:db4b65b02f59035037fde0998974d84244a64c3265bdef32a827ab9b63d61b18"},
+    {file = "cryptography-42.0.4-cp37-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:dad9c385ba8ee025bb0d856714f71d7840020fe176ae0229de618f14dae7a6e2"},
+    {file = "cryptography-42.0.4-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:69b22ab6506a3fe483d67d1ed878e1602bdd5912a134e6202c1ec672233241c1"},
+    {file = "cryptography-42.0.4-cp37-abi3-manylinux_2_28_aarch64.whl", hash = "sha256:e09469a2cec88fb7b078e16d4adec594414397e8879a4341c6ace96013463d5b"},
+    {file = "cryptography-42.0.4-cp37-abi3-manylinux_2_28_x86_64.whl", hash = "sha256:3e970a2119507d0b104f0a8e281521ad28fc26f2820687b3436b8c9a5fcf20d1"},
+    {file = "cryptography-42.0.4-cp37-abi3-musllinux_1_1_aarch64.whl", hash = "sha256:e53dc41cda40b248ebc40b83b31516487f7db95ab8ceac1f042626bc43a2f992"},
+    {file = "cryptography-42.0.4-cp37-abi3-musllinux_1_1_x86_64.whl", hash = "sha256:c3a5cbc620e1e17009f30dd34cb0d85c987afd21c41a74352d1719be33380885"},
+    {file = "cryptography-42.0.4-cp37-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:6bfadd884e7280df24d26f2186e4e07556a05d37393b0f220a840b083dc6a824"},
+    {file = "cryptography-42.0.4-cp37-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:01911714117642a3f1792c7f376db572aadadbafcd8d75bb527166009c9f1d1b"},
+    {file = "cryptography-42.0.4-cp37-abi3-win32.whl", hash = "sha256:fb0cef872d8193e487fc6bdb08559c3aa41b659a7d9be48b2e10747f47863925"},
+    {file = "cryptography-42.0.4-cp37-abi3-win_amd64.whl", hash = "sha256:c1f25b252d2c87088abc8bbc4f1ecbf7c919e05508a7e8628e6875c40bc70923"},
+    {file = "cryptography-42.0.4-cp39-abi3-macosx_10_12_universal2.whl", hash = "sha256:15a1fb843c48b4a604663fa30af60818cd28f895572386e5f9b8a665874c26e7"},
+    {file = "cryptography-42.0.4-cp39-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a1327f280c824ff7885bdeef8578f74690e9079267c1c8bd7dc5cc5aa065ae52"},
+    {file = "cryptography-42.0.4-cp39-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6ffb03d419edcab93b4b19c22ee80c007fb2d708429cecebf1dd3258956a563a"},
+    {file = "cryptography-42.0.4-cp39-abi3-manylinux_2_28_aarch64.whl", hash = "sha256:1df6fcbf60560d2113b5ed90f072dc0b108d64750d4cbd46a21ec882c7aefce9"},
+    {file = "cryptography-42.0.4-cp39-abi3-manylinux_2_28_x86_64.whl", hash = "sha256:44a64043f743485925d3bcac548d05df0f9bb445c5fcca6681889c7c3ab12764"},
+    {file = "cryptography-42.0.4-cp39-abi3-musllinux_1_1_aarch64.whl", hash = "sha256:3c6048f217533d89f2f8f4f0fe3044bf0b2090453b7b73d0b77db47b80af8dff"},
+    {file = "cryptography-42.0.4-cp39-abi3-musllinux_1_1_x86_64.whl", hash = "sha256:6d0fbe73728c44ca3a241eff9aefe6496ab2656d6e7a4ea2459865f2e8613257"},
+    {file = "cryptography-42.0.4-cp39-abi3-musllinux_1_2_aarch64.whl", hash = "sha256:887623fe0d70f48ab3f5e4dbf234986b1329a64c066d719432d0698522749929"},
+    {file = "cryptography-42.0.4-cp39-abi3-musllinux_1_2_x86_64.whl", hash = "sha256:ce8613beaffc7c14f091497346ef117c1798c202b01153a8cc7b8e2ebaaf41c0"},
+    {file = "cryptography-42.0.4-cp39-abi3-win32.whl", hash = "sha256:810bcf151caefc03e51a3d61e53335cd5c7316c0a105cc695f0959f2c638b129"},
+    {file = "cryptography-42.0.4-cp39-abi3-win_amd64.whl", hash = "sha256:a0298bdc6e98ca21382afe914c642620370ce0470a01e1bef6dd9b5354c36854"},
+    {file = "cryptography-42.0.4-pp310-pypy310_pp73-macosx_10_12_x86_64.whl", hash = "sha256:5f8907fcf57392cd917892ae83708761c6ff3c37a8e835d7246ff0ad251d9298"},
+    {file = "cryptography-42.0.4-pp310-pypy310_pp73-manylinux_2_28_aarch64.whl", hash = "sha256:12d341bd42cdb7d4937b0cabbdf2a94f949413ac4504904d0cdbdce4a22cbf88"},
+    {file = "cryptography-42.0.4-pp310-pypy310_pp73-manylinux_2_28_x86_64.whl", hash = "sha256:1cdcdbd117681c88d717437ada72bdd5be9de117f96e3f4d50dab3f59fd9ab20"},
+    {file = "cryptography-42.0.4-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:0e89f7b84f421c56e7ff69f11c441ebda73b8a8e6488d322ef71746224c20fce"},
+    {file = "cryptography-42.0.4-pp39-pypy39_pp73-macosx_10_12_x86_64.whl", hash = "sha256:f1e85a178384bf19e36779d91ff35c7617c885da487d689b05c1366f9933ad74"},
+    {file = "cryptography-42.0.4-pp39-pypy39_pp73-manylinux_2_28_aarch64.whl", hash = "sha256:d2a27aca5597c8a71abbe10209184e1a8e91c1fd470b5070a2ea60cafec35bcd"},
+    {file = "cryptography-42.0.4-pp39-pypy39_pp73-manylinux_2_28_x86_64.whl", hash = "sha256:4e36685cb634af55e0677d435d425043967ac2f3790ec652b2b88ad03b85c27b"},
+    {file = "cryptography-42.0.4-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:f47be41843200f7faec0683ad751e5ef11b9a56a220d57f300376cd8aba81660"},
+    {file = "cryptography-42.0.4.tar.gz", hash = "sha256:831a4b37accef30cccd34fcb916a5d7b5be3cbbe27268a02832c3e450aea39cb"},
+]
+
+[package.dependencies]
+cffi = {version = ">=1.12", markers = "platform_python_implementation != \"PyPy\""}
+
+[package.extras]
+docs = ["sphinx (>=5.3.0)", "sphinx-rtd-theme (>=1.1.1)"]
+docstest = ["pyenchant (>=1.6.11)", "readme-renderer", "sphinxcontrib-spelling (>=4.0.1)"]
+nox = ["nox"]
+pep8test = ["check-sdist", "click", "mypy", "ruff"]
+sdist = ["build"]
+ssh = ["bcrypt (>=3.1.5)"]
+test = ["certifi", "pretend", "pytest (>=6.2.0)", "pytest-benchmark", "pytest-cov", "pytest-xdist"]
+test-randomorder = ["pytest-randomly"]
+
+[[package]]
+name = "dataclasses-json"
+version = "0.6.4"
+description = "Easily serialize dataclasses to and from JSON."
+optional = false
+python-versions = ">=3.7,<4.0"
+files = [
+    {file = "dataclasses_json-0.6.4-py3-none-any.whl", hash = "sha256:f90578b8a3177f7552f4e1a6e535e84293cd5da421fcce0642d49c0d7bdf8df2"},
+    {file = "dataclasses_json-0.6.4.tar.gz", hash = "sha256:73696ebf24936560cca79a2430cbc4f3dd23ac7bf46ed17f38e5e5e7657a6377"},
+]
+
+[package.dependencies]
+marshmallow = ">=3.18.0,<4.0.0"
+typing-inspect = ">=0.4.0,<1"
+
+[[package]]
+name = "debugpy"
+version = "1.8.1"
+description = "An implementation of the Debug Adapter Protocol for Python"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "debugpy-1.8.1-cp310-cp310-macosx_11_0_x86_64.whl", hash = "sha256:3bda0f1e943d386cc7a0e71bfa59f4137909e2ed947fb3946c506e113000f741"},
+    {file = "debugpy-1.8.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:dda73bf69ea479c8577a0448f8c707691152e6c4de7f0c4dec5a4bc11dee516e"},
+    {file = "debugpy-1.8.1-cp310-cp310-win32.whl", hash = "sha256:3a79c6f62adef994b2dbe9fc2cc9cc3864a23575b6e387339ab739873bea53d0"},
+    {file = "debugpy-1.8.1-cp310-cp310-win_amd64.whl", hash = "sha256:7eb7bd2b56ea3bedb009616d9e2f64aab8fc7000d481faec3cd26c98a964bcdd"},
+    {file = "debugpy-1.8.1-cp311-cp311-macosx_11_0_universal2.whl", hash = "sha256:016a9fcfc2c6b57f939673c874310d8581d51a0fe0858e7fac4e240c5eb743cb"},
+    {file = "debugpy-1.8.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fd97ed11a4c7f6d042d320ce03d83b20c3fb40da892f994bc041bbc415d7a099"},
+    {file = "debugpy-1.8.1-cp311-cp311-win32.whl", hash = "sha256:0de56aba8249c28a300bdb0672a9b94785074eb82eb672db66c8144fff673146"},
+    {file = "debugpy-1.8.1-cp311-cp311-win_amd64.whl", hash = "sha256:1a9fe0829c2b854757b4fd0a338d93bc17249a3bf69ecf765c61d4c522bb92a8"},
+    {file = "debugpy-1.8.1-cp312-cp312-macosx_11_0_universal2.whl", hash = "sha256:3ebb70ba1a6524d19fa7bb122f44b74170c447d5746a503e36adc244a20ac539"},
+    {file = "debugpy-1.8.1-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a2e658a9630f27534e63922ebf655a6ab60c370f4d2fc5c02a5b19baf4410ace"},
+    {file = "debugpy-1.8.1-cp312-cp312-win32.whl", hash = "sha256:caad2846e21188797a1f17fc09c31b84c7c3c23baf2516fed5b40b378515bbf0"},
+    {file = "debugpy-1.8.1-cp312-cp312-win_amd64.whl", hash = "sha256:edcc9f58ec0fd121a25bc950d4578df47428d72e1a0d66c07403b04eb93bcf98"},
+    {file = "debugpy-1.8.1-cp38-cp38-macosx_11_0_x86_64.whl", hash = "sha256:7a3afa222f6fd3d9dfecd52729bc2e12c93e22a7491405a0ecbf9e1d32d45b39"},
+    {file = "debugpy-1.8.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d915a18f0597ef685e88bb35e5d7ab968964b7befefe1aaea1eb5b2640b586c7"},
+    {file = "debugpy-1.8.1-cp38-cp38-win32.whl", hash = "sha256:92116039b5500633cc8d44ecc187abe2dfa9b90f7a82bbf81d079fcdd506bae9"},
+    {file = "debugpy-1.8.1-cp38-cp38-win_amd64.whl", hash = "sha256:e38beb7992b5afd9d5244e96ad5fa9135e94993b0c551ceebf3fe1a5d9beb234"},
+    {file = "debugpy-1.8.1-cp39-cp39-macosx_11_0_x86_64.whl", hash = "sha256:bfb20cb57486c8e4793d41996652e5a6a885b4d9175dd369045dad59eaacea42"},
+    {file = "debugpy-1.8.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:efd3fdd3f67a7e576dd869c184c5dd71d9aaa36ded271939da352880c012e703"},
+    {file = "debugpy-1.8.1-cp39-cp39-win32.whl", hash = "sha256:58911e8521ca0c785ac7a0539f1e77e0ce2df753f786188f382229278b4cdf23"},
+    {file = "debugpy-1.8.1-cp39-cp39-win_amd64.whl", hash = "sha256:6df9aa9599eb05ca179fb0b810282255202a66835c6efb1d112d21ecb830ddd3"},
+    {file = "debugpy-1.8.1-py2.py3-none-any.whl", hash = "sha256:28acbe2241222b87e255260c76741e1fbf04fdc3b6d094fcf57b6c6f75ce1242"},
+    {file = "debugpy-1.8.1.zip", hash = "sha256:f696d6be15be87aef621917585f9bb94b1dc9e8aced570db1b8a6fc14e8f9b42"},
+]
+
+[[package]]
+name = "decorator"
+version = "5.1.1"
+description = "Decorators for Humans"
+optional = false
+python-versions = ">=3.5"
+files = [
+    {file = "decorator-5.1.1-py3-none-any.whl", hash = "sha256:b8c3f85900b9dc423225913c5aace94729fe1fa9763b38939a95226f02d37186"},
+    {file = "decorator-5.1.1.tar.gz", hash = "sha256:637996211036b6385ef91435e4fae22989472f9d571faba8927ba8253acbc330"},
+]
+
+[[package]]
+name = "defusedxml"
+version = "0.7.1"
+description = "XML bomb protection for Python stdlib modules"
+optional = false
+python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*"
+files = [
+    {file = "defusedxml-0.7.1-py2.py3-none-any.whl", hash = "sha256:a352e7e428770286cc899e2542b6cdaedb2b4953ff269a210103ec58f6198a61"},
+    {file = "defusedxml-0.7.1.tar.gz", hash = "sha256:1bb3032db185915b62d7c6209c5a8792be6a32ab2fedacc84e01b52c51aa3e69"},
+]
+
+[[package]]
+name = "deprecated"
+version = "1.2.14"
+description = "Python @deprecated decorator to deprecate old python classes, functions or methods."
+optional = false
+python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*"
+files = [
+    {file = "Deprecated-1.2.14-py2.py3-none-any.whl", hash = "sha256:6fac8b097794a90302bdbb17b9b815e732d3c4720583ff1b198499d78470466c"},
+    {file = "Deprecated-1.2.14.tar.gz", hash = "sha256:e5323eb936458dccc2582dc6f9c322c852a775a27065ff2b0c4970b9d53d01b3"},
+]
+
+[package.dependencies]
+wrapt = ">=1.10,<2"
+
+[package.extras]
+dev = ["PyTest", "PyTest-Cov", "bump2version (<1)", "sphinx (<2)", "tox"]
+
+[[package]]
+name = "dill"
+version = "0.3.8"
+description = "serialize all of Python"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "dill-0.3.8-py3-none-any.whl", hash = "sha256:c36ca9ffb54365bdd2f8eb3eff7d2a21237f8452b57ace88b1ac615b7e815bd7"},
+    {file = "dill-0.3.8.tar.gz", hash = "sha256:3ebe3c479ad625c4553aca177444d89b486b1d84982eeacded644afc0cf797ca"},
+]
+
+[package.extras]
+graph = ["objgraph (>=1.7.2)"]
+profile = ["gprof2dot (>=2022.7.29)"]
+
+[[package]]
+name = "dirtyjson"
+version = "1.0.8"
+description = "JSON decoder for Python that can extract data from the muck"
+optional = false
+python-versions = "*"
+files = [
+    {file = "dirtyjson-1.0.8-py3-none-any.whl", hash = "sha256:125e27248435a58acace26d5c2c4c11a1c0de0a9c5124c5a94ba78e517d74f53"},
+    {file = "dirtyjson-1.0.8.tar.gz", hash = "sha256:90ca4a18f3ff30ce849d100dcf4a003953c79d3a2348ef056f1d9c22231a25fd"},
+]
+
+[[package]]
+name = "distlib"
+version = "0.3.8"
+description = "Distribution utilities"
+optional = false
+python-versions = "*"
+files = [
+    {file = "distlib-0.3.8-py2.py3-none-any.whl", hash = "sha256:034db59a0b96f8ca18035f36290806a9a6e6bd9d1ff91e45a7f172eb17e51784"},
+    {file = "distlib-0.3.8.tar.gz", hash = "sha256:1530ea13e350031b6312d8580ddb6b27a104275a31106523b8f123787f494f64"},
+]
+
+[[package]]
+name = "distro"
+version = "1.9.0"
+description = "Distro - an OS platform information API"
+optional = false
+python-versions = ">=3.6"
+files = [
+    {file = "distro-1.9.0-py3-none-any.whl", hash = "sha256:7bffd925d65168f85027d8da9af6bddab658135b840670a223589bc0c8ef02b2"},
+    {file = "distro-1.9.0.tar.gz", hash = "sha256:2fa77c6fd8940f116ee1d6b94a2f90b13b5ea8d019b98bc8bafdcabcdd9bdbed"},
+]
+
+[[package]]
+name = "exceptiongroup"
+version = "1.2.0"
+description = "Backport of PEP 654 (exception groups)"
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "exceptiongroup-1.2.0-py3-none-any.whl", hash = "sha256:4bfd3996ac73b41e9b9628b04e079f193850720ea5945fc96a08633c66912f14"},
+    {file = "exceptiongroup-1.2.0.tar.gz", hash = "sha256:91f5c769735f051a4290d52edd0858999b57e5876e9f85937691bd4c9fa3ed68"},
+]
+
+[package.extras]
+test = ["pytest (>=6)"]
+
+[[package]]
+name = "executing"
+version = "2.0.1"
+description = "Get the currently executing AST node of a frame, and other information"
+optional = false
+python-versions = ">=3.5"
+files = [
+    {file = "executing-2.0.1-py2.py3-none-any.whl", hash = "sha256:eac49ca94516ccc753f9fb5ce82603156e590b27525a8bc32cce8ae302eb61bc"},
+    {file = "executing-2.0.1.tar.gz", hash = "sha256:35afe2ce3affba8ee97f2d69927fa823b08b472b7b994e36a52a964b93d16147"},
+]
+
+[package.extras]
+tests = ["asttokens (>=2.1.0)", "coverage", "coverage-enable-subprocess", "ipython", "littleutils", "pytest", "rich"]
+
+[[package]]
+name = "fastjsonschema"
+version = "2.19.1"
+description = "Fastest Python implementation of JSON schema"
+optional = false
+python-versions = "*"
+files = [
+    {file = "fastjsonschema-2.19.1-py3-none-any.whl", hash = "sha256:3672b47bc94178c9f23dbb654bf47440155d4db9df5f7bc47643315f9c405cd0"},
+    {file = "fastjsonschema-2.19.1.tar.gz", hash = "sha256:e3126a94bdc4623d3de4485f8d468a12f02a67921315ddc87836d6e456dc789d"},
+]
+
+[package.extras]
+devel = ["colorama", "json-spec", "jsonschema", "pylint", "pytest", "pytest-benchmark", "pytest-cache", "validictory"]
+
+[[package]]
+name = "filelock"
+version = "3.13.1"
+description = "A platform independent file lock."
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "filelock-3.13.1-py3-none-any.whl", hash = "sha256:57dbda9b35157b05fb3e58ee91448612eb674172fab98ee235ccb0b5bee19a1c"},
+    {file = "filelock-3.13.1.tar.gz", hash = "sha256:521f5f56c50f8426f5e03ad3b281b490a87ef15bc6c526f168290f0c7148d44e"},
+]
+
+[package.extras]
+docs = ["furo (>=2023.9.10)", "sphinx (>=7.2.6)", "sphinx-autodoc-typehints (>=1.24)"]
+testing = ["covdefaults (>=2.3)", "coverage (>=7.3.2)", "diff-cover (>=8)", "pytest (>=7.4.3)", "pytest-cov (>=4.1)", "pytest-mock (>=3.12)", "pytest-timeout (>=2.2)"]
+typing = ["typing-extensions (>=4.8)"]
+
+[[package]]
+name = "fqdn"
+version = "1.5.1"
+description = "Validates fully-qualified domain names against RFC 1123, so that they are acceptable to modern bowsers"
+optional = false
+python-versions = ">=2.7, !=3.0, !=3.1, !=3.2, !=3.3, !=3.4, <4"
+files = [
+    {file = "fqdn-1.5.1-py3-none-any.whl", hash = "sha256:3a179af3761e4df6eb2e026ff9e1a3033d3587bf980a0b1b2e1e5d08d7358014"},
+    {file = "fqdn-1.5.1.tar.gz", hash = "sha256:105ed3677e767fb5ca086a0c1f4bb66ebc3c100be518f0e0d755d9eae164d89f"},
+]
+
+[[package]]
+name = "frozenlist"
+version = "1.4.1"
+description = "A list-like structure which implements collections.abc.MutableSequence"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "frozenlist-1.4.1-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:f9aa1878d1083b276b0196f2dfbe00c9b7e752475ed3b682025ff20c1c1f51ac"},
+    {file = "frozenlist-1.4.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:29acab3f66f0f24674b7dc4736477bcd4bc3ad4b896f5f45379a67bce8b96868"},
+    {file = "frozenlist-1.4.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:74fb4bee6880b529a0c6560885fce4dc95936920f9f20f53d99a213f7bf66776"},
+    {file = "frozenlist-1.4.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:590344787a90ae57d62511dd7c736ed56b428f04cd8c161fcc5e7232c130c69a"},
+    {file = "frozenlist-1.4.1-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:068b63f23b17df8569b7fdca5517edef76171cf3897eb68beb01341131fbd2ad"},
+    {file = "frozenlist-1.4.1-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:5c849d495bf5154cd8da18a9eb15db127d4dba2968d88831aff6f0331ea9bd4c"},
+    {file = "frozenlist-1.4.1-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:9750cc7fe1ae3b1611bb8cfc3f9ec11d532244235d75901fb6b8e42ce9229dfe"},
+    {file = "frozenlist-1.4.1-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a9b2de4cf0cdd5bd2dee4c4f63a653c61d2408055ab77b151c1957f221cabf2a"},
+    {file = "frozenlist-1.4.1-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:0633c8d5337cb5c77acbccc6357ac49a1770b8c487e5b3505c57b949b4b82e98"},
+    {file = "frozenlist-1.4.1-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:27657df69e8801be6c3638054e202a135c7f299267f1a55ed3a598934f6c0d75"},
+    {file = "frozenlist-1.4.1-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:f9a3ea26252bd92f570600098783d1371354d89d5f6b7dfd87359d669f2109b5"},
+    {file = "frozenlist-1.4.1-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:4f57dab5fe3407b6c0c1cc907ac98e8a189f9e418f3b6e54d65a718aaafe3950"},
+    {file = "frozenlist-1.4.1-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:e02a0e11cf6597299b9f3bbd3f93d79217cb90cfd1411aec33848b13f5c656cc"},
+    {file = "frozenlist-1.4.1-cp310-cp310-win32.whl", hash = "sha256:a828c57f00f729620a442881cc60e57cfcec6842ba38e1b19fd3e47ac0ff8dc1"},
+    {file = "frozenlist-1.4.1-cp310-cp310-win_amd64.whl", hash = "sha256:f56e2333dda1fe0f909e7cc59f021eba0d2307bc6f012a1ccf2beca6ba362439"},
+    {file = "frozenlist-1.4.1-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:a0cb6f11204443f27a1628b0e460f37fb30f624be6051d490fa7d7e26d4af3d0"},
+    {file = "frozenlist-1.4.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:b46c8ae3a8f1f41a0d2ef350c0b6e65822d80772fe46b653ab6b6274f61d4a49"},
+    {file = "frozenlist-1.4.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:fde5bd59ab5357e3853313127f4d3565fc7dad314a74d7b5d43c22c6a5ed2ced"},
+    {file = "frozenlist-1.4.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:722e1124aec435320ae01ee3ac7bec11a5d47f25d0ed6328f2273d287bc3abb0"},
+    {file = "frozenlist-1.4.1-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:2471c201b70d58a0f0c1f91261542a03d9a5e088ed3dc6c160d614c01649c106"},
+    {file = "frozenlist-1.4.1-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:c757a9dd70d72b076d6f68efdbb9bc943665ae954dad2801b874c8c69e185068"},
+    {file = "frozenlist-1.4.1-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f146e0911cb2f1da549fc58fc7bcd2b836a44b79ef871980d605ec392ff6b0d2"},
+    {file = "frozenlist-1.4.1-cp311-cp311-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4f9c515e7914626b2a2e1e311794b4c35720a0be87af52b79ff8e1429fc25f19"},
+    {file = "frozenlist-1.4.1-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:c302220494f5c1ebeb0912ea782bcd5e2f8308037b3c7553fad0e48ebad6ad82"},
+    {file = "frozenlist-1.4.1-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:442acde1e068288a4ba7acfe05f5f343e19fac87bfc96d89eb886b0363e977ec"},
+    {file = "frozenlist-1.4.1-cp311-cp311-musllinux_1_1_ppc64le.whl", hash = "sha256:1b280e6507ea8a4fa0c0a7150b4e526a8d113989e28eaaef946cc77ffd7efc0a"},
+    {file = "frozenlist-1.4.1-cp311-cp311-musllinux_1_1_s390x.whl", hash = "sha256:fe1a06da377e3a1062ae5fe0926e12b84eceb8a50b350ddca72dc85015873f74"},
+    {file = "frozenlist-1.4.1-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:db9e724bebd621d9beca794f2a4ff1d26eed5965b004a97f1f1685a173b869c2"},
+    {file = "frozenlist-1.4.1-cp311-cp311-win32.whl", hash = "sha256:e774d53b1a477a67838a904131c4b0eef6b3d8a651f8b138b04f748fccfefe17"},
+    {file = "frozenlist-1.4.1-cp311-cp311-win_amd64.whl", hash = "sha256:fb3c2db03683b5767dedb5769b8a40ebb47d6f7f45b1b3e3b4b51ec8ad9d9825"},
+    {file = "frozenlist-1.4.1-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:1979bc0aeb89b33b588c51c54ab0161791149f2461ea7c7c946d95d5f93b56ae"},
+    {file = "frozenlist-1.4.1-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:cc7b01b3754ea68a62bd77ce6020afaffb44a590c2289089289363472d13aedb"},
+    {file = "frozenlist-1.4.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:c9c92be9fd329ac801cc420e08452b70e7aeab94ea4233a4804f0915c14eba9b"},
+    {file = "frozenlist-1.4.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5c3894db91f5a489fc8fa6a9991820f368f0b3cbdb9cd8849547ccfab3392d86"},
+    {file = "frozenlist-1.4.1-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:ba60bb19387e13597fb059f32cd4d59445d7b18b69a745b8f8e5db0346f33480"},
+    {file = "frozenlist-1.4.1-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:8aefbba5f69d42246543407ed2461db31006b0f76c4e32dfd6f42215a2c41d09"},
+    {file = "frozenlist-1.4.1-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:780d3a35680ced9ce682fbcf4cb9c2bad3136eeff760ab33707b71db84664e3a"},
+    {file = "frozenlist-1.4.1-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9acbb16f06fe7f52f441bb6f413ebae6c37baa6ef9edd49cdd567216da8600cd"},
+    {file = "frozenlist-1.4.1-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:23b701e65c7b36e4bf15546a89279bd4d8675faabc287d06bbcfac7d3c33e1e6"},
+    {file = "frozenlist-1.4.1-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:3e0153a805a98f5ada7e09826255ba99fb4f7524bb81bf6b47fb702666484ae1"},
+    {file = "frozenlist-1.4.1-cp312-cp312-musllinux_1_1_ppc64le.whl", hash = "sha256:dd9b1baec094d91bf36ec729445f7769d0d0cf6b64d04d86e45baf89e2b9059b"},
+    {file = "frozenlist-1.4.1-cp312-cp312-musllinux_1_1_s390x.whl", hash = "sha256:1a4471094e146b6790f61b98616ab8e44f72661879cc63fa1049d13ef711e71e"},
+    {file = "frozenlist-1.4.1-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:5667ed53d68d91920defdf4035d1cdaa3c3121dc0b113255124bcfada1cfa1b8"},
+    {file = "frozenlist-1.4.1-cp312-cp312-win32.whl", hash = "sha256:beee944ae828747fd7cb216a70f120767fc9f4f00bacae8543c14a6831673f89"},
+    {file = "frozenlist-1.4.1-cp312-cp312-win_amd64.whl", hash = "sha256:64536573d0a2cb6e625cf309984e2d873979709f2cf22839bf2d61790b448ad5"},
+    {file = "frozenlist-1.4.1-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:20b51fa3f588ff2fe658663db52a41a4f7aa6c04f6201449c6c7c476bd255c0d"},
+    {file = "frozenlist-1.4.1-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:410478a0c562d1a5bcc2f7ea448359fcb050ed48b3c6f6f4f18c313a9bdb1826"},
+    {file = "frozenlist-1.4.1-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:c6321c9efe29975232da3bd0af0ad216800a47e93d763ce64f291917a381b8eb"},
+    {file = "frozenlist-1.4.1-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:48f6a4533887e189dae092f1cf981f2e3885175f7a0f33c91fb5b7b682b6bab6"},
+    {file = "frozenlist-1.4.1-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:6eb73fa5426ea69ee0e012fb59cdc76a15b1283d6e32e4f8dc4482ec67d1194d"},
+    {file = "frozenlist-1.4.1-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:fbeb989b5cc29e8daf7f976b421c220f1b8c731cbf22b9130d8815418ea45887"},
+    {file = "frozenlist-1.4.1-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:32453c1de775c889eb4e22f1197fe3bdfe457d16476ea407472b9442e6295f7a"},
+    {file = "frozenlist-1.4.1-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:693945278a31f2086d9bf3df0fe8254bbeaef1fe71e1351c3bd730aa7d31c41b"},
+    {file = "frozenlist-1.4.1-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:1d0ce09d36d53bbbe566fe296965b23b961764c0bcf3ce2fa45f463745c04701"},
+    {file = "frozenlist-1.4.1-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:3a670dc61eb0d0eb7080890c13de3066790f9049b47b0de04007090807c776b0"},
+    {file = "frozenlist-1.4.1-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:dca69045298ce5c11fd539682cff879cc1e664c245d1c64da929813e54241d11"},
+    {file = "frozenlist-1.4.1-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:a06339f38e9ed3a64e4c4e43aec7f59084033647f908e4259d279a52d3757d09"},
+    {file = "frozenlist-1.4.1-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:b7f2f9f912dca3934c1baec2e4585a674ef16fe00218d833856408c48d5beee7"},
+    {file = "frozenlist-1.4.1-cp38-cp38-win32.whl", hash = "sha256:e7004be74cbb7d9f34553a5ce5fb08be14fb33bc86f332fb71cbe5216362a497"},
+    {file = "frozenlist-1.4.1-cp38-cp38-win_amd64.whl", hash = "sha256:5a7d70357e7cee13f470c7883a063aae5fe209a493c57d86eb7f5a6f910fae09"},
+    {file = "frozenlist-1.4.1-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:bfa4a17e17ce9abf47a74ae02f32d014c5e9404b6d9ac7f729e01562bbee601e"},
+    {file = "frozenlist-1.4.1-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:b7e3ed87d4138356775346e6845cccbe66cd9e207f3cd11d2f0b9fd13681359d"},
+    {file = "frozenlist-1.4.1-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:c99169d4ff810155ca50b4da3b075cbde79752443117d89429595c2e8e37fed8"},
+    {file = "frozenlist-1.4.1-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:edb678da49d9f72c9f6c609fbe41a5dfb9a9282f9e6a2253d5a91e0fc382d7c0"},
+    {file = "frozenlist-1.4.1-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:6db4667b187a6742b33afbbaf05a7bc551ffcf1ced0000a571aedbb4aa42fc7b"},
+    {file = "frozenlist-1.4.1-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:55fdc093b5a3cb41d420884cdaf37a1e74c3c37a31f46e66286d9145d2063bd0"},
+    {file = "frozenlist-1.4.1-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:82e8211d69a4f4bc360ea22cd6555f8e61a1bd211d1d5d39d3d228b48c83a897"},
+    {file = "frozenlist-1.4.1-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:89aa2c2eeb20957be2d950b85974b30a01a762f3308cd02bb15e1ad632e22dc7"},
+    {file = "frozenlist-1.4.1-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:9d3e0c25a2350080e9319724dede4f31f43a6c9779be48021a7f4ebde8b2d742"},
+    {file = "frozenlist-1.4.1-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:7268252af60904bf52c26173cbadc3a071cece75f873705419c8681f24d3edea"},
+    {file = "frozenlist-1.4.1-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:0c250a29735d4f15321007fb02865f0e6b6a41a6b88f1f523ca1596ab5f50bd5"},
+    {file = "frozenlist-1.4.1-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:96ec70beabbd3b10e8bfe52616a13561e58fe84c0101dd031dc78f250d5128b9"},
+    {file = "frozenlist-1.4.1-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:23b2d7679b73fe0e5a4560b672a39f98dfc6f60df63823b0a9970525325b95f6"},
+    {file = "frozenlist-1.4.1-cp39-cp39-win32.whl", hash = "sha256:a7496bfe1da7fb1a4e1cc23bb67c58fab69311cc7d32b5a99c2007b4b2a0e932"},
+    {file = "frozenlist-1.4.1-cp39-cp39-win_amd64.whl", hash = "sha256:e6a20a581f9ce92d389a8c7d7c3dd47c81fd5d6e655c8dddf341e14aa48659d0"},
+    {file = "frozenlist-1.4.1-py3-none-any.whl", hash = "sha256:04ced3e6a46b4cfffe20f9ae482818e34eba9b5fb0ce4056e4cc9b6e212d09b7"},
+    {file = "frozenlist-1.4.1.tar.gz", hash = "sha256:c037a86e8513059a2613aaba4d817bb90b9d9b6b69aace3ce9c877e8c8ed402b"},
+]
+
+[[package]]
+name = "fsspec"
+version = "2024.2.0"
+description = "File-system specification"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "fsspec-2024.2.0-py3-none-any.whl", hash = "sha256:817f969556fa5916bc682e02ca2045f96ff7f586d45110fcb76022063ad2c7d8"},
+    {file = "fsspec-2024.2.0.tar.gz", hash = "sha256:b6ad1a679f760dda52b1168c859d01b7b80648ea6f7f7c7f5a8a91dc3f3ecb84"},
+]
+
+[package.extras]
+abfs = ["adlfs"]
+adl = ["adlfs"]
+arrow = ["pyarrow (>=1)"]
+dask = ["dask", "distributed"]
+devel = ["pytest", "pytest-cov"]
+dropbox = ["dropbox", "dropboxdrivefs", "requests"]
+full = ["adlfs", "aiohttp (!=4.0.0a0,!=4.0.0a1)", "dask", "distributed", "dropbox", "dropboxdrivefs", "fusepy", "gcsfs", "libarchive-c", "ocifs", "panel", "paramiko", "pyarrow (>=1)", "pygit2", "requests", "s3fs", "smbprotocol", "tqdm"]
+fuse = ["fusepy"]
+gcs = ["gcsfs"]
+git = ["pygit2"]
+github = ["requests"]
+gs = ["gcsfs"]
+gui = ["panel"]
+hdfs = ["pyarrow (>=1)"]
+http = ["aiohttp (!=4.0.0a0,!=4.0.0a1)"]
+libarchive = ["libarchive-c"]
+oci = ["ocifs"]
+s3 = ["s3fs"]
+sftp = ["paramiko"]
+smb = ["smbprotocol"]
+ssh = ["paramiko"]
+tqdm = ["tqdm"]
+
+[[package]]
+name = "greenlet"
+version = "3.0.3"
+description = "Lightweight in-process concurrent programming"
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "greenlet-3.0.3-cp310-cp310-macosx_11_0_universal2.whl", hash = "sha256:9da2bd29ed9e4f15955dd1595ad7bc9320308a3b766ef7f837e23ad4b4aac31a"},
+    {file = "greenlet-3.0.3-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d353cadd6083fdb056bb46ed07e4340b0869c305c8ca54ef9da3421acbdf6881"},
+    {file = "greenlet-3.0.3-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:dca1e2f3ca00b84a396bc1bce13dd21f680f035314d2379c4160c98153b2059b"},
+    {file = "greenlet-3.0.3-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:3ed7fb269f15dc662787f4119ec300ad0702fa1b19d2135a37c2c4de6fadfd4a"},
+    {file = "greenlet-3.0.3-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:dd4f49ae60e10adbc94b45c0b5e6a179acc1736cf7a90160b404076ee283cf83"},
+    {file = "greenlet-3.0.3-cp310-cp310-manylinux_2_24_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:73a411ef564e0e097dbe7e866bb2dda0f027e072b04da387282b02c308807405"},
+    {file = "greenlet-3.0.3-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:7f362975f2d179f9e26928c5b517524e89dd48530a0202570d55ad6ca5d8a56f"},
+    {file = "greenlet-3.0.3-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:649dde7de1a5eceb258f9cb00bdf50e978c9db1b996964cd80703614c86495eb"},
+    {file = "greenlet-3.0.3-cp310-cp310-win_amd64.whl", hash = "sha256:68834da854554926fbedd38c76e60c4a2e3198c6fbed520b106a8986445caaf9"},
+    {file = "greenlet-3.0.3-cp311-cp311-macosx_11_0_universal2.whl", hash = "sha256:b1b5667cced97081bf57b8fa1d6bfca67814b0afd38208d52538316e9422fc61"},
+    {file = "greenlet-3.0.3-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:52f59dd9c96ad2fc0d5724107444f76eb20aaccb675bf825df6435acb7703559"},
+    {file = "greenlet-3.0.3-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:afaff6cf5200befd5cec055b07d1c0a5a06c040fe5ad148abcd11ba6ab9b114e"},
+    {file = "greenlet-3.0.3-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:fe754d231288e1e64323cfad462fcee8f0288654c10bdf4f603a39ed923bef33"},
+    {file = "greenlet-3.0.3-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2797aa5aedac23af156bbb5a6aa2cd3427ada2972c828244eb7d1b9255846379"},
+    {file = "greenlet-3.0.3-cp311-cp311-manylinux_2_24_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:b7f009caad047246ed379e1c4dbcb8b020f0a390667ea74d2387be2998f58a22"},
+    {file = "greenlet-3.0.3-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:c5e1536de2aad7bf62e27baf79225d0d64360d4168cf2e6becb91baf1ed074f3"},
+    {file = "greenlet-3.0.3-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:894393ce10ceac937e56ec00bb71c4c2f8209ad516e96033e4b3b1de270e200d"},
+    {file = "greenlet-3.0.3-cp311-cp311-win_amd64.whl", hash = "sha256:1ea188d4f49089fc6fb283845ab18a2518d279c7cd9da1065d7a84e991748728"},
+    {file = "greenlet-3.0.3-cp312-cp312-macosx_11_0_universal2.whl", hash = "sha256:70fb482fdf2c707765ab5f0b6655e9cfcf3780d8d87355a063547b41177599be"},
+    {file = "greenlet-3.0.3-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d4d1ac74f5c0c0524e4a24335350edad7e5f03b9532da7ea4d3c54d527784f2e"},
+    {file = "greenlet-3.0.3-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:149e94a2dd82d19838fe4b2259f1b6b9957d5ba1b25640d2380bea9c5df37676"},
+    {file = "greenlet-3.0.3-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:15d79dd26056573940fcb8c7413d84118086f2ec1a8acdfa854631084393efcc"},
+    {file = "greenlet-3.0.3-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:881b7db1ebff4ba09aaaeae6aa491daeb226c8150fc20e836ad00041bcb11230"},
+    {file = "greenlet-3.0.3-cp312-cp312-manylinux_2_24_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:fcd2469d6a2cf298f198f0487e0a5b1a47a42ca0fa4dfd1b6862c999f018ebbf"},
+    {file = "greenlet-3.0.3-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:1f672519db1796ca0d8753f9e78ec02355e862d0998193038c7073045899f305"},
+    {file = "greenlet-3.0.3-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:2516a9957eed41dd8f1ec0c604f1cdc86758b587d964668b5b196a9db5bfcde6"},
+    {file = "greenlet-3.0.3-cp312-cp312-win_amd64.whl", hash = "sha256:bba5387a6975598857d86de9eac14210a49d554a77eb8261cc68b7d082f78ce2"},
+    {file = "greenlet-3.0.3-cp37-cp37m-macosx_11_0_universal2.whl", hash = "sha256:5b51e85cb5ceda94e79d019ed36b35386e8c37d22f07d6a751cb659b180d5274"},
+    {file = "greenlet-3.0.3-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:daf3cb43b7cf2ba96d614252ce1684c1bccee6b2183a01328c98d36fcd7d5cb0"},
+    {file = "greenlet-3.0.3-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:99bf650dc5d69546e076f413a87481ee1d2d09aaaaaca058c9251b6d8c14783f"},
+    {file = "greenlet-3.0.3-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:2dd6e660effd852586b6a8478a1d244b8dc90ab5b1321751d2ea15deb49ed414"},
+    {file = "greenlet-3.0.3-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e3391d1e16e2a5a1507d83e4a8b100f4ee626e8eca43cf2cadb543de69827c4c"},
+    {file = "greenlet-3.0.3-cp37-cp37m-manylinux_2_24_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:e1f145462f1fa6e4a4ae3c0f782e580ce44d57c8f2c7aae1b6fa88c0b2efdb41"},
+    {file = "greenlet-3.0.3-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:1a7191e42732df52cb5f39d3527217e7ab73cae2cb3694d241e18f53d84ea9a7"},
+    {file = "greenlet-3.0.3-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:0448abc479fab28b00cb472d278828b3ccca164531daab4e970a0458786055d6"},
+    {file = "greenlet-3.0.3-cp37-cp37m-win32.whl", hash = "sha256:b542be2440edc2d48547b5923c408cbe0fc94afb9f18741faa6ae970dbcb9b6d"},
+    {file = "greenlet-3.0.3-cp37-cp37m-win_amd64.whl", hash = "sha256:01bc7ea167cf943b4c802068e178bbf70ae2e8c080467070d01bfa02f337ee67"},
+    {file = "greenlet-3.0.3-cp38-cp38-macosx_11_0_universal2.whl", hash = "sha256:1996cb9306c8595335bb157d133daf5cf9f693ef413e7673cb07e3e5871379ca"},
+    {file = "greenlet-3.0.3-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3ddc0f794e6ad661e321caa8d2f0a55ce01213c74722587256fb6566049a8b04"},
+    {file = "greenlet-3.0.3-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:c9db1c18f0eaad2f804728c67d6c610778456e3e1cc4ab4bbd5eeb8e6053c6fc"},
+    {file = "greenlet-3.0.3-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:7170375bcc99f1a2fbd9c306f5be8764eaf3ac6b5cb968862cad4c7057756506"},
+    {file = "greenlet-3.0.3-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6b66c9c1e7ccabad3a7d037b2bcb740122a7b17a53734b7d72a344ce39882a1b"},
+    {file = "greenlet-3.0.3-cp38-cp38-manylinux_2_24_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:098d86f528c855ead3479afe84b49242e174ed262456c342d70fc7f972bc13c4"},
+    {file = "greenlet-3.0.3-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:81bb9c6d52e8321f09c3d165b2a78c680506d9af285bfccbad9fb7ad5a5da3e5"},
+    {file = "greenlet-3.0.3-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:fd096eb7ffef17c456cfa587523c5f92321ae02427ff955bebe9e3c63bc9f0da"},
+    {file = "greenlet-3.0.3-cp38-cp38-win32.whl", hash = "sha256:d46677c85c5ba00a9cb6f7a00b2bfa6f812192d2c9f7d9c4f6a55b60216712f3"},
+    {file = "greenlet-3.0.3-cp38-cp38-win_amd64.whl", hash = "sha256:419b386f84949bf0e7c73e6032e3457b82a787c1ab4a0e43732898a761cc9dbf"},
+    {file = "greenlet-3.0.3-cp39-cp39-macosx_11_0_universal2.whl", hash = "sha256:da70d4d51c8b306bb7a031d5cff6cc25ad253affe89b70352af5f1cb68e74b53"},
+    {file = "greenlet-3.0.3-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:086152f8fbc5955df88382e8a75984e2bb1c892ad2e3c80a2508954e52295257"},
+    {file = "greenlet-3.0.3-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:d73a9fe764d77f87f8ec26a0c85144d6a951a6c438dfe50487df5595c6373eac"},
+    {file = "greenlet-3.0.3-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b7dcbe92cc99f08c8dd11f930de4d99ef756c3591a5377d1d9cd7dd5e896da71"},
+    {file = "greenlet-3.0.3-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1551a8195c0d4a68fac7a4325efac0d541b48def35feb49d803674ac32582f61"},
+    {file = "greenlet-3.0.3-cp39-cp39-manylinux_2_24_x86_64.manylinux_2_28_x86_64.whl", hash = "sha256:64d7675ad83578e3fc149b617a444fab8efdafc9385471f868eb5ff83e446b8b"},
+    {file = "greenlet-3.0.3-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:b37eef18ea55f2ffd8f00ff8fe7c8d3818abd3e25fb73fae2ca3b672e333a7a6"},
+    {file = "greenlet-3.0.3-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:77457465d89b8263bca14759d7c1684df840b6811b2499838cc5b040a8b5b113"},
+    {file = "greenlet-3.0.3-cp39-cp39-win32.whl", hash = "sha256:57e8974f23e47dac22b83436bdcf23080ade568ce77df33159e019d161ce1d1e"},
+    {file = "greenlet-3.0.3-cp39-cp39-win_amd64.whl", hash = "sha256:c5ee858cfe08f34712f548c3c363e807e7186f03ad7a5039ebadb29e8c6be067"},
+    {file = "greenlet-3.0.3.tar.gz", hash = "sha256:43374442353259554ce33599da8b692d5aa96f8976d567d4badf263371fbe491"},
+]
+
+[package.extras]
+docs = ["Sphinx", "furo"]
+test = ["objgraph", "psutil"]
+
+[[package]]
+name = "h11"
+version = "0.14.0"
+description = "A pure-Python, bring-your-own-I/O implementation of HTTP/1.1"
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "h11-0.14.0-py3-none-any.whl", hash = "sha256:e3fe4ac4b851c468cc8363d500db52c2ead036020723024a109d37346efaa761"},
+    {file = "h11-0.14.0.tar.gz", hash = "sha256:8f19fbbe99e72420ff35c00b27a34cb9937e902a8b810e2c88300c6f0a3b699d"},
+]
+
+[[package]]
+name = "httpcore"
+version = "1.0.4"
+description = "A minimal low-level HTTP client."
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "httpcore-1.0.4-py3-none-any.whl", hash = "sha256:ac418c1db41bade2ad53ae2f3834a3a0f5ae76b56cf5aa497d2d033384fc7d73"},
+    {file = "httpcore-1.0.4.tar.gz", hash = "sha256:cb2839ccfcba0d2d3c1131d3c3e26dfc327326fbe7a5dc0dbfe9f6c9151bb022"},
+]
+
+[package.dependencies]
+certifi = "*"
+h11 = ">=0.13,<0.15"
+
+[package.extras]
+asyncio = ["anyio (>=4.0,<5.0)"]
+http2 = ["h2 (>=3,<5)"]
+socks = ["socksio (==1.*)"]
+trio = ["trio (>=0.22.0,<0.25.0)"]
+
+[[package]]
+name = "httpx"
+version = "0.27.0"
+description = "The next generation HTTP client."
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "httpx-0.27.0-py3-none-any.whl", hash = "sha256:71d5465162c13681bff01ad59b2cc68dd838ea1f10e51574bac27103f00c91a5"},
+    {file = "httpx-0.27.0.tar.gz", hash = "sha256:a0cb88a46f32dc874e04ee956e4c2764aba2aa228f650b06788ba6bda2962ab5"},
+]
+
+[package.dependencies]
+anyio = "*"
+certifi = "*"
+httpcore = "==1.*"
+idna = "*"
+sniffio = "*"
+
+[package.extras]
+brotli = ["brotli", "brotlicffi"]
+cli = ["click (==8.*)", "pygments (==2.*)", "rich (>=10,<14)"]
+http2 = ["h2 (>=3,<5)"]
+socks = ["socksio (==1.*)"]
+
+[[package]]
+name = "identify"
+version = "2.5.35"
+description = "File identification library for Python"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "identify-2.5.35-py2.py3-none-any.whl", hash = "sha256:c4de0081837b211594f8e877a6b4fad7ca32bbfc1a9307fdd61c28bfe923f13e"},
+    {file = "identify-2.5.35.tar.gz", hash = "sha256:10a7ca245cfcd756a554a7288159f72ff105ad233c7c4b9c6f0f4d108f5f6791"},
+]
+
+[package.extras]
+license = ["ukkonen"]
+
+[[package]]
+name = "idna"
+version = "3.6"
+description = "Internationalized Domain Names in Applications (IDNA)"
+optional = false
+python-versions = ">=3.5"
+files = [
+    {file = "idna-3.6-py3-none-any.whl", hash = "sha256:c05567e9c24a6b9faaa835c4821bad0590fbb9d5779e7caa6e1cc4978e7eb24f"},
+    {file = "idna-3.6.tar.gz", hash = "sha256:9ecdbbd083b06798ae1e86adcbfe8ab1479cf864e4ee30fe4e46a003d12491ca"},
+]
+
+[[package]]
+name = "importlib-metadata"
+version = "7.0.1"
+description = "Read metadata from Python packages"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "importlib_metadata-7.0.1-py3-none-any.whl", hash = "sha256:4805911c3a4ec7c3966410053e9ec6a1fecd629117df5adee56dfc9432a1081e"},
+    {file = "importlib_metadata-7.0.1.tar.gz", hash = "sha256:f238736bb06590ae52ac1fab06a3a9ef1d8dce2b7a35b5ab329371d6c8f5d2cc"},
+]
+
+[package.dependencies]
+zipp = ">=0.5"
+
+[package.extras]
+docs = ["furo", "jaraco.packaging (>=9.3)", "jaraco.tidelift (>=1.4)", "rst.linker (>=1.9)", "sphinx (<7.2.5)", "sphinx (>=3.5)", "sphinx-lint"]
+perf = ["ipython"]
+testing = ["flufl.flake8", "importlib-resources (>=1.3)", "packaging", "pyfakefs", "pytest (>=6)", "pytest-black (>=0.3.7)", "pytest-checkdocs (>=2.4)", "pytest-cov", "pytest-enabler (>=2.2)", "pytest-mypy (>=0.9.1)", "pytest-perf (>=0.9.2)", "pytest-ruff"]
+
+[[package]]
+name = "importlib-resources"
+version = "6.1.1"
+description = "Read resources from Python packages"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "importlib_resources-6.1.1-py3-none-any.whl", hash = "sha256:e8bf90d8213b486f428c9c39714b920041cb02c184686a3dee24905aaa8105d6"},
+    {file = "importlib_resources-6.1.1.tar.gz", hash = "sha256:3893a00122eafde6894c59914446a512f728a0c1a45f9bb9b63721b6bacf0b4a"},
+]
+
+[package.dependencies]
+zipp = {version = ">=3.1.0", markers = "python_version < \"3.10\""}
+
+[package.extras]
+docs = ["furo", "jaraco.packaging (>=9.3)", "jaraco.tidelift (>=1.4)", "rst.linker (>=1.9)", "sphinx (<7.2.5)", "sphinx (>=3.5)", "sphinx-lint"]
+testing = ["pytest (>=6)", "pytest-black (>=0.3.7)", "pytest-checkdocs (>=2.4)", "pytest-cov", "pytest-enabler (>=2.2)", "pytest-mypy (>=0.9.1)", "pytest-ruff", "zipp (>=3.17)"]
+
+[[package]]
+name = "iniconfig"
+version = "2.0.0"
+description = "brain-dead simple config-ini parsing"
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "iniconfig-2.0.0-py3-none-any.whl", hash = "sha256:b6a85871a79d2e3b22d2d1b94ac2824226a63c6b741c88f7ae975f18b6778374"},
+    {file = "iniconfig-2.0.0.tar.gz", hash = "sha256:2d91e135bf72d31a410b17c16da610a82cb55f6b0477d1a902134b24a455b8b3"},
+]
+
+[[package]]
+name = "ipykernel"
+version = "6.29.2"
+description = "IPython Kernel for Jupyter"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "ipykernel-6.29.2-py3-none-any.whl", hash = "sha256:50384f5c577a260a1d53f1f59a828c7266d321c9b7d00d345693783f66616055"},
+    {file = "ipykernel-6.29.2.tar.gz", hash = "sha256:3bade28004e3ff624ed57974948116670604ac5f676d12339693f3142176d3f0"},
+]
+
+[package.dependencies]
+appnope = {version = "*", markers = "platform_system == \"Darwin\""}
+comm = ">=0.1.1"
+debugpy = ">=1.6.5"
+ipython = ">=7.23.1"
+jupyter-client = ">=6.1.12"
+jupyter-core = ">=4.12,<5.0.dev0 || >=5.1.dev0"
+matplotlib-inline = ">=0.1"
+nest-asyncio = "*"
+packaging = "*"
+psutil = "*"
+pyzmq = ">=24"
+tornado = ">=6.1"
+traitlets = ">=5.4.0"
+
+[package.extras]
+cov = ["coverage[toml]", "curio", "matplotlib", "pytest-cov", "trio"]
+docs = ["myst-parser", "pydata-sphinx-theme", "sphinx", "sphinx-autodoc-typehints", "sphinxcontrib-github-alt", "sphinxcontrib-spelling", "trio"]
+pyqt5 = ["pyqt5"]
+pyside6 = ["pyside6"]
+test = ["flaky", "ipyparallel", "pre-commit", "pytest (>=7.0)", "pytest-asyncio (==0.23.4)", "pytest-cov", "pytest-timeout"]
+
+[[package]]
+name = "ipython"
+version = "8.10.0"
+description = "IPython: Productive Interactive Computing"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "ipython-8.10.0-py3-none-any.whl", hash = "sha256:b38c31e8fc7eff642fc7c597061fff462537cf2314e3225a19c906b7b0d8a345"},
+    {file = "ipython-8.10.0.tar.gz", hash = "sha256:b13a1d6c1f5818bd388db53b7107d17454129a70de2b87481d555daede5eb49e"},
+]
+
+[package.dependencies]
+appnope = {version = "*", markers = "sys_platform == \"darwin\""}
+backcall = "*"
+colorama = {version = "*", markers = "sys_platform == \"win32\""}
+decorator = "*"
+jedi = ">=0.16"
+matplotlib-inline = "*"
+pexpect = {version = ">4.3", markers = "sys_platform != \"win32\""}
+pickleshare = "*"
+prompt-toolkit = ">=3.0.30,<3.1.0"
+pygments = ">=2.4.0"
+stack-data = "*"
+traitlets = ">=5"
+
+[package.extras]
+all = ["black", "curio", "docrepr", "ipykernel", "ipyparallel", "ipywidgets", "matplotlib", "matplotlib (!=3.2.0)", "nbconvert", "nbformat", "notebook", "numpy (>=1.21)", "pandas", "pytest (<7)", "pytest (<7.1)", "pytest-asyncio", "qtconsole", "setuptools (>=18.5)", "sphinx (>=1.3)", "sphinx-rtd-theme", "stack-data", "testpath", "trio", "typing-extensions"]
+black = ["black"]
+doc = ["docrepr", "ipykernel", "matplotlib", "pytest (<7)", "pytest (<7.1)", "pytest-asyncio", "setuptools (>=18.5)", "sphinx (>=1.3)", "sphinx-rtd-theme", "stack-data", "testpath", "typing-extensions"]
+kernel = ["ipykernel"]
+nbconvert = ["nbconvert"]
+nbformat = ["nbformat"]
+notebook = ["ipywidgets", "notebook"]
+parallel = ["ipyparallel"]
+qtconsole = ["qtconsole"]
+test = ["pytest (<7.1)", "pytest-asyncio", "testpath"]
+test-extra = ["curio", "matplotlib (!=3.2.0)", "nbformat", "numpy (>=1.21)", "pandas", "pytest (<7.1)", "pytest-asyncio", "testpath", "trio"]
+
+[[package]]
+name = "ipywidgets"
+version = "8.1.2"
+description = "Jupyter interactive widgets"
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "ipywidgets-8.1.2-py3-none-any.whl", hash = "sha256:bbe43850d79fb5e906b14801d6c01402857996864d1e5b6fa62dd2ee35559f60"},
+    {file = "ipywidgets-8.1.2.tar.gz", hash = "sha256:d0b9b41e49bae926a866e613a39b0f0097745d2b9f1f3dd406641b4a57ec42c9"},
+]
+
+[package.dependencies]
+comm = ">=0.1.3"
+ipython = ">=6.1.0"
+jupyterlab-widgets = ">=3.0.10,<3.1.0"
+traitlets = ">=4.3.1"
+widgetsnbextension = ">=4.0.10,<4.1.0"
+
+[package.extras]
+test = ["ipykernel", "jsonschema", "pytest (>=3.6.0)", "pytest-cov", "pytz"]
+
+[[package]]
+name = "isoduration"
+version = "20.11.0"
+description = "Operations with ISO 8601 durations"
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "isoduration-20.11.0-py3-none-any.whl", hash = "sha256:b2904c2a4228c3d44f409c8ae8e2370eb21a26f7ac2ec5446df141dde3452042"},
+    {file = "isoduration-20.11.0.tar.gz", hash = "sha256:ac2f9015137935279eac671f94f89eb00584f940f5dc49462a0c4ee692ba1bd9"},
+]
+
+[package.dependencies]
+arrow = ">=0.15.0"
+
+[[package]]
+name = "isort"
+version = "5.13.2"
+description = "A Python utility / library to sort Python imports."
+optional = false
+python-versions = ">=3.8.0"
+files = [
+    {file = "isort-5.13.2-py3-none-any.whl", hash = "sha256:8ca5e72a8d85860d5a3fa69b8745237f2939afe12dbf656afbcb47fe72d947a6"},
+    {file = "isort-5.13.2.tar.gz", hash = "sha256:48fdfcb9face5d58a4f6dde2e72a1fb8dcaf8ab26f95ab49fab84c2ddefb0109"},
+]
+
+[package.extras]
+colors = ["colorama (>=0.4.6)"]
+
+[[package]]
+name = "jedi"
+version = "0.19.1"
+description = "An autocompletion tool for Python that can be used for text editors."
+optional = false
+python-versions = ">=3.6"
+files = [
+    {file = "jedi-0.19.1-py2.py3-none-any.whl", hash = "sha256:e983c654fe5c02867aef4cdfce5a2fbb4a50adc0af145f70504238f18ef5e7e0"},
+    {file = "jedi-0.19.1.tar.gz", hash = "sha256:cf0496f3651bc65d7174ac1b7d043eff454892c708a87d1b683e57b569927ffd"},
+]
+
+[package.dependencies]
+parso = ">=0.8.3,<0.9.0"
+
+[package.extras]
+docs = ["Jinja2 (==2.11.3)", "MarkupSafe (==1.1.1)", "Pygments (==2.8.1)", "alabaster (==0.7.12)", "babel (==2.9.1)", "chardet (==4.0.0)", "commonmark (==0.8.1)", "docutils (==0.17.1)", "future (==0.18.2)", "idna (==2.10)", "imagesize (==1.2.0)", "mock (==1.0.1)", "packaging (==20.9)", "pyparsing (==2.4.7)", "pytz (==2021.1)", "readthedocs-sphinx-ext (==2.1.4)", "recommonmark (==0.5.0)", "requests (==2.25.1)", "six (==1.15.0)", "snowballstemmer (==2.1.0)", "sphinx (==1.8.5)", "sphinx-rtd-theme (==0.4.3)", "sphinxcontrib-serializinghtml (==1.1.4)", "sphinxcontrib-websupport (==1.2.4)", "urllib3 (==1.26.4)"]
+qa = ["flake8 (==5.0.4)", "mypy (==0.971)", "types-setuptools (==67.2.0.1)"]
+testing = ["Django", "attrs", "colorama", "docopt", "pytest (<7.0.0)"]
+
+[[package]]
+name = "jinja2"
+version = "3.1.3"
+description = "A very fast and expressive template engine."
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "Jinja2-3.1.3-py3-none-any.whl", hash = "sha256:7d6d50dd97d52cbc355597bd845fabfbac3f551e1f99619e39a35ce8c370b5fa"},
+    {file = "Jinja2-3.1.3.tar.gz", hash = "sha256:ac8bd6544d4bb2c9792bf3a159e80bba8fda7f07e81bc3aed565432d5925ba90"},
+]
+
+[package.dependencies]
+MarkupSafe = ">=2.0"
+
+[package.extras]
+i18n = ["Babel (>=2.7)"]
+
+[[package]]
+name = "joblib"
+version = "1.3.2"
+description = "Lightweight pipelining with Python functions"
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "joblib-1.3.2-py3-none-any.whl", hash = "sha256:ef4331c65f239985f3f2220ecc87db222f08fd22097a3dd5698f693875f8cbb9"},
+    {file = "joblib-1.3.2.tar.gz", hash = "sha256:92f865e621e17784e7955080b6d042489e3b8e294949cc44c6eac304f59772b1"},
+]
+
+[[package]]
+name = "json5"
+version = "0.9.17"
+description = "A Python implementation of the JSON5 data format."
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "json5-0.9.17-py2.py3-none-any.whl", hash = "sha256:f8ec1ecf985951d70f780f6f877c4baca6a47b6e61e02c4cd190138d10a7805a"},
+    {file = "json5-0.9.17.tar.gz", hash = "sha256:717d99d657fa71b7094877b1d921b1cce40ab444389f6d770302563bb7dfd9ae"},
+]
+
+[package.extras]
+dev = ["hypothesis"]
+
+[[package]]
+name = "jsonpointer"
+version = "2.4"
+description = "Identify specific nodes in a JSON document (RFC 6901)"
+optional = false
+python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*, !=3.5.*, !=3.6.*"
+files = [
+    {file = "jsonpointer-2.4-py2.py3-none-any.whl", hash = "sha256:15d51bba20eea3165644553647711d150376234112651b4f1811022aecad7d7a"},
+    {file = "jsonpointer-2.4.tar.gz", hash = "sha256:585cee82b70211fa9e6043b7bb89db6e1aa49524340dde8ad6b63206ea689d88"},
+]
+
+[[package]]
+name = "jsonschema"
+version = "4.21.1"
+description = "An implementation of JSON Schema validation for Python"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "jsonschema-4.21.1-py3-none-any.whl", hash = "sha256:7996507afae316306f9e2290407761157c6f78002dcf7419acb99822143d1c6f"},
+    {file = "jsonschema-4.21.1.tar.gz", hash = "sha256:85727c00279f5fa6bedbe6238d2aa6403bedd8b4864ab11207d07df3cc1b2ee5"},
+]
+
+[package.dependencies]
+attrs = ">=22.2.0"
+fqdn = {version = "*", optional = true, markers = "extra == \"format-nongpl\""}
+idna = {version = "*", optional = true, markers = "extra == \"format-nongpl\""}
+importlib-resources = {version = ">=1.4.0", markers = "python_version < \"3.9\""}
+isoduration = {version = "*", optional = true, markers = "extra == \"format-nongpl\""}
+jsonpointer = {version = ">1.13", optional = true, markers = "extra == \"format-nongpl\""}
+jsonschema-specifications = ">=2023.03.6"
+pkgutil-resolve-name = {version = ">=1.3.10", markers = "python_version < \"3.9\""}
+referencing = ">=0.28.4"
+rfc3339-validator = {version = "*", optional = true, markers = "extra == \"format-nongpl\""}
+rfc3986-validator = {version = ">0.1.0", optional = true, markers = "extra == \"format-nongpl\""}
+rpds-py = ">=0.7.1"
+uri-template = {version = "*", optional = true, markers = "extra == \"format-nongpl\""}
+webcolors = {version = ">=1.11", optional = true, markers = "extra == \"format-nongpl\""}
+
+[package.extras]
+format = ["fqdn", "idna", "isoduration", "jsonpointer (>1.13)", "rfc3339-validator", "rfc3987", "uri-template", "webcolors (>=1.11)"]
+format-nongpl = ["fqdn", "idna", "isoduration", "jsonpointer (>1.13)", "rfc3339-validator", "rfc3986-validator (>0.1.0)", "uri-template", "webcolors (>=1.11)"]
+
+[[package]]
+name = "jsonschema-specifications"
+version = "2023.12.1"
+description = "The JSON Schema meta-schemas and vocabularies, exposed as a Registry"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "jsonschema_specifications-2023.12.1-py3-none-any.whl", hash = "sha256:87e4fdf3a94858b8a2ba2778d9ba57d8a9cafca7c7489c46ba0d30a8bc6a9c3c"},
+    {file = "jsonschema_specifications-2023.12.1.tar.gz", hash = "sha256:48a76787b3e70f5ed53f1160d2b81f586e4ca6d1548c5de7085d1682674764cc"},
+]
+
+[package.dependencies]
+importlib-resources = {version = ">=1.4.0", markers = "python_version < \"3.9\""}
+referencing = ">=0.31.0"
+
+[[package]]
+name = "jupyter"
+version = "1.0.0"
+description = "Jupyter metapackage. Install all the Jupyter components in one go."
+optional = false
+python-versions = "*"
+files = [
+    {file = "jupyter-1.0.0-py2.py3-none-any.whl", hash = "sha256:5b290f93b98ffbc21c0c7e749f054b3267782166d72fa5e3ed1ed4eaf34a2b78"},
+    {file = "jupyter-1.0.0.tar.gz", hash = "sha256:d9dc4b3318f310e34c82951ea5d6683f67bed7def4b259fafbfe4f1beb1d8e5f"},
+    {file = "jupyter-1.0.0.zip", hash = "sha256:3e1f86076bbb7c8c207829390305a2b1fe836d471ed54be66a3b8c41e7f46cc7"},
+]
+
+[package.dependencies]
+ipykernel = "*"
+ipywidgets = "*"
+jupyter-console = "*"
+nbconvert = "*"
+notebook = "*"
+qtconsole = "*"
+
+[[package]]
+name = "jupyter-client"
+version = "8.6.0"
+description = "Jupyter protocol implementation and client libraries"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "jupyter_client-8.6.0-py3-none-any.whl", hash = "sha256:909c474dbe62582ae62b758bca86d6518c85234bdee2d908c778db6d72f39d99"},
+    {file = "jupyter_client-8.6.0.tar.gz", hash = "sha256:0642244bb83b4764ae60d07e010e15f0e2d275ec4e918a8f7b80fbbef3ca60c7"},
+]
+
+[package.dependencies]
+importlib-metadata = {version = ">=4.8.3", markers = "python_version < \"3.10\""}
+jupyter-core = ">=4.12,<5.0.dev0 || >=5.1.dev0"
+python-dateutil = ">=2.8.2"
+pyzmq = ">=23.0"
+tornado = ">=6.2"
+traitlets = ">=5.3"
+
+[package.extras]
+docs = ["ipykernel", "myst-parser", "pydata-sphinx-theme", "sphinx (>=4)", "sphinx-autodoc-typehints", "sphinxcontrib-github-alt", "sphinxcontrib-spelling"]
+test = ["coverage", "ipykernel (>=6.14)", "mypy", "paramiko", "pre-commit", "pytest", "pytest-cov", "pytest-jupyter[client] (>=0.4.1)", "pytest-timeout"]
+
+[[package]]
+name = "jupyter-console"
+version = "6.6.3"
+description = "Jupyter terminal console"
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "jupyter_console-6.6.3-py3-none-any.whl", hash = "sha256:309d33409fcc92ffdad25f0bcdf9a4a9daa61b6f341177570fdac03de5352485"},
+    {file = "jupyter_console-6.6.3.tar.gz", hash = "sha256:566a4bf31c87adbfadf22cdf846e3069b59a71ed5da71d6ba4d8aaad14a53539"},
+]
+
+[package.dependencies]
+ipykernel = ">=6.14"
+ipython = "*"
+jupyter-client = ">=7.0.0"
+jupyter-core = ">=4.12,<5.0.dev0 || >=5.1.dev0"
+prompt-toolkit = ">=3.0.30"
+pygments = "*"
+pyzmq = ">=17"
+traitlets = ">=5.4"
+
+[package.extras]
+test = ["flaky", "pexpect", "pytest"]
+
+[[package]]
+name = "jupyter-core"
+version = "5.7.1"
+description = "Jupyter core package. A base package on which Jupyter projects rely."
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "jupyter_core-5.7.1-py3-none-any.whl", hash = "sha256:c65c82126453a723a2804aa52409930434598fd9d35091d63dfb919d2b765bb7"},
+    {file = "jupyter_core-5.7.1.tar.gz", hash = "sha256:de61a9d7fc71240f688b2fb5ab659fbb56979458dc66a71decd098e03c79e218"},
+]
+
+[package.dependencies]
+platformdirs = ">=2.5"
+pywin32 = {version = ">=300", markers = "sys_platform == \"win32\" and platform_python_implementation != \"PyPy\""}
+traitlets = ">=5.3"
+
+[package.extras]
+docs = ["myst-parser", "pydata-sphinx-theme", "sphinx-autodoc-typehints", "sphinxcontrib-github-alt", "sphinxcontrib-spelling", "traitlets"]
+test = ["ipykernel", "pre-commit", "pytest", "pytest-cov", "pytest-timeout"]
+
+[[package]]
+name = "jupyter-events"
+version = "0.9.0"
+description = "Jupyter Event System library"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "jupyter_events-0.9.0-py3-none-any.whl", hash = "sha256:d853b3c10273ff9bc8bb8b30076d65e2c9685579db736873de6c2232dde148bf"},
+    {file = "jupyter_events-0.9.0.tar.gz", hash = "sha256:81ad2e4bc710881ec274d31c6c50669d71bbaa5dd9d01e600b56faa85700d399"},
+]
+
+[package.dependencies]
+jsonschema = {version = ">=4.18.0", extras = ["format-nongpl"]}
+python-json-logger = ">=2.0.4"
+pyyaml = ">=5.3"
+referencing = "*"
+rfc3339-validator = "*"
+rfc3986-validator = ">=0.1.1"
+traitlets = ">=5.3"
+
+[package.extras]
+cli = ["click", "rich"]
+docs = ["jupyterlite-sphinx", "myst-parser", "pydata-sphinx-theme", "sphinxcontrib-spelling"]
+test = ["click", "pre-commit", "pytest (>=7.0)", "pytest-asyncio (>=0.19.0)", "pytest-console-scripts", "rich"]
+
+[[package]]
+name = "jupyter-lsp"
+version = "2.2.2"
+description = "Multi-Language Server WebSocket proxy for Jupyter Notebook/Lab server"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "jupyter-lsp-2.2.2.tar.gz", hash = "sha256:256d24620542ae4bba04a50fc1f6ffe208093a07d8e697fea0a8d1b8ca1b7e5b"},
+    {file = "jupyter_lsp-2.2.2-py3-none-any.whl", hash = "sha256:3b95229e4168355a8c91928057c1621ac3510ba98b2a925e82ebd77f078b1aa5"},
+]
+
+[package.dependencies]
+importlib-metadata = {version = ">=4.8.3", markers = "python_version < \"3.10\""}
+jupyter-server = ">=1.1.2"
+
+[[package]]
+name = "jupyter-server"
+version = "2.12.5"
+description = "The backend—i.e. core services, APIs, and REST endpoints—to Jupyter web applications."
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "jupyter_server-2.12.5-py3-none-any.whl", hash = "sha256:184a0f82809a8522777cfb6b760ab6f4b1bb398664c5860a27cec696cb884923"},
+    {file = "jupyter_server-2.12.5.tar.gz", hash = "sha256:0edb626c94baa22809be1323f9770cf1c00a952b17097592e40d03e6a3951689"},
+]
+
+[package.dependencies]
+anyio = ">=3.1.0"
+argon2-cffi = "*"
+jinja2 = "*"
+jupyter-client = ">=7.4.4"
+jupyter-core = ">=4.12,<5.0.dev0 || >=5.1.dev0"
+jupyter-events = ">=0.9.0"
+jupyter-server-terminals = "*"
+nbconvert = ">=6.4.4"
+nbformat = ">=5.3.0"
+overrides = "*"
+packaging = "*"
+prometheus-client = "*"
+pywinpty = {version = "*", markers = "os_name == \"nt\""}
+pyzmq = ">=24"
+send2trash = ">=1.8.2"
+terminado = ">=0.8.3"
+tornado = ">=6.2.0"
+traitlets = ">=5.6.0"
+websocket-client = "*"
+
+[package.extras]
+docs = ["ipykernel", "jinja2", "jupyter-client", "jupyter-server", "myst-parser", "nbformat", "prometheus-client", "pydata-sphinx-theme", "send2trash", "sphinx-autodoc-typehints", "sphinxcontrib-github-alt", "sphinxcontrib-openapi (>=0.8.0)", "sphinxcontrib-spelling", "sphinxemoji", "tornado", "typing-extensions"]
+test = ["flaky", "ipykernel", "pre-commit", "pytest (>=7.0)", "pytest-console-scripts", "pytest-jupyter[server] (>=0.4)", "pytest-timeout", "requests"]
+
+[[package]]
+name = "jupyter-server-terminals"
+version = "0.5.2"
+description = "A Jupyter Server Extension Providing Terminals."
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "jupyter_server_terminals-0.5.2-py3-none-any.whl", hash = "sha256:1b80c12765da979513c42c90215481bbc39bd8ae7c0350b4f85bc3eb58d0fa80"},
+    {file = "jupyter_server_terminals-0.5.2.tar.gz", hash = "sha256:396b5ccc0881e550bf0ee7012c6ef1b53edbde69e67cab1d56e89711b46052e8"},
+]
+
+[package.dependencies]
+pywinpty = {version = ">=2.0.3", markers = "os_name == \"nt\""}
+terminado = ">=0.8.3"
+
+[package.extras]
+docs = ["jinja2", "jupyter-server", "mistune (<4.0)", "myst-parser", "nbformat", "packaging", "pydata-sphinx-theme", "sphinxcontrib-github-alt", "sphinxcontrib-openapi", "sphinxcontrib-spelling", "sphinxemoji", "tornado"]
+test = ["jupyter-server (>=2.0.0)", "pytest (>=7.0)", "pytest-jupyter[server] (>=0.5.3)", "pytest-timeout"]
+
+[[package]]
+name = "jupyterlab"
+version = "4.1.2"
+description = "JupyterLab computational environment"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "jupyterlab-4.1.2-py3-none-any.whl", hash = "sha256:aa88193f03cf4d3555f6712f04d74112b5eb85edd7d222c588c7603a26d33c5b"},
+    {file = "jupyterlab-4.1.2.tar.gz", hash = "sha256:5d6348b3ed4085181499f621b7dfb6eb0b1f57f3586857aadfc8e3bf4c4885f9"},
+]
+
+[package.dependencies]
+async-lru = ">=1.0.0"
+httpx = ">=0.25.0"
+importlib-metadata = {version = ">=4.8.3", markers = "python_version < \"3.10\""}
+importlib-resources = {version = ">=1.4", markers = "python_version < \"3.9\""}
+ipykernel = "*"
+jinja2 = ">=3.0.3"
+jupyter-core = "*"
+jupyter-lsp = ">=2.0.0"
+jupyter-server = ">=2.4.0,<3"
+jupyterlab-server = ">=2.19.0,<3"
+notebook-shim = ">=0.2"
+packaging = "*"
+tomli = {version = "*", markers = "python_version < \"3.11\""}
+tornado = ">=6.2.0"
+traitlets = "*"
+
+[package.extras]
+dev = ["build", "bump2version", "coverage", "hatch", "pre-commit", "pytest-cov", "ruff (==0.2.0)"]
+docs = ["jsx-lexer", "myst-parser", "pydata-sphinx-theme (>=0.13.0)", "pytest", "pytest-check-links", "pytest-jupyter", "sphinx (>=1.8,<7.3.0)", "sphinx-copybutton"]
+docs-screenshots = ["altair (==5.2.0)", "ipython (==8.16.1)", "ipywidgets (==8.1.1)", "jupyterlab-geojson (==3.4.0)", "jupyterlab-language-pack-zh-cn (==4.0.post6)", "matplotlib (==3.8.2)", "nbconvert (>=7.0.0)", "pandas (==2.2.0)", "scipy (==1.12.0)", "vega-datasets (==0.9.0)"]
+test = ["coverage", "pytest (>=7.0)", "pytest-check-links (>=0.7)", "pytest-console-scripts", "pytest-cov", "pytest-jupyter (>=0.5.3)", "pytest-timeout", "pytest-tornasync", "requests", "requests-cache", "virtualenv"]
+
+[[package]]
+name = "jupyterlab-pygments"
+version = "0.3.0"
+description = "Pygments theme using JupyterLab CSS variables"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "jupyterlab_pygments-0.3.0-py3-none-any.whl", hash = "sha256:841a89020971da1d8693f1a99997aefc5dc424bb1b251fd6322462a1b8842780"},
+    {file = "jupyterlab_pygments-0.3.0.tar.gz", hash = "sha256:721aca4d9029252b11cfa9d185e5b5af4d54772bb8072f9b7036f4170054d35d"},
+]
+
+[[package]]
+name = "jupyterlab-server"
+version = "2.25.3"
+description = "A set of server components for JupyterLab and JupyterLab like applications."
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "jupyterlab_server-2.25.3-py3-none-any.whl", hash = "sha256:c48862519fded9b418c71645d85a49b2f0ec50d032ba8316738e9276046088c1"},
+    {file = "jupyterlab_server-2.25.3.tar.gz", hash = "sha256:846f125a8a19656611df5b03e5912c8393cea6900859baa64fa515eb64a8dc40"},
+]
+
+[package.dependencies]
+babel = ">=2.10"
+importlib-metadata = {version = ">=4.8.3", markers = "python_version < \"3.10\""}
+jinja2 = ">=3.0.3"
+json5 = ">=0.9.0"
+jsonschema = ">=4.18.0"
+jupyter-server = ">=1.21,<3"
+packaging = ">=21.3"
+requests = ">=2.31"
+
+[package.extras]
+docs = ["autodoc-traits", "jinja2 (<3.2.0)", "mistune (<4)", "myst-parser", "pydata-sphinx-theme", "sphinx", "sphinx-copybutton", "sphinxcontrib-openapi (>0.8)"]
+openapi = ["openapi-core (>=0.18.0,<0.19.0)", "ruamel-yaml"]
+test = ["hatch", "ipykernel", "openapi-core (>=0.18.0,<0.19.0)", "openapi-spec-validator (>=0.6.0,<0.8.0)", "pytest (>=7.0)", "pytest-console-scripts", "pytest-cov", "pytest-jupyter[server] (>=0.6.2)", "pytest-timeout", "requests-mock", "ruamel-yaml", "sphinxcontrib-spelling", "strict-rfc3339", "werkzeug"]
+
+[[package]]
+name = "jupyterlab-widgets"
+version = "3.0.10"
+description = "Jupyter interactive widgets for JupyterLab"
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "jupyterlab_widgets-3.0.10-py3-none-any.whl", hash = "sha256:dd61f3ae7a5a7f80299e14585ce6cf3d6925a96c9103c978eda293197730cb64"},
+    {file = "jupyterlab_widgets-3.0.10.tar.gz", hash = "sha256:04f2ac04976727e4f9d0fa91cdc2f1ab860f965e504c29dbd6a65c882c9d04c0"},
+]
+
+[[package]]
+name = "lazy-object-proxy"
+version = "1.10.0"
+description = "A fast and thorough lazy object proxy."
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "lazy-object-proxy-1.10.0.tar.gz", hash = "sha256:78247b6d45f43a52ef35c25b5581459e85117225408a4128a3daf8bf9648ac69"},
+    {file = "lazy_object_proxy-1.10.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:855e068b0358ab916454464a884779c7ffa312b8925c6f7401e952dcf3b89977"},
+    {file = "lazy_object_proxy-1.10.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7ab7004cf2e59f7c2e4345604a3e6ea0d92ac44e1c2375527d56492014e690c3"},
+    {file = "lazy_object_proxy-1.10.0-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:dc0d2fc424e54c70c4bc06787e4072c4f3b1aa2f897dfdc34ce1013cf3ceef05"},
+    {file = "lazy_object_proxy-1.10.0-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:e2adb09778797da09d2b5ebdbceebf7dd32e2c96f79da9052b2e87b6ea495895"},
+    {file = "lazy_object_proxy-1.10.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:b1f711e2c6dcd4edd372cf5dec5c5a30d23bba06ee012093267b3376c079ec83"},
+    {file = "lazy_object_proxy-1.10.0-cp310-cp310-win32.whl", hash = "sha256:76a095cfe6045c7d0ca77db9934e8f7b71b14645f0094ffcd842349ada5c5fb9"},
+    {file = "lazy_object_proxy-1.10.0-cp310-cp310-win_amd64.whl", hash = "sha256:b4f87d4ed9064b2628da63830986c3d2dca7501e6018347798313fcf028e2fd4"},
+    {file = "lazy_object_proxy-1.10.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:fec03caabbc6b59ea4a638bee5fce7117be8e99a4103d9d5ad77f15d6f81020c"},
+    {file = "lazy_object_proxy-1.10.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:02c83f957782cbbe8136bee26416686a6ae998c7b6191711a04da776dc9e47d4"},
+    {file = "lazy_object_proxy-1.10.0-cp311-cp311-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:009e6bb1f1935a62889ddc8541514b6a9e1fcf302667dcb049a0be5c8f613e56"},
+    {file = "lazy_object_proxy-1.10.0-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:75fc59fc450050b1b3c203c35020bc41bd2695ed692a392924c6ce180c6f1dc9"},
+    {file = "lazy_object_proxy-1.10.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:782e2c9b2aab1708ffb07d4bf377d12901d7a1d99e5e410d648d892f8967ab1f"},
+    {file = "lazy_object_proxy-1.10.0-cp311-cp311-win32.whl", hash = "sha256:edb45bb8278574710e68a6b021599a10ce730d156e5b254941754a9cc0b17d03"},
+    {file = "lazy_object_proxy-1.10.0-cp311-cp311-win_amd64.whl", hash = "sha256:e271058822765ad5e3bca7f05f2ace0de58a3f4e62045a8c90a0dfd2f8ad8cc6"},
+    {file = "lazy_object_proxy-1.10.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:e98c8af98d5707dcdecc9ab0863c0ea6e88545d42ca7c3feffb6b4d1e370c7ba"},
+    {file = "lazy_object_proxy-1.10.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:952c81d415b9b80ea261d2372d2a4a2332a3890c2b83e0535f263ddfe43f0d43"},
+    {file = "lazy_object_proxy-1.10.0-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:80b39d3a151309efc8cc48675918891b865bdf742a8616a337cb0090791a0de9"},
+    {file = "lazy_object_proxy-1.10.0-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:e221060b701e2aa2ea991542900dd13907a5c90fa80e199dbf5a03359019e7a3"},
+    {file = "lazy_object_proxy-1.10.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:92f09ff65ecff3108e56526f9e2481b8116c0b9e1425325e13245abfd79bdb1b"},
+    {file = "lazy_object_proxy-1.10.0-cp312-cp312-win32.whl", hash = "sha256:3ad54b9ddbe20ae9f7c1b29e52f123120772b06dbb18ec6be9101369d63a4074"},
+    {file = "lazy_object_proxy-1.10.0-cp312-cp312-win_amd64.whl", hash = "sha256:127a789c75151db6af398b8972178afe6bda7d6f68730c057fbbc2e96b08d282"},
+    {file = "lazy_object_proxy-1.10.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:9e4ed0518a14dd26092614412936920ad081a424bdcb54cc13349a8e2c6d106a"},
+    {file = "lazy_object_proxy-1.10.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5ad9e6ed739285919aa9661a5bbed0aaf410aa60231373c5579c6b4801bd883c"},
+    {file = "lazy_object_proxy-1.10.0-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2fc0a92c02fa1ca1e84fc60fa258458e5bf89d90a1ddaeb8ed9cc3147f417255"},
+    {file = "lazy_object_proxy-1.10.0-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:0aefc7591920bbd360d57ea03c995cebc204b424524a5bd78406f6e1b8b2a5d8"},
+    {file = "lazy_object_proxy-1.10.0-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:5faf03a7d8942bb4476e3b62fd0f4cf94eaf4618e304a19865abf89a35c0bbee"},
+    {file = "lazy_object_proxy-1.10.0-cp38-cp38-win32.whl", hash = "sha256:e333e2324307a7b5d86adfa835bb500ee70bfcd1447384a822e96495796b0ca4"},
+    {file = "lazy_object_proxy-1.10.0-cp38-cp38-win_amd64.whl", hash = "sha256:cb73507defd385b7705c599a94474b1d5222a508e502553ef94114a143ec6696"},
+    {file = "lazy_object_proxy-1.10.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:366c32fe5355ef5fc8a232c5436f4cc66e9d3e8967c01fb2e6302fd6627e3d94"},
+    {file = "lazy_object_proxy-1.10.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2297f08f08a2bb0d32a4265e98a006643cd7233fb7983032bd61ac7a02956b3b"},
+    {file = "lazy_object_proxy-1.10.0-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:18dd842b49456aaa9a7cf535b04ca4571a302ff72ed8740d06b5adcd41fe0757"},
+    {file = "lazy_object_proxy-1.10.0-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:217138197c170a2a74ca0e05bddcd5f1796c735c37d0eee33e43259b192aa424"},
+    {file = "lazy_object_proxy-1.10.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:9a3a87cf1e133e5b1994144c12ca4aa3d9698517fe1e2ca82977781b16955658"},
+    {file = "lazy_object_proxy-1.10.0-cp39-cp39-win32.whl", hash = "sha256:30b339b2a743c5288405aa79a69e706a06e02958eab31859f7f3c04980853b70"},
+    {file = "lazy_object_proxy-1.10.0-cp39-cp39-win_amd64.whl", hash = "sha256:a899b10e17743683b293a729d3a11f2f399e8a90c73b089e29f5d0fe3509f0dd"},
+    {file = "lazy_object_proxy-1.10.0-pp310.pp311.pp312.pp38.pp39-none-any.whl", hash = "sha256:80fa48bd89c8f2f456fc0765c11c23bf5af827febacd2f523ca5bc1893fcc09d"},
+]
+
+[[package]]
+name = "llama-index-core"
+version = "0.10.11.post1"
+description = "Interface between LLMs and your data"
+optional = false
+python-versions = ">=3.8.1,<4.0"
+files = [
+    {file = "llama_index_core-0.10.11.post1-py3-none-any.whl", hash = "sha256:822dabbe512564409c3af8523450edaeb7747dc8e2471a6626fbccb3505e2e20"},
+    {file = "llama_index_core-0.10.11.post1.tar.gz", hash = "sha256:3adf713e2b99c78bea42bacaa5e4566919a7e473f2a0240702884a3c13b0b988"},
+]
+
+[package.dependencies]
+aiohttp = ">=3.8.6,<4.0.0"
+dataclasses-json = "*"
+deprecated = ">=1.2.9.3"
+dirtyjson = ">=1.0.8,<2.0.0"
+fsspec = ">=2023.5.0"
+httpx = "*"
+llamaindex-py-client = ">=0.1.13,<0.2.0"
+nest-asyncio = ">=1.5.8,<2.0.0"
+networkx = ">=3.0"
+nltk = ">=3.8.1,<4.0.0"
+numpy = "*"
+openai = ">=1.1.0"
+pandas = "*"
+pillow = ">=9.0.0"
+PyYAML = ">=6.0.1"
+requests = ">=2.31.0"
+SQLAlchemy = {version = ">=1.4.49", extras = ["asyncio"]}
+tenacity = ">=8.2.0,<9.0.0"
+tiktoken = ">=0.3.3"
+tqdm = ">=4.66.1,<5.0.0"
+typing-extensions = ">=4.5.0"
+typing-inspect = ">=0.8.0"
+
+[package.extras]
+gradientai = ["gradientai (>=1.4.0)"]
+html = ["beautifulsoup4 (>=4.12.2,<5.0.0)"]
+langchain = ["langchain (>=0.0.303)"]
+local-models = ["optimum[onnxruntime] (>=1.13.2,<2.0.0)", "sentencepiece (>=0.1.99,<0.2.0)", "transformers[torch] (>=4.33.1,<5.0.0)"]
+postgres = ["asyncpg (>=0.28.0,<0.29.0)", "pgvector (>=0.1.0,<0.2.0)", "psycopg2-binary (>=2.9.9,<3.0.0)"]
+query-tools = ["guidance (>=0.0.64,<0.0.65)", "jsonpath-ng (>=1.6.0,<2.0.0)", "lm-format-enforcer (>=0.4.3,<0.5.0)", "rank-bm25 (>=0.2.2,<0.3.0)", "scikit-learn", "spacy (>=3.7.1,<4.0.0)"]
+
+[[package]]
+name = "llama-index-readers-wikipedia"
+version = "0.1.3"
+description = "llama-index readers wikipedia integration"
+optional = false
+python-versions = ">=3.8.1,<4.0"
+files = [
+    {file = "llama_index_readers_wikipedia-0.1.3-py3-none-any.whl", hash = "sha256:32b7e20895ef73d43998def9fb623240aa078822eadd3270c436ec70283c1553"},
+    {file = "llama_index_readers_wikipedia-0.1.3.tar.gz", hash = "sha256:2408e232115c211dd71520722f7e4789dd4fbc0634bc0caa5edfb4ac8a1474ef"},
+]
+
+[package.dependencies]
+llama-index-core = ">=0.10.1,<0.11.0"
+
+[[package]]
+name = "llamaindex-py-client"
+version = "0.1.13"
+description = ""
+optional = false
+python-versions = ">=3.8,<4.0"
+files = [
+    {file = "llamaindex_py_client-0.1.13-py3-none-any.whl", hash = "sha256:02400c90655da80ae373e0455c829465208607d72462f1898fd383fdfe8dabce"},
+    {file = "llamaindex_py_client-0.1.13.tar.gz", hash = "sha256:3bd9b435ee0a78171eba412dea5674d813eb5bf36e577d3c7c7e90edc54900d9"},
+]
+
+[package.dependencies]
+httpx = ">=0.20.0"
+pydantic = ">=1.10"
+
+[[package]]
+name = "markupsafe"
+version = "2.1.5"
+description = "Safely add untrusted strings to HTML/XML markup."
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "MarkupSafe-2.1.5-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:a17a92de5231666cfbe003f0e4b9b3a7ae3afb1ec2845aadc2bacc93ff85febc"},
+    {file = "MarkupSafe-2.1.5-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:72b6be590cc35924b02c78ef34b467da4ba07e4e0f0454a2c5907f473fc50ce5"},
+    {file = "MarkupSafe-2.1.5-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e61659ba32cf2cf1481e575d0462554625196a1f2fc06a1c777d3f48e8865d46"},
+    {file = "MarkupSafe-2.1.5-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2174c595a0d73a3080ca3257b40096db99799265e1c27cc5a610743acd86d62f"},
+    {file = "MarkupSafe-2.1.5-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ae2ad8ae6ebee9d2d94b17fb62763125f3f374c25618198f40cbb8b525411900"},
+    {file = "MarkupSafe-2.1.5-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:075202fa5b72c86ad32dc7d0b56024ebdbcf2048c0ba09f1cde31bfdd57bcfff"},
+    {file = "MarkupSafe-2.1.5-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:598e3276b64aff0e7b3451b72e94fa3c238d452e7ddcd893c3ab324717456bad"},
+    {file = "MarkupSafe-2.1.5-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:fce659a462a1be54d2ffcacea5e3ba2d74daa74f30f5f143fe0c58636e355fdd"},
+    {file = "MarkupSafe-2.1.5-cp310-cp310-win32.whl", hash = "sha256:d9fad5155d72433c921b782e58892377c44bd6252b5af2f67f16b194987338a4"},
+    {file = "MarkupSafe-2.1.5-cp310-cp310-win_amd64.whl", hash = "sha256:bf50cd79a75d181c9181df03572cdce0fbb75cc353bc350712073108cba98de5"},
+    {file = "MarkupSafe-2.1.5-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:629ddd2ca402ae6dbedfceeba9c46d5f7b2a61d9749597d4307f943ef198fc1f"},
+    {file = "MarkupSafe-2.1.5-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:5b7b716f97b52c5a14bffdf688f971b2d5ef4029127f1ad7a513973cfd818df2"},
+    {file = "MarkupSafe-2.1.5-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6ec585f69cec0aa07d945b20805be741395e28ac1627333b1c5b0105962ffced"},
+    {file = "MarkupSafe-2.1.5-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b91c037585eba9095565a3556f611e3cbfaa42ca1e865f7b8015fe5c7336d5a5"},
+    {file = "MarkupSafe-2.1.5-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:7502934a33b54030eaf1194c21c692a534196063db72176b0c4028e140f8f32c"},
+    {file = "MarkupSafe-2.1.5-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:0e397ac966fdf721b2c528cf028494e86172b4feba51d65f81ffd65c63798f3f"},
+    {file = "MarkupSafe-2.1.5-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:c061bb86a71b42465156a3ee7bd58c8c2ceacdbeb95d05a99893e08b8467359a"},
+    {file = "MarkupSafe-2.1.5-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:3a57fdd7ce31c7ff06cdfbf31dafa96cc533c21e443d57f5b1ecc6cdc668ec7f"},
+    {file = "MarkupSafe-2.1.5-cp311-cp311-win32.whl", hash = "sha256:397081c1a0bfb5124355710fe79478cdbeb39626492b15d399526ae53422b906"},
+    {file = "MarkupSafe-2.1.5-cp311-cp311-win_amd64.whl", hash = "sha256:2b7c57a4dfc4f16f7142221afe5ba4e093e09e728ca65c51f5620c9aaeb9a617"},
+    {file = "MarkupSafe-2.1.5-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:8dec4936e9c3100156f8a2dc89c4b88d5c435175ff03413b443469c7c8c5f4d1"},
+    {file = "MarkupSafe-2.1.5-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:3c6b973f22eb18a789b1460b4b91bf04ae3f0c4234a0a6aa6b0a92f6f7b951d4"},
+    {file = "MarkupSafe-2.1.5-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ac07bad82163452a6884fe8fa0963fb98c2346ba78d779ec06bd7a6262132aee"},
+    {file = "MarkupSafe-2.1.5-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f5dfb42c4604dddc8e4305050aa6deb084540643ed5804d7455b5df8fe16f5e5"},
+    {file = "MarkupSafe-2.1.5-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ea3d8a3d18833cf4304cd2fc9cbb1efe188ca9b5efef2bdac7adc20594a0e46b"},
+    {file = "MarkupSafe-2.1.5-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:d050b3361367a06d752db6ead6e7edeb0009be66bc3bae0ee9d97fb326badc2a"},
+    {file = "MarkupSafe-2.1.5-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:bec0a414d016ac1a18862a519e54b2fd0fc8bbfd6890376898a6c0891dd82e9f"},
+    {file = "MarkupSafe-2.1.5-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:58c98fee265677f63a4385256a6d7683ab1832f3ddd1e66fe948d5880c21a169"},
+    {file = "MarkupSafe-2.1.5-cp312-cp312-win32.whl", hash = "sha256:8590b4ae07a35970728874632fed7bd57b26b0102df2d2b233b6d9d82f6c62ad"},
+    {file = "MarkupSafe-2.1.5-cp312-cp312-win_amd64.whl", hash = "sha256:823b65d8706e32ad2df51ed89496147a42a2a6e01c13cfb6ffb8b1e92bc910bb"},
+    {file = "MarkupSafe-2.1.5-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:c8b29db45f8fe46ad280a7294f5c3ec36dbac9491f2d1c17345be8e69cc5928f"},
+    {file = "MarkupSafe-2.1.5-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ec6a563cff360b50eed26f13adc43e61bc0c04d94b8be985e6fb24b81f6dcfdf"},
+    {file = "MarkupSafe-2.1.5-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a549b9c31bec33820e885335b451286e2969a2d9e24879f83fe904a5ce59d70a"},
+    {file = "MarkupSafe-2.1.5-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:4f11aa001c540f62c6166c7726f71f7573b52c68c31f014c25cc7901deea0b52"},
+    {file = "MarkupSafe-2.1.5-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:7b2e5a267c855eea6b4283940daa6e88a285f5f2a67f2220203786dfa59b37e9"},
+    {file = "MarkupSafe-2.1.5-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:2d2d793e36e230fd32babe143b04cec8a8b3eb8a3122d2aceb4a371e6b09b8df"},
+    {file = "MarkupSafe-2.1.5-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:ce409136744f6521e39fd8e2a24c53fa18ad67aa5bc7c2cf83645cce5b5c4e50"},
+    {file = "MarkupSafe-2.1.5-cp37-cp37m-win32.whl", hash = "sha256:4096e9de5c6fdf43fb4f04c26fb114f61ef0bf2e5604b6ee3019d51b69e8c371"},
+    {file = "MarkupSafe-2.1.5-cp37-cp37m-win_amd64.whl", hash = "sha256:4275d846e41ecefa46e2015117a9f491e57a71ddd59bbead77e904dc02b1bed2"},
+    {file = "MarkupSafe-2.1.5-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:656f7526c69fac7f600bd1f400991cc282b417d17539a1b228617081106feb4a"},
+    {file = "MarkupSafe-2.1.5-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:97cafb1f3cbcd3fd2b6fbfb99ae11cdb14deea0736fc2b0952ee177f2b813a46"},
+    {file = "MarkupSafe-2.1.5-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1f3fbcb7ef1f16e48246f704ab79d79da8a46891e2da03f8783a5b6fa41a9532"},
+    {file = "MarkupSafe-2.1.5-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fa9db3f79de01457b03d4f01b34cf91bc0048eb2c3846ff26f66687c2f6d16ab"},
+    {file = "MarkupSafe-2.1.5-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ffee1f21e5ef0d712f9033568f8344d5da8cc2869dbd08d87c84656e6a2d2f68"},
+    {file = "MarkupSafe-2.1.5-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:5dedb4db619ba5a2787a94d877bc8ffc0566f92a01c0ef214865e54ecc9ee5e0"},
+    {file = "MarkupSafe-2.1.5-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:30b600cf0a7ac9234b2638fbc0fb6158ba5bdcdf46aeb631ead21248b9affbc4"},
+    {file = "MarkupSafe-2.1.5-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:8dd717634f5a044f860435c1d8c16a270ddf0ef8588d4887037c5028b859b0c3"},
+    {file = "MarkupSafe-2.1.5-cp38-cp38-win32.whl", hash = "sha256:daa4ee5a243f0f20d528d939d06670a298dd39b1ad5f8a72a4275124a7819eff"},
+    {file = "MarkupSafe-2.1.5-cp38-cp38-win_amd64.whl", hash = "sha256:619bc166c4f2de5caa5a633b8b7326fbe98e0ccbfacabd87268a2b15ff73a029"},
+    {file = "MarkupSafe-2.1.5-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:7a68b554d356a91cce1236aa7682dc01df0edba8d043fd1ce607c49dd3c1edcf"},
+    {file = "MarkupSafe-2.1.5-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:db0b55e0f3cc0be60c1f19efdde9a637c32740486004f20d1cff53c3c0ece4d2"},
+    {file = "MarkupSafe-2.1.5-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3e53af139f8579a6d5f7b76549125f0d94d7e630761a2111bc431fd820e163b8"},
+    {file = "MarkupSafe-2.1.5-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:17b950fccb810b3293638215058e432159d2b71005c74371d784862b7e4683f3"},
+    {file = "MarkupSafe-2.1.5-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:4c31f53cdae6ecfa91a77820e8b151dba54ab528ba65dfd235c80b086d68a465"},
+    {file = "MarkupSafe-2.1.5-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:bff1b4290a66b490a2f4719358c0cdcd9bafb6b8f061e45c7a2460866bf50c2e"},
+    {file = "MarkupSafe-2.1.5-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:bc1667f8b83f48511b94671e0e441401371dfd0f0a795c7daa4a3cd1dde55bea"},
+    {file = "MarkupSafe-2.1.5-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:5049256f536511ee3f7e1b3f87d1d1209d327e818e6ae1365e8653d7e3abb6a6"},
+    {file = "MarkupSafe-2.1.5-cp39-cp39-win32.whl", hash = "sha256:00e046b6dd71aa03a41079792f8473dc494d564611a8f89bbbd7cb93295ebdcf"},
+    {file = "MarkupSafe-2.1.5-cp39-cp39-win_amd64.whl", hash = "sha256:fa173ec60341d6bb97a89f5ea19c85c5643c1e7dedebc22f5181eb73573142c5"},
+    {file = "MarkupSafe-2.1.5.tar.gz", hash = "sha256:d283d37a890ba4c1ae73ffadf8046435c76e7bc2247bbb63c00bd1a709c6544b"},
+]
+
+[[package]]
+name = "marshmallow"
+version = "3.20.2"
+description = "A lightweight library for converting complex datatypes to and from native Python datatypes."
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "marshmallow-3.20.2-py3-none-any.whl", hash = "sha256:c21d4b98fee747c130e6bc8f45c4b3199ea66bc00c12ee1f639f0aeca034d5e9"},
+    {file = "marshmallow-3.20.2.tar.gz", hash = "sha256:4c1daff273513dc5eb24b219a8035559dc573c8f322558ef85f5438ddd1236dd"},
+]
+
+[package.dependencies]
+packaging = ">=17.0"
+
+[package.extras]
+dev = ["pre-commit (>=2.4,<4.0)", "pytest", "pytz", "simplejson", "tox"]
+docs = ["alabaster (==0.7.15)", "autodocsumm (==0.2.12)", "sphinx (==7.2.6)", "sphinx-issues (==3.0.1)", "sphinx-version-warning (==1.1.2)"]
+lint = ["pre-commit (>=2.4,<4.0)"]
+tests = ["pytest", "pytz", "simplejson"]
+
+[[package]]
+name = "matplotlib-inline"
+version = "0.1.6"
+description = "Inline Matplotlib backend for Jupyter"
+optional = false
+python-versions = ">=3.5"
+files = [
+    {file = "matplotlib-inline-0.1.6.tar.gz", hash = "sha256:f887e5f10ba98e8d2b150ddcf4702c1e5f8b3a20005eb0f74bfdbd360ee6f304"},
+    {file = "matplotlib_inline-0.1.6-py3-none-any.whl", hash = "sha256:f1f41aab5328aa5aaea9b16d083b128102f8712542f819fe7e6a420ff581b311"},
+]
+
+[package.dependencies]
+traitlets = "*"
+
+[[package]]
+name = "mccabe"
+version = "0.7.0"
+description = "McCabe checker, plugin for flake8"
+optional = false
+python-versions = ">=3.6"
+files = [
+    {file = "mccabe-0.7.0-py2.py3-none-any.whl", hash = "sha256:6c2d30ab6be0e4a46919781807b4f0d834ebdd6c6e3dca0bda5a15f863427b6e"},
+    {file = "mccabe-0.7.0.tar.gz", hash = "sha256:348e0240c33b60bbdf4e523192ef919f28cb2c3d7d5c7794f74009290f236325"},
+]
+
+[[package]]
+name = "mistune"
+version = "3.0.2"
+description = "A sane and fast Markdown parser with useful plugins and renderers"
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "mistune-3.0.2-py3-none-any.whl", hash = "sha256:71481854c30fdbc938963d3605b72501f5c10a9320ecd412c121c163a1c7d205"},
+    {file = "mistune-3.0.2.tar.gz", hash = "sha256:fc7f93ded930c92394ef2cb6f04a8aabab4117a91449e72dcc8dfa646a508be8"},
+]
+
+[[package]]
+name = "multidict"
+version = "6.0.5"
+description = "multidict implementation"
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "multidict-6.0.5-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:228b644ae063c10e7f324ab1ab6b548bdf6f8b47f3ec234fef1093bc2735e5f9"},
+    {file = "multidict-6.0.5-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:896ebdcf62683551312c30e20614305f53125750803b614e9e6ce74a96232604"},
+    {file = "multidict-6.0.5-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:411bf8515f3be9813d06004cac41ccf7d1cd46dfe233705933dd163b60e37600"},
+    {file = "multidict-6.0.5-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1d147090048129ce3c453f0292e7697d333db95e52616b3793922945804a433c"},
+    {file = "multidict-6.0.5-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:215ed703caf15f578dca76ee6f6b21b7603791ae090fbf1ef9d865571039ade5"},
+    {file = "multidict-6.0.5-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:7c6390cf87ff6234643428991b7359b5f59cc15155695deb4eda5c777d2b880f"},
+    {file = "multidict-6.0.5-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:21fd81c4ebdb4f214161be351eb5bcf385426bf023041da2fd9e60681f3cebae"},
+    {file = "multidict-6.0.5-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:3cc2ad10255f903656017363cd59436f2111443a76f996584d1077e43ee51182"},
+    {file = "multidict-6.0.5-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:6939c95381e003f54cd4c5516740faba40cf5ad3eeff460c3ad1d3e0ea2549bf"},
+    {file = "multidict-6.0.5-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:220dd781e3f7af2c2c1053da9fa96d9cf3072ca58f057f4c5adaaa1cab8fc442"},
+    {file = "multidict-6.0.5-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:766c8f7511df26d9f11cd3a8be623e59cca73d44643abab3f8c8c07620524e4a"},
+    {file = "multidict-6.0.5-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:fe5d7785250541f7f5019ab9cba2c71169dc7d74d0f45253f8313f436458a4ef"},
+    {file = "multidict-6.0.5-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:c1c1496e73051918fcd4f58ff2e0f2f3066d1c76a0c6aeffd9b45d53243702cc"},
+    {file = "multidict-6.0.5-cp310-cp310-win32.whl", hash = "sha256:7afcdd1fc07befad18ec4523a782cde4e93e0a2bf71239894b8d61ee578c1319"},
+    {file = "multidict-6.0.5-cp310-cp310-win_amd64.whl", hash = "sha256:99f60d34c048c5c2fabc766108c103612344c46e35d4ed9ae0673d33c8fb26e8"},
+    {file = "multidict-6.0.5-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:f285e862d2f153a70586579c15c44656f888806ed0e5b56b64489afe4a2dbfba"},
+    {file = "multidict-6.0.5-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:53689bb4e102200a4fafa9de9c7c3c212ab40a7ab2c8e474491914d2305f187e"},
+    {file = "multidict-6.0.5-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:612d1156111ae11d14afaf3a0669ebf6c170dbb735e510a7438ffe2369a847fd"},
+    {file = "multidict-6.0.5-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7be7047bd08accdb7487737631d25735c9a04327911de89ff1b26b81745bd4e3"},
+    {file = "multidict-6.0.5-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:de170c7b4fe6859beb8926e84f7d7d6c693dfe8e27372ce3b76f01c46e489fcf"},
+    {file = "multidict-6.0.5-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:04bde7a7b3de05732a4eb39c94574db1ec99abb56162d6c520ad26f83267de29"},
+    {file = "multidict-6.0.5-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:85f67aed7bb647f93e7520633d8f51d3cbc6ab96957c71272b286b2f30dc70ed"},
+    {file = "multidict-6.0.5-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:425bf820055005bfc8aa9a0b99ccb52cc2f4070153e34b701acc98d201693733"},
+    {file = "multidict-6.0.5-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:d3eb1ceec286eba8220c26f3b0096cf189aea7057b6e7b7a2e60ed36b373b77f"},
+    {file = "multidict-6.0.5-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:7901c05ead4b3fb75113fb1dd33eb1253c6d3ee37ce93305acd9d38e0b5f21a4"},
+    {file = "multidict-6.0.5-cp311-cp311-musllinux_1_1_ppc64le.whl", hash = "sha256:e0e79d91e71b9867c73323a3444724d496c037e578a0e1755ae159ba14f4f3d1"},
+    {file = "multidict-6.0.5-cp311-cp311-musllinux_1_1_s390x.whl", hash = "sha256:29bfeb0dff5cb5fdab2023a7a9947b3b4af63e9c47cae2a10ad58394b517fddc"},
+    {file = "multidict-6.0.5-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:e030047e85cbcedbfc073f71836d62dd5dadfbe7531cae27789ff66bc551bd5e"},
+    {file = "multidict-6.0.5-cp311-cp311-win32.whl", hash = "sha256:2f4848aa3baa109e6ab81fe2006c77ed4d3cd1e0ac2c1fbddb7b1277c168788c"},
+    {file = "multidict-6.0.5-cp311-cp311-win_amd64.whl", hash = "sha256:2faa5ae9376faba05f630d7e5e6be05be22913782b927b19d12b8145968a85ea"},
+    {file = "multidict-6.0.5-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:51d035609b86722963404f711db441cf7134f1889107fb171a970c9701f92e1e"},
+    {file = "multidict-6.0.5-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:cbebcd5bcaf1eaf302617c114aa67569dd3f090dd0ce8ba9e35e9985b41ac35b"},
+    {file = "multidict-6.0.5-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:2ffc42c922dbfddb4a4c3b438eb056828719f07608af27d163191cb3e3aa6cc5"},
+    {file = "multidict-6.0.5-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ceb3b7e6a0135e092de86110c5a74e46bda4bd4fbfeeb3a3bcec79c0f861e450"},
+    {file = "multidict-6.0.5-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:79660376075cfd4b2c80f295528aa6beb2058fd289f4c9252f986751a4cd0496"},
+    {file = "multidict-6.0.5-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:e4428b29611e989719874670fd152b6625500ad6c686d464e99f5aaeeaca175a"},
+    {file = "multidict-6.0.5-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d84a5c3a5f7ce6db1f999fb9438f686bc2e09d38143f2d93d8406ed2dd6b9226"},
+    {file = "multidict-6.0.5-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:76c0de87358b192de7ea9649beb392f107dcad9ad27276324c24c91774ca5271"},
+    {file = "multidict-6.0.5-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:79a6d2ba910adb2cbafc95dad936f8b9386e77c84c35bc0add315b856d7c3abb"},
+    {file = "multidict-6.0.5-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:92d16a3e275e38293623ebf639c471d3e03bb20b8ebb845237e0d3664914caef"},
+    {file = "multidict-6.0.5-cp312-cp312-musllinux_1_1_ppc64le.whl", hash = "sha256:fb616be3538599e797a2017cccca78e354c767165e8858ab5116813146041a24"},
+    {file = "multidict-6.0.5-cp312-cp312-musllinux_1_1_s390x.whl", hash = "sha256:14c2976aa9038c2629efa2c148022ed5eb4cb939e15ec7aace7ca932f48f9ba6"},
+    {file = "multidict-6.0.5-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:435a0984199d81ca178b9ae2c26ec3d49692d20ee29bc4c11a2a8d4514c67eda"},
+    {file = "multidict-6.0.5-cp312-cp312-win32.whl", hash = "sha256:9fe7b0653ba3d9d65cbe7698cca585bf0f8c83dbbcc710db9c90f478e175f2d5"},
+    {file = "multidict-6.0.5-cp312-cp312-win_amd64.whl", hash = "sha256:01265f5e40f5a17f8241d52656ed27192be03bfa8764d88e8220141d1e4b3556"},
+    {file = "multidict-6.0.5-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:19fe01cea168585ba0f678cad6f58133db2aa14eccaf22f88e4a6dccadfad8b3"},
+    {file = "multidict-6.0.5-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6bf7a982604375a8d49b6cc1b781c1747f243d91b81035a9b43a2126c04766f5"},
+    {file = "multidict-6.0.5-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:107c0cdefe028703fb5dafe640a409cb146d44a6ae201e55b35a4af8e95457dd"},
+    {file = "multidict-6.0.5-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:403c0911cd5d5791605808b942c88a8155c2592e05332d2bf78f18697a5fa15e"},
+    {file = "multidict-6.0.5-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:aeaf541ddbad8311a87dd695ed9642401131ea39ad7bc8cf3ef3967fd093b626"},
+    {file = "multidict-6.0.5-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e4972624066095e52b569e02b5ca97dbd7a7ddd4294bf4e7247d52635630dd83"},
+    {file = "multidict-6.0.5-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:d946b0a9eb8aaa590df1fe082cee553ceab173e6cb5b03239716338629c50c7a"},
+    {file = "multidict-6.0.5-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:b55358304d7a73d7bdf5de62494aaf70bd33015831ffd98bc498b433dfe5b10c"},
+    {file = "multidict-6.0.5-cp37-cp37m-musllinux_1_1_ppc64le.whl", hash = "sha256:a3145cb08d8625b2d3fee1b2d596a8766352979c9bffe5d7833e0503d0f0b5e5"},
+    {file = "multidict-6.0.5-cp37-cp37m-musllinux_1_1_s390x.whl", hash = "sha256:d65f25da8e248202bd47445cec78e0025c0fe7582b23ec69c3b27a640dd7a8e3"},
+    {file = "multidict-6.0.5-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:c9bf56195c6bbd293340ea82eafd0071cb3d450c703d2c93afb89f93b8386ccc"},
+    {file = "multidict-6.0.5-cp37-cp37m-win32.whl", hash = "sha256:69db76c09796b313331bb7048229e3bee7928eb62bab5e071e9f7fcc4879caee"},
+    {file = "multidict-6.0.5-cp37-cp37m-win_amd64.whl", hash = "sha256:fce28b3c8a81b6b36dfac9feb1de115bab619b3c13905b419ec71d03a3fc1423"},
+    {file = "multidict-6.0.5-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:76f067f5121dcecf0d63a67f29080b26c43c71a98b10c701b0677e4a065fbd54"},
+    {file = "multidict-6.0.5-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:b82cc8ace10ab5bd93235dfaab2021c70637005e1ac787031f4d1da63d493c1d"},
+    {file = "multidict-6.0.5-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:5cb241881eefd96b46f89b1a056187ea8e9ba14ab88ba632e68d7a2ecb7aadf7"},
+    {file = "multidict-6.0.5-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e8e94e6912639a02ce173341ff62cc1201232ab86b8a8fcc05572741a5dc7d93"},
+    {file = "multidict-6.0.5-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:09a892e4a9fb47331da06948690ae38eaa2426de97b4ccbfafbdcbe5c8f37ff8"},
+    {file = "multidict-6.0.5-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:55205d03e8a598cfc688c71ca8ea5f66447164efff8869517f175ea632c7cb7b"},
+    {file = "multidict-6.0.5-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:37b15024f864916b4951adb95d3a80c9431299080341ab9544ed148091b53f50"},
+    {file = "multidict-6.0.5-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f2a1dee728b52b33eebff5072817176c172050d44d67befd681609b4746e1c2e"},
+    {file = "multidict-6.0.5-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:edd08e6f2f1a390bf137080507e44ccc086353c8e98c657e666c017718561b89"},
+    {file = "multidict-6.0.5-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:60d698e8179a42ec85172d12f50b1668254628425a6bd611aba022257cac1386"},
+    {file = "multidict-6.0.5-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:3d25f19500588cbc47dc19081d78131c32637c25804df8414463ec908631e453"},
+    {file = "multidict-6.0.5-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:4cc0ef8b962ac7a5e62b9e826bd0cd5040e7d401bc45a6835910ed699037a461"},
+    {file = "multidict-6.0.5-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:eca2e9d0cc5a889850e9bbd68e98314ada174ff6ccd1129500103df7a94a7a44"},
+    {file = "multidict-6.0.5-cp38-cp38-win32.whl", hash = "sha256:4a6a4f196f08c58c59e0b8ef8ec441d12aee4125a7d4f4fef000ccb22f8d7241"},
+    {file = "multidict-6.0.5-cp38-cp38-win_amd64.whl", hash = "sha256:0275e35209c27a3f7951e1ce7aaf93ce0d163b28948444bec61dd7badc6d3f8c"},
+    {file = "multidict-6.0.5-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:e7be68734bd8c9a513f2b0cfd508802d6609da068f40dc57d4e3494cefc92929"},
+    {file = "multidict-6.0.5-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:1d9ea7a7e779d7a3561aade7d596649fbecfa5c08a7674b11b423783217933f9"},
+    {file = "multidict-6.0.5-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:ea1456df2a27c73ce51120fa2f519f1bea2f4a03a917f4a43c8707cf4cbbae1a"},
+    {file = "multidict-6.0.5-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:cf590b134eb70629e350691ecca88eac3e3b8b3c86992042fb82e3cb1830d5e1"},
+    {file = "multidict-6.0.5-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:5c0631926c4f58e9a5ccce555ad7747d9a9f8b10619621f22f9635f069f6233e"},
+    {file = "multidict-6.0.5-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:dce1c6912ab9ff5f179eaf6efe7365c1f425ed690b03341911bf4939ef2f3046"},
+    {file = "multidict-6.0.5-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c0868d64af83169e4d4152ec612637a543f7a336e4a307b119e98042e852ad9c"},
+    {file = "multidict-6.0.5-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:141b43360bfd3bdd75f15ed811850763555a251e38b2405967f8e25fb43f7d40"},
+    {file = "multidict-6.0.5-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:7df704ca8cf4a073334e0427ae2345323613e4df18cc224f647f251e5e75a527"},
+    {file = "multidict-6.0.5-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:6214c5a5571802c33f80e6c84713b2c79e024995b9c5897f794b43e714daeec9"},
+    {file = "multidict-6.0.5-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:cd6c8fca38178e12c00418de737aef1261576bd1b6e8c6134d3e729a4e858b38"},
+    {file = "multidict-6.0.5-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:e02021f87a5b6932fa6ce916ca004c4d441509d33bbdbeca70d05dff5e9d2479"},
+    {file = "multidict-6.0.5-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:ebd8d160f91a764652d3e51ce0d2956b38efe37c9231cd82cfc0bed2e40b581c"},
+    {file = "multidict-6.0.5-cp39-cp39-win32.whl", hash = "sha256:04da1bb8c8dbadf2a18a452639771951c662c5ad03aefe4884775454be322c9b"},
+    {file = "multidict-6.0.5-cp39-cp39-win_amd64.whl", hash = "sha256:d6f6d4f185481c9669b9447bf9d9cf3b95a0e9df9d169bbc17e363b7d5487755"},
+    {file = "multidict-6.0.5-py3-none-any.whl", hash = "sha256:0d63c74e3d7ab26de115c49bffc92cc77ed23395303d496eae515d4204a625e7"},
+    {file = "multidict-6.0.5.tar.gz", hash = "sha256:f7e301075edaf50500f0b341543c41194d8df3ae5caf4702f2095f3ca73dd8da"},
+]
+
+[[package]]
+name = "mypy"
+version = "0.991"
+description = "Optional static typing for Python"
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "mypy-0.991-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:7d17e0a9707d0772f4a7b878f04b4fd11f6f5bcb9b3813975a9b13c9332153ab"},
+    {file = "mypy-0.991-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:0714258640194d75677e86c786e80ccf294972cc76885d3ebbb560f11db0003d"},
+    {file = "mypy-0.991-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:0c8f3be99e8a8bd403caa8c03be619544bc2c77a7093685dcf308c6b109426c6"},
+    {file = "mypy-0.991-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:bc9ec663ed6c8f15f4ae9d3c04c989b744436c16d26580eaa760ae9dd5d662eb"},
+    {file = "mypy-0.991-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:4307270436fd7694b41f913eb09210faff27ea4979ecbcd849e57d2da2f65305"},
+    {file = "mypy-0.991-cp310-cp310-win_amd64.whl", hash = "sha256:901c2c269c616e6cb0998b33d4adbb4a6af0ac4ce5cd078afd7bc95830e62c1c"},
+    {file = "mypy-0.991-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:d13674f3fb73805ba0c45eb6c0c3053d218aa1f7abead6e446d474529aafc372"},
+    {file = "mypy-0.991-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:1c8cd4fb70e8584ca1ed5805cbc7c017a3d1a29fb450621089ffed3e99d1857f"},
+    {file = "mypy-0.991-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:209ee89fbb0deed518605edddd234af80506aec932ad28d73c08f1400ef80a33"},
+    {file = "mypy-0.991-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:37bd02ebf9d10e05b00d71302d2c2e6ca333e6c2a8584a98c00e038db8121f05"},
+    {file = "mypy-0.991-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:26efb2fcc6b67e4d5a55561f39176821d2adf88f2745ddc72751b7890f3194ad"},
+    {file = "mypy-0.991-cp311-cp311-win_amd64.whl", hash = "sha256:3a700330b567114b673cf8ee7388e949f843b356a73b5ab22dd7cff4742a5297"},
+    {file = "mypy-0.991-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:1f7d1a520373e2272b10796c3ff721ea1a0712288cafaa95931e66aa15798813"},
+    {file = "mypy-0.991-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:641411733b127c3e0dab94c45af15fea99e4468f99ac88b39efb1ad677da5711"},
+    {file = "mypy-0.991-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:3d80e36b7d7a9259b740be6d8d906221789b0d836201af4234093cae89ced0cd"},
+    {file = "mypy-0.991-cp37-cp37m-win_amd64.whl", hash = "sha256:e62ebaad93be3ad1a828a11e90f0e76f15449371ffeecca4a0a0b9adc99abcef"},
+    {file = "mypy-0.991-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:b86ce2c1866a748c0f6faca5232059f881cda6dda2a893b9a8373353cfe3715a"},
+    {file = "mypy-0.991-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:ac6e503823143464538efda0e8e356d871557ef60ccd38f8824a4257acc18d93"},
+    {file = "mypy-0.991-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:0cca5adf694af539aeaa6ac633a7afe9bbd760df9d31be55ab780b77ab5ae8bf"},
+    {file = "mypy-0.991-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a12c56bf73cdab116df96e4ff39610b92a348cc99a1307e1da3c3768bbb5b135"},
+    {file = "mypy-0.991-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:652b651d42f155033a1967739788c436491b577b6a44e4c39fb340d0ee7f0d70"},
+    {file = "mypy-0.991-cp38-cp38-win_amd64.whl", hash = "sha256:4175593dc25d9da12f7de8de873a33f9b2b8bdb4e827a7cae952e5b1a342e243"},
+    {file = "mypy-0.991-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:98e781cd35c0acf33eb0295e8b9c55cdbef64fcb35f6d3aa2186f289bed6e80d"},
+    {file = "mypy-0.991-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:6d7464bac72a85cb3491c7e92b5b62f3dcccb8af26826257760a552a5e244aa5"},
+    {file = "mypy-0.991-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:c9166b3f81a10cdf9b49f2d594b21b31adadb3d5e9db9b834866c3258b695be3"},
+    {file = "mypy-0.991-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b8472f736a5bfb159a5e36740847808f6f5b659960115ff29c7cecec1741c648"},
+    {file = "mypy-0.991-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:5e80e758243b97b618cdf22004beb09e8a2de1af481382e4d84bc52152d1c476"},
+    {file = "mypy-0.991-cp39-cp39-win_amd64.whl", hash = "sha256:74e259b5c19f70d35fcc1ad3d56499065c601dfe94ff67ae48b85596b9ec1461"},
+    {file = "mypy-0.991-py3-none-any.whl", hash = "sha256:de32edc9b0a7e67c2775e574cb061a537660e51210fbf6006b0b36ea695ae9bb"},
+    {file = "mypy-0.991.tar.gz", hash = "sha256:3c0165ba8f354a6d9881809ef29f1a9318a236a6d81c690094c5df32107bde06"},
+]
+
+[package.dependencies]
+mypy-extensions = ">=0.4.3"
+tomli = {version = ">=1.1.0", markers = "python_version < \"3.11\""}
+typing-extensions = ">=3.10"
+
+[package.extras]
+dmypy = ["psutil (>=4.0)"]
+install-types = ["pip"]
+python2 = ["typed-ast (>=1.4.0,<2)"]
+reports = ["lxml"]
+
+[[package]]
+name = "mypy-extensions"
+version = "1.0.0"
+description = "Type system extensions for programs checked with the mypy type checker."
+optional = false
+python-versions = ">=3.5"
+files = [
+    {file = "mypy_extensions-1.0.0-py3-none-any.whl", hash = "sha256:4392f6c0eb8a5668a69e23d168ffa70f0be9ccfd32b5cc2d26a34ae5b844552d"},
+    {file = "mypy_extensions-1.0.0.tar.gz", hash = "sha256:75dbf8955dc00442a438fc4d0666508a9a97b6bd41aa2f0ffe9d2f2725af0782"},
+]
+
+[[package]]
+name = "nbclient"
+version = "0.9.0"
+description = "A client library for executing notebooks. Formerly nbconvert's ExecutePreprocessor."
+optional = false
+python-versions = ">=3.8.0"
+files = [
+    {file = "nbclient-0.9.0-py3-none-any.whl", hash = "sha256:a3a1ddfb34d4a9d17fc744d655962714a866639acd30130e9be84191cd97cd15"},
+    {file = "nbclient-0.9.0.tar.gz", hash = "sha256:4b28c207877cf33ef3a9838cdc7a54c5ceff981194a82eac59d558f05487295e"},
+]
+
+[package.dependencies]
+jupyter-client = ">=6.1.12"
+jupyter-core = ">=4.12,<5.0.dev0 || >=5.1.dev0"
+nbformat = ">=5.1"
+traitlets = ">=5.4"
+
+[package.extras]
+dev = ["pre-commit"]
+docs = ["autodoc-traits", "mock", "moto", "myst-parser", "nbclient[test]", "sphinx (>=1.7)", "sphinx-book-theme", "sphinxcontrib-spelling"]
+test = ["flaky", "ipykernel (>=6.19.3)", "ipython", "ipywidgets", "nbconvert (>=7.0.0)", "pytest (>=7.0)", "pytest-asyncio", "pytest-cov (>=4.0)", "testpath", "xmltodict"]
+
+[[package]]
+name = "nbconvert"
+version = "7.16.1"
+description = "Converting Jupyter Notebooks (.ipynb files) to other formats.  Output formats include asciidoc, html, latex, markdown, pdf, py, rst, script.  nbconvert can be used both as a Python library (`import nbconvert`) or as a command line tool (invoked as `jupyter nbconvert ...`)."
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "nbconvert-7.16.1-py3-none-any.whl", hash = "sha256:3188727dffadfdc9c6a1c7250729063d7bc78b355ad7aa023138afa030d1cd07"},
+    {file = "nbconvert-7.16.1.tar.gz", hash = "sha256:e79e6a074f49ba3ed29428ed86487bf51509d9aab613bd8522ac08f6d28fd7fd"},
+]
+
+[package.dependencies]
+beautifulsoup4 = "*"
+bleach = "!=5.0.0"
+defusedxml = "*"
+importlib-metadata = {version = ">=3.6", markers = "python_version < \"3.10\""}
+jinja2 = ">=3.0"
+jupyter-core = ">=4.7"
+jupyterlab-pygments = "*"
+markupsafe = ">=2.0"
+mistune = ">=2.0.3,<4"
+nbclient = ">=0.5.0"
+nbformat = ">=5.7"
+packaging = "*"
+pandocfilters = ">=1.4.1"
+pygments = ">=2.4.1"
+tinycss2 = "*"
+traitlets = ">=5.1"
+
+[package.extras]
+all = ["nbconvert[docs,qtpdf,serve,test,webpdf]"]
+docs = ["ipykernel", "ipython", "myst-parser", "nbsphinx (>=0.2.12)", "pydata-sphinx-theme", "sphinx (==5.0.2)", "sphinxcontrib-spelling"]
+qtpdf = ["nbconvert[qtpng]"]
+qtpng = ["pyqtwebengine (>=5.15)"]
+serve = ["tornado (>=6.1)"]
+test = ["flaky", "ipykernel", "ipywidgets (>=7.5)", "pytest"]
+webpdf = ["playwright"]
+
+[[package]]
+name = "nbformat"
+version = "5.9.2"
+description = "The Jupyter Notebook format"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "nbformat-5.9.2-py3-none-any.whl", hash = "sha256:1c5172d786a41b82bcfd0c23f9e6b6f072e8fb49c39250219e4acfff1efe89e9"},
+    {file = "nbformat-5.9.2.tar.gz", hash = "sha256:5f98b5ba1997dff175e77e0c17d5c10a96eaed2cbd1de3533d1fc35d5e111192"},
+]
+
+[package.dependencies]
+fastjsonschema = "*"
+jsonschema = ">=2.6"
+jupyter-core = "*"
+traitlets = ">=5.1"
+
+[package.extras]
+docs = ["myst-parser", "pydata-sphinx-theme", "sphinx", "sphinxcontrib-github-alt", "sphinxcontrib-spelling"]
+test = ["pep440", "pre-commit", "pytest", "testpath"]
+
+[[package]]
+name = "nest-asyncio"
+version = "1.6.0"
+description = "Patch asyncio to allow nested event loops"
+optional = false
+python-versions = ">=3.5"
+files = [
+    {file = "nest_asyncio-1.6.0-py3-none-any.whl", hash = "sha256:87af6efd6b5e897c81050477ef65c62e2b2f35d51703cae01aff2905b1852e1c"},
+    {file = "nest_asyncio-1.6.0.tar.gz", hash = "sha256:6f172d5449aca15afd6c646851f4e31e02c598d553a667e38cafa997cfec55fe"},
+]
+
+[[package]]
+name = "networkx"
+version = "3.1"
+description = "Python package for creating and manipulating graphs and networks"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "networkx-3.1-py3-none-any.whl", hash = "sha256:4f33f68cb2afcf86f28a45f43efc27a9386b535d567d2127f8f61d51dec58d36"},
+    {file = "networkx-3.1.tar.gz", hash = "sha256:de346335408f84de0eada6ff9fafafff9bcda11f0a0dfaa931133debb146ab61"},
+]
+
+[package.extras]
+default = ["matplotlib (>=3.4)", "numpy (>=1.20)", "pandas (>=1.3)", "scipy (>=1.8)"]
+developer = ["mypy (>=1.1)", "pre-commit (>=3.2)"]
+doc = ["nb2plots (>=0.6)", "numpydoc (>=1.5)", "pillow (>=9.4)", "pydata-sphinx-theme (>=0.13)", "sphinx (>=6.1)", "sphinx-gallery (>=0.12)", "texext (>=0.6.7)"]
+extra = ["lxml (>=4.6)", "pydot (>=1.4.2)", "pygraphviz (>=1.10)", "sympy (>=1.10)"]
+test = ["codecov (>=2.1)", "pytest (>=7.2)", "pytest-cov (>=4.0)"]
+
+[[package]]
+name = "nltk"
+version = "3.8.1"
+description = "Natural Language Toolkit"
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "nltk-3.8.1-py3-none-any.whl", hash = "sha256:fd5c9109f976fa86bcadba8f91e47f5e9293bd034474752e92a520f81c93dda5"},
+    {file = "nltk-3.8.1.zip", hash = "sha256:1834da3d0682cba4f2cede2f9aad6b0fafb6461ba451db0efb6f9c39798d64d3"},
+]
+
+[package.dependencies]
+click = "*"
+joblib = "*"
+regex = ">=2021.8.3"
+tqdm = "*"
+
+[package.extras]
+all = ["matplotlib", "numpy", "pyparsing", "python-crfsuite", "requests", "scikit-learn", "scipy", "twython"]
+corenlp = ["requests"]
+machine-learning = ["numpy", "python-crfsuite", "scikit-learn", "scipy"]
+plot = ["matplotlib"]
+tgrep = ["pyparsing"]
+twitter = ["twython"]
+
+[[package]]
+name = "nodeenv"
+version = "1.8.0"
+description = "Node.js virtual environment builder"
+optional = false
+python-versions = ">=2.7,!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*,!=3.5.*,!=3.6.*"
+files = [
+    {file = "nodeenv-1.8.0-py2.py3-none-any.whl", hash = "sha256:df865724bb3c3adc86b3876fa209771517b0cfe596beff01a92700e0e8be4cec"},
+    {file = "nodeenv-1.8.0.tar.gz", hash = "sha256:d51e0c37e64fbf47d017feac3145cdbb58836d7eee8c6f6d3b6880c5456227d2"},
+]
+
+[package.dependencies]
+setuptools = "*"
+
+[[package]]
+name = "notebook"
+version = "7.1.0"
+description = "Jupyter Notebook - A web-based notebook environment for interactive computing"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "notebook-7.1.0-py3-none-any.whl", hash = "sha256:a8fa4ccb5e5fe220f29d9900337efd7752bc6f2efe004d6f320db01f7743adc9"},
+    {file = "notebook-7.1.0.tar.gz", hash = "sha256:99caf01ff166b1cc86355c9b37c1ba9bf566c1d7fc4ab57bb6f8f24e36c4260e"},
+]
+
+[package.dependencies]
+jupyter-server = ">=2.4.0,<3"
+jupyterlab = ">=4.1.1,<4.2"
+jupyterlab-server = ">=2.22.1,<3"
+notebook-shim = ">=0.2,<0.3"
+tornado = ">=6.2.0"
+
+[package.extras]
+dev = ["hatch", "pre-commit"]
+docs = ["myst-parser", "nbsphinx", "pydata-sphinx-theme", "sphinx (>=1.3.6)", "sphinxcontrib-github-alt", "sphinxcontrib-spelling"]
+test = ["importlib-resources (>=5.0)", "ipykernel", "jupyter-server[test] (>=2.4.0,<3)", "jupyterlab-server[test] (>=2.22.1,<3)", "nbval", "pytest (>=7.0)", "pytest-console-scripts", "pytest-timeout", "pytest-tornasync", "requests"]
+
+[[package]]
+name = "notebook-shim"
+version = "0.2.4"
+description = "A shim layer for notebook traits and config"
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "notebook_shim-0.2.4-py3-none-any.whl", hash = "sha256:411a5be4e9dc882a074ccbcae671eda64cceb068767e9a3419096986560e1cef"},
+    {file = "notebook_shim-0.2.4.tar.gz", hash = "sha256:b4b2cfa1b65d98307ca24361f5b30fe785b53c3fd07b7a47e89acb5e6ac638cb"},
+]
+
+[package.dependencies]
+jupyter-server = ">=1.8,<3"
+
+[package.extras]
+test = ["pytest", "pytest-console-scripts", "pytest-jupyter", "pytest-tornasync"]
+
+[[package]]
+name = "numpy"
+version = "1.24.4"
+description = "Fundamental package for array computing in Python"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "numpy-1.24.4-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:c0bfb52d2169d58c1cdb8cc1f16989101639b34c7d3ce60ed70b19c63eba0b64"},
+    {file = "numpy-1.24.4-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:ed094d4f0c177b1b8e7aa9cba7d6ceed51c0e569a5318ac0ca9a090680a6a1b1"},
+    {file = "numpy-1.24.4-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:79fc682a374c4a8ed08b331bef9c5f582585d1048fa6d80bc6c35bc384eee9b4"},
+    {file = "numpy-1.24.4-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7ffe43c74893dbf38c2b0a1f5428760a1a9c98285553c89e12d70a96a7f3a4d6"},
+    {file = "numpy-1.24.4-cp310-cp310-win32.whl", hash = "sha256:4c21decb6ea94057331e111a5bed9a79d335658c27ce2adb580fb4d54f2ad9bc"},
+    {file = "numpy-1.24.4-cp310-cp310-win_amd64.whl", hash = "sha256:b4bea75e47d9586d31e892a7401f76e909712a0fd510f58f5337bea9572c571e"},
+    {file = "numpy-1.24.4-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:f136bab9c2cfd8da131132c2cf6cc27331dd6fae65f95f69dcd4ae3c3639c810"},
+    {file = "numpy-1.24.4-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:e2926dac25b313635e4d6cf4dc4e51c8c0ebfed60b801c799ffc4c32bf3d1254"},
+    {file = "numpy-1.24.4-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:222e40d0e2548690405b0b3c7b21d1169117391c2e82c378467ef9ab4c8f0da7"},
+    {file = "numpy-1.24.4-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7215847ce88a85ce39baf9e89070cb860c98fdddacbaa6c0da3ffb31b3350bd5"},
+    {file = "numpy-1.24.4-cp311-cp311-win32.whl", hash = "sha256:4979217d7de511a8d57f4b4b5b2b965f707768440c17cb70fbf254c4b225238d"},
+    {file = "numpy-1.24.4-cp311-cp311-win_amd64.whl", hash = "sha256:b7b1fc9864d7d39e28f41d089bfd6353cb5f27ecd9905348c24187a768c79694"},
+    {file = "numpy-1.24.4-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:1452241c290f3e2a312c137a9999cdbf63f78864d63c79039bda65ee86943f61"},
+    {file = "numpy-1.24.4-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:04640dab83f7c6c85abf9cd729c5b65f1ebd0ccf9de90b270cd61935eef0197f"},
+    {file = "numpy-1.24.4-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a5425b114831d1e77e4b5d812b69d11d962e104095a5b9c3b641a218abcc050e"},
+    {file = "numpy-1.24.4-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:dd80e219fd4c71fc3699fc1dadac5dcf4fd882bfc6f7ec53d30fa197b8ee22dc"},
+    {file = "numpy-1.24.4-cp38-cp38-win32.whl", hash = "sha256:4602244f345453db537be5314d3983dbf5834a9701b7723ec28923e2889e0bb2"},
+    {file = "numpy-1.24.4-cp38-cp38-win_amd64.whl", hash = "sha256:692f2e0f55794943c5bfff12b3f56f99af76f902fc47487bdfe97856de51a706"},
+    {file = "numpy-1.24.4-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:2541312fbf09977f3b3ad449c4e5f4bb55d0dbf79226d7724211acc905049400"},
+    {file = "numpy-1.24.4-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:9667575fb6d13c95f1b36aca12c5ee3356bf001b714fc354eb5465ce1609e62f"},
+    {file = "numpy-1.24.4-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f3a86ed21e4f87050382c7bc96571755193c4c1392490744ac73d660e8f564a9"},
+    {file = "numpy-1.24.4-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d11efb4dbecbdf22508d55e48d9c8384db795e1b7b51ea735289ff96613ff74d"},
+    {file = "numpy-1.24.4-cp39-cp39-win32.whl", hash = "sha256:6620c0acd41dbcb368610bb2f4d83145674040025e5536954782467100aa8835"},
+    {file = "numpy-1.24.4-cp39-cp39-win_amd64.whl", hash = "sha256:befe2bf740fd8373cf56149a5c23a0f601e82869598d41f8e188a0e9869926f8"},
+    {file = "numpy-1.24.4-pp38-pypy38_pp73-macosx_10_9_x86_64.whl", hash = "sha256:31f13e25b4e304632a4619d0e0777662c2ffea99fcae2029556b17d8ff958aef"},
+    {file = "numpy-1.24.4-pp38-pypy38_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:95f7ac6540e95bc440ad77f56e520da5bf877f87dca58bd095288dce8940532a"},
+    {file = "numpy-1.24.4-pp38-pypy38_pp73-win_amd64.whl", hash = "sha256:e98f220aa76ca2a977fe435f5b04d7b3470c0a2e6312907b37ba6068f26787f2"},
+    {file = "numpy-1.24.4.tar.gz", hash = "sha256:80f5e3a4e498641401868df4208b74581206afbee7cf7b8329daae82676d9463"},
+]
+
+[[package]]
+name = "openai"
+version = "1.12.0"
+description = "The official Python library for the openai API"
+optional = false
+python-versions = ">=3.7.1"
+files = [
+    {file = "openai-1.12.0-py3-none-any.whl", hash = "sha256:a54002c814e05222e413664f651b5916714e4700d041d5cf5724d3ae1a3e3481"},
+    {file = "openai-1.12.0.tar.gz", hash = "sha256:99c5d257d09ea6533d689d1cc77caa0ac679fa21efef8893d8b0832a86877f1b"},
+]
+
+[package.dependencies]
+anyio = ">=3.5.0,<5"
+distro = ">=1.7.0,<2"
+httpx = ">=0.23.0,<1"
+pydantic = ">=1.9.0,<3"
+sniffio = "*"
+tqdm = ">4"
+typing-extensions = ">=4.7,<5"
+
+[package.extras]
+datalib = ["numpy (>=1)", "pandas (>=1.2.3)", "pandas-stubs (>=1.1.0.11)"]
+
+[[package]]
+name = "overrides"
+version = "7.7.0"
+description = "A decorator to automatically detect mismatch when overriding a method."
+optional = false
+python-versions = ">=3.6"
+files = [
+    {file = "overrides-7.7.0-py3-none-any.whl", hash = "sha256:c7ed9d062f78b8e4c1a7b70bd8796b35ead4d9f510227ef9c5dc7626c60d7e49"},
+    {file = "overrides-7.7.0.tar.gz", hash = "sha256:55158fa3d93b98cc75299b1e67078ad9003ca27945c76162c1c0766d6f91820a"},
+]
+
+[[package]]
+name = "packaging"
+version = "23.2"
+description = "Core utilities for Python packages"
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "packaging-23.2-py3-none-any.whl", hash = "sha256:8c491190033a9af7e1d931d0b5dacc2ef47509b34dd0de67ed209b5203fc88c7"},
+    {file = "packaging-23.2.tar.gz", hash = "sha256:048fb0e9405036518eaaf48a55953c750c11e1a1b68e0dd1a9d62ed0c092cfc5"},
+]
+
+[[package]]
+name = "pandas"
+version = "2.0.3"
+description = "Powerful data structures for data analysis, time series, and statistics"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "pandas-2.0.3-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:e4c7c9f27a4185304c7caf96dc7d91bc60bc162221152de697c98eb0b2648dd8"},
+    {file = "pandas-2.0.3-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:f167beed68918d62bffb6ec64f2e1d8a7d297a038f86d4aed056b9493fca407f"},
+    {file = "pandas-2.0.3-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ce0c6f76a0f1ba361551f3e6dceaff06bde7514a374aa43e33b588ec10420183"},
+    {file = "pandas-2.0.3-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ba619e410a21d8c387a1ea6e8a0e49bb42216474436245718d7f2e88a2f8d7c0"},
+    {file = "pandas-2.0.3-cp310-cp310-win32.whl", hash = "sha256:3ef285093b4fe5058eefd756100a367f27029913760773c8bf1d2d8bebe5d210"},
+    {file = "pandas-2.0.3-cp310-cp310-win_amd64.whl", hash = "sha256:9ee1a69328d5c36c98d8e74db06f4ad518a1840e8ccb94a4ba86920986bb617e"},
+    {file = "pandas-2.0.3-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:b084b91d8d66ab19f5bb3256cbd5ea661848338301940e17f4492b2ce0801fe8"},
+    {file = "pandas-2.0.3-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:37673e3bdf1551b95bf5d4ce372b37770f9529743d2498032439371fc7b7eb26"},
+    {file = "pandas-2.0.3-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b9cb1e14fdb546396b7e1b923ffaeeac24e4cedd14266c3497216dd4448e4f2d"},
+    {file = "pandas-2.0.3-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d9cd88488cceb7635aebb84809d087468eb33551097d600c6dad13602029c2df"},
+    {file = "pandas-2.0.3-cp311-cp311-win32.whl", hash = "sha256:694888a81198786f0e164ee3a581df7d505024fbb1f15202fc7db88a71d84ebd"},
+    {file = "pandas-2.0.3-cp311-cp311-win_amd64.whl", hash = "sha256:6a21ab5c89dcbd57f78d0ae16630b090eec626360085a4148693def5452d8a6b"},
+    {file = "pandas-2.0.3-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:9e4da0d45e7f34c069fe4d522359df7d23badf83abc1d1cef398895822d11061"},
+    {file = "pandas-2.0.3-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:32fca2ee1b0d93dd71d979726b12b61faa06aeb93cf77468776287f41ff8fdc5"},
+    {file = "pandas-2.0.3-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:258d3624b3ae734490e4d63c430256e716f488c4fcb7c8e9bde2d3aa46c29089"},
+    {file = "pandas-2.0.3-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9eae3dc34fa1aa7772dd3fc60270d13ced7346fcbcfee017d3132ec625e23bb0"},
+    {file = "pandas-2.0.3-cp38-cp38-win32.whl", hash = "sha256:f3421a7afb1a43f7e38e82e844e2bca9a6d793d66c1a7f9f0ff39a795bbc5e02"},
+    {file = "pandas-2.0.3-cp38-cp38-win_amd64.whl", hash = "sha256:69d7f3884c95da3a31ef82b7618af5710dba95bb885ffab339aad925c3e8ce78"},
+    {file = "pandas-2.0.3-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:5247fb1ba347c1261cbbf0fcfba4a3121fbb4029d95d9ef4dc45406620b25c8b"},
+    {file = "pandas-2.0.3-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:81af086f4543c9d8bb128328b5d32e9986e0c84d3ee673a2ac6fb57fd14f755e"},
+    {file = "pandas-2.0.3-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1994c789bf12a7c5098277fb43836ce090f1073858c10f9220998ac74f37c69b"},
+    {file = "pandas-2.0.3-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:5ec591c48e29226bcbb316e0c1e9423622bc7a4eaf1ef7c3c9fa1a3981f89641"},
+    {file = "pandas-2.0.3-cp39-cp39-win32.whl", hash = "sha256:04dbdbaf2e4d46ca8da896e1805bc04eb85caa9a82e259e8eed00254d5e0c682"},
+    {file = "pandas-2.0.3-cp39-cp39-win_amd64.whl", hash = "sha256:1168574b036cd8b93abc746171c9b4f1b83467438a5e45909fed645cf8692dbc"},
+    {file = "pandas-2.0.3.tar.gz", hash = "sha256:c02f372a88e0d17f36d3093a644c73cfc1788e876a7c4bcb4020a77512e2043c"},
+]
+
+[package.dependencies]
+numpy = [
+    {version = ">=1.20.3", markers = "python_version < \"3.10\""},
+    {version = ">=1.21.0", markers = "python_version >= \"3.10\" and python_version < \"3.11\""},
+    {version = ">=1.23.2", markers = "python_version >= \"3.11\""},
+]
+python-dateutil = ">=2.8.2"
+pytz = ">=2020.1"
+tzdata = ">=2022.1"
+
+[package.extras]
+all = ["PyQt5 (>=5.15.1)", "SQLAlchemy (>=1.4.16)", "beautifulsoup4 (>=4.9.3)", "bottleneck (>=1.3.2)", "brotlipy (>=0.7.0)", "fastparquet (>=0.6.3)", "fsspec (>=2021.07.0)", "gcsfs (>=2021.07.0)", "html5lib (>=1.1)", "hypothesis (>=6.34.2)", "jinja2 (>=3.0.0)", "lxml (>=4.6.3)", "matplotlib (>=3.6.1)", "numba (>=0.53.1)", "numexpr (>=2.7.3)", "odfpy (>=1.4.1)", "openpyxl (>=3.0.7)", "pandas-gbq (>=0.15.0)", "psycopg2 (>=2.8.6)", "pyarrow (>=7.0.0)", "pymysql (>=1.0.2)", "pyreadstat (>=1.1.2)", "pytest (>=7.3.2)", "pytest-asyncio (>=0.17.0)", "pytest-xdist (>=2.2.0)", "python-snappy (>=0.6.0)", "pyxlsb (>=1.0.8)", "qtpy (>=2.2.0)", "s3fs (>=2021.08.0)", "scipy (>=1.7.1)", "tables (>=3.6.1)", "tabulate (>=0.8.9)", "xarray (>=0.21.0)", "xlrd (>=2.0.1)", "xlsxwriter (>=1.4.3)", "zstandard (>=0.15.2)"]
+aws = ["s3fs (>=2021.08.0)"]
+clipboard = ["PyQt5 (>=5.15.1)", "qtpy (>=2.2.0)"]
+compression = ["brotlipy (>=0.7.0)", "python-snappy (>=0.6.0)", "zstandard (>=0.15.2)"]
+computation = ["scipy (>=1.7.1)", "xarray (>=0.21.0)"]
+excel = ["odfpy (>=1.4.1)", "openpyxl (>=3.0.7)", "pyxlsb (>=1.0.8)", "xlrd (>=2.0.1)", "xlsxwriter (>=1.4.3)"]
+feather = ["pyarrow (>=7.0.0)"]
+fss = ["fsspec (>=2021.07.0)"]
+gcp = ["gcsfs (>=2021.07.0)", "pandas-gbq (>=0.15.0)"]
+hdf5 = ["tables (>=3.6.1)"]
+html = ["beautifulsoup4 (>=4.9.3)", "html5lib (>=1.1)", "lxml (>=4.6.3)"]
+mysql = ["SQLAlchemy (>=1.4.16)", "pymysql (>=1.0.2)"]
+output-formatting = ["jinja2 (>=3.0.0)", "tabulate (>=0.8.9)"]
+parquet = ["pyarrow (>=7.0.0)"]
+performance = ["bottleneck (>=1.3.2)", "numba (>=0.53.1)", "numexpr (>=2.7.1)"]
+plot = ["matplotlib (>=3.6.1)"]
+postgresql = ["SQLAlchemy (>=1.4.16)", "psycopg2 (>=2.8.6)"]
+spss = ["pyreadstat (>=1.1.2)"]
+sql-other = ["SQLAlchemy (>=1.4.16)"]
+test = ["hypothesis (>=6.34.2)", "pytest (>=7.3.2)", "pytest-asyncio (>=0.17.0)", "pytest-xdist (>=2.2.0)"]
+xml = ["lxml (>=4.6.3)"]
+
+[[package]]
+name = "pandocfilters"
+version = "1.5.1"
+description = "Utilities for writing pandoc filters in python"
+optional = false
+python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*"
+files = [
+    {file = "pandocfilters-1.5.1-py2.py3-none-any.whl", hash = "sha256:93be382804a9cdb0a7267585f157e5d1731bbe5545a85b268d6f5fe6232de2bc"},
+    {file = "pandocfilters-1.5.1.tar.gz", hash = "sha256:002b4a555ee4ebc03f8b66307e287fa492e4a77b4ea14d3f934328297bb4939e"},
+]
+
+[[package]]
+name = "parso"
+version = "0.8.3"
+description = "A Python Parser"
+optional = false
+python-versions = ">=3.6"
+files = [
+    {file = "parso-0.8.3-py2.py3-none-any.whl", hash = "sha256:c001d4636cd3aecdaf33cbb40aebb59b094be2a74c556778ef5576c175e19e75"},
+    {file = "parso-0.8.3.tar.gz", hash = "sha256:8c07be290bb59f03588915921e29e8a50002acaf2cdc5fa0e0114f91709fafa0"},
+]
+
+[package.extras]
+qa = ["flake8 (==3.8.3)", "mypy (==0.782)"]
+testing = ["docopt", "pytest (<6.0.0)"]
+
+[[package]]
+name = "pathspec"
+version = "0.12.1"
+description = "Utility library for gitignore style pattern matching of file paths."
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "pathspec-0.12.1-py3-none-any.whl", hash = "sha256:a0d503e138a4c123b27490a4f7beda6a01c6f288df0e4a8b79c7eb0dc7b4cc08"},
+    {file = "pathspec-0.12.1.tar.gz", hash = "sha256:a482d51503a1ab33b1c67a6c3813a26953dbdc71c31dacaef9a838c4e29f5712"},
+]
+
+[[package]]
+name = "pexpect"
+version = "4.9.0"
+description = "Pexpect allows easy control of interactive console applications."
+optional = false
+python-versions = "*"
+files = [
+    {file = "pexpect-4.9.0-py2.py3-none-any.whl", hash = "sha256:7236d1e080e4936be2dc3e326cec0af72acf9212a7e1d060210e70a47e253523"},
+    {file = "pexpect-4.9.0.tar.gz", hash = "sha256:ee7d41123f3c9911050ea2c2dac107568dc43b2d3b0c7557a33212c398ead30f"},
+]
+
+[package.dependencies]
+ptyprocess = ">=0.5"
+
+[[package]]
+name = "pickleshare"
+version = "0.7.5"
+description = "Tiny 'shelve'-like database with concurrency support"
+optional = false
+python-versions = "*"
+files = [
+    {file = "pickleshare-0.7.5-py2.py3-none-any.whl", hash = "sha256:9649af414d74d4df115d5d718f82acb59c9d418196b7b4290ed47a12ce62df56"},
+    {file = "pickleshare-0.7.5.tar.gz", hash = "sha256:87683d47965c1da65cdacaf31c8441d12b8044cdec9aca500cd78fc2c683afca"},
+]
+
+[[package]]
+name = "pillow"
+version = "10.2.0"
+description = "Python Imaging Library (Fork)"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "pillow-10.2.0-cp310-cp310-macosx_10_10_x86_64.whl", hash = "sha256:7823bdd049099efa16e4246bdf15e5a13dbb18a51b68fa06d6c1d4d8b99a796e"},
+    {file = "pillow-10.2.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:83b2021f2ade7d1ed556bc50a399127d7fb245e725aa0113ebd05cfe88aaf588"},
+    {file = "pillow-10.2.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6fad5ff2f13d69b7e74ce5b4ecd12cc0ec530fcee76356cac6742785ff71c452"},
+    {file = "pillow-10.2.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:da2b52b37dad6d9ec64e653637a096905b258d2fc2b984c41ae7d08b938a67e4"},
+    {file = "pillow-10.2.0-cp310-cp310-manylinux_2_28_aarch64.whl", hash = "sha256:47c0995fc4e7f79b5cfcab1fc437ff2890b770440f7696a3ba065ee0fd496563"},
+    {file = "pillow-10.2.0-cp310-cp310-manylinux_2_28_x86_64.whl", hash = "sha256:322bdf3c9b556e9ffb18f93462e5f749d3444ce081290352c6070d014c93feb2"},
+    {file = "pillow-10.2.0-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:51f1a1bffc50e2e9492e87d8e09a17c5eea8409cda8d3f277eb6edc82813c17c"},
+    {file = "pillow-10.2.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:69ffdd6120a4737710a9eee73e1d2e37db89b620f702754b8f6e62594471dee0"},
+    {file = "pillow-10.2.0-cp310-cp310-win32.whl", hash = "sha256:c6dafac9e0f2b3c78df97e79af707cdc5ef8e88208d686a4847bab8266870023"},
+    {file = "pillow-10.2.0-cp310-cp310-win_amd64.whl", hash = "sha256:aebb6044806f2e16ecc07b2a2637ee1ef67a11840a66752751714a0d924adf72"},
+    {file = "pillow-10.2.0-cp310-cp310-win_arm64.whl", hash = "sha256:7049e301399273a0136ff39b84c3678e314f2158f50f517bc50285fb5ec847ad"},
+    {file = "pillow-10.2.0-cp311-cp311-macosx_10_10_x86_64.whl", hash = "sha256:35bb52c37f256f662abdfa49d2dfa6ce5d93281d323a9af377a120e89a9eafb5"},
+    {file = "pillow-10.2.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:9c23f307202661071d94b5e384e1e1dc7dfb972a28a2310e4ee16103e66ddb67"},
+    {file = "pillow-10.2.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:773efe0603db30c281521a7c0214cad7836c03b8ccff897beae9b47c0b657d61"},
+    {file = "pillow-10.2.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:11fa2e5984b949b0dd6d7a94d967743d87c577ff0b83392f17cb3990d0d2fd6e"},
+    {file = "pillow-10.2.0-cp311-cp311-manylinux_2_28_aarch64.whl", hash = "sha256:716d30ed977be8b37d3ef185fecb9e5a1d62d110dfbdcd1e2a122ab46fddb03f"},
+    {file = "pillow-10.2.0-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:a086c2af425c5f62a65e12fbf385f7c9fcb8f107d0849dba5839461a129cf311"},
+    {file = "pillow-10.2.0-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:c8de2789052ed501dd829e9cae8d3dcce7acb4777ea4a479c14521c942d395b1"},
+    {file = "pillow-10.2.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:609448742444d9290fd687940ac0b57fb35e6fd92bdb65386e08e99af60bf757"},
+    {file = "pillow-10.2.0-cp311-cp311-win32.whl", hash = "sha256:823ef7a27cf86df6597fa0671066c1b596f69eba53efa3d1e1cb8b30f3533068"},
+    {file = "pillow-10.2.0-cp311-cp311-win_amd64.whl", hash = "sha256:1da3b2703afd040cf65ec97efea81cfba59cdbed9c11d8efc5ab09df9509fc56"},
+    {file = "pillow-10.2.0-cp311-cp311-win_arm64.whl", hash = "sha256:edca80cbfb2b68d7b56930b84a0e45ae1694aeba0541f798e908a49d66b837f1"},
+    {file = "pillow-10.2.0-cp312-cp312-macosx_10_10_x86_64.whl", hash = "sha256:1b5e1b74d1bd1b78bc3477528919414874748dd363e6272efd5abf7654e68bef"},
+    {file = "pillow-10.2.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:0eae2073305f451d8ecacb5474997c08569fb4eb4ac231ffa4ad7d342fdc25ac"},
+    {file = "pillow-10.2.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b7c2286c23cd350b80d2fc9d424fc797575fb16f854b831d16fd47ceec078f2c"},
+    {file = "pillow-10.2.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1e23412b5c41e58cec602f1135c57dfcf15482013ce6e5f093a86db69646a5aa"},
+    {file = "pillow-10.2.0-cp312-cp312-manylinux_2_28_aarch64.whl", hash = "sha256:52a50aa3fb3acb9cf7213573ef55d31d6eca37f5709c69e6858fe3bc04a5c2a2"},
+    {file = "pillow-10.2.0-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:127cee571038f252a552760076407f9cff79761c3d436a12af6000cd182a9d04"},
+    {file = "pillow-10.2.0-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:8d12251f02d69d8310b046e82572ed486685c38f02176bd08baf216746eb947f"},
+    {file = "pillow-10.2.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:54f1852cd531aa981bc0965b7d609f5f6cc8ce8c41b1139f6ed6b3c54ab82bfb"},
+    {file = "pillow-10.2.0-cp312-cp312-win32.whl", hash = "sha256:257d8788df5ca62c980314053197f4d46eefedf4e6175bc9412f14412ec4ea2f"},
+    {file = "pillow-10.2.0-cp312-cp312-win_amd64.whl", hash = "sha256:154e939c5f0053a383de4fd3d3da48d9427a7e985f58af8e94d0b3c9fcfcf4f9"},
+    {file = "pillow-10.2.0-cp312-cp312-win_arm64.whl", hash = "sha256:f379abd2f1e3dddb2b61bc67977a6b5a0a3f7485538bcc6f39ec76163891ee48"},
+    {file = "pillow-10.2.0-cp38-cp38-macosx_10_10_x86_64.whl", hash = "sha256:8373c6c251f7ef8bda6675dd6d2b3a0fcc31edf1201266b5cf608b62a37407f9"},
+    {file = "pillow-10.2.0-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:870ea1ada0899fd0b79643990809323b389d4d1d46c192f97342eeb6ee0b8483"},
+    {file = "pillow-10.2.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b4b6b1e20608493548b1f32bce8cca185bf0480983890403d3b8753e44077129"},
+    {file = "pillow-10.2.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3031709084b6e7852d00479fd1d310b07d0ba82765f973b543c8af5061cf990e"},
+    {file = "pillow-10.2.0-cp38-cp38-manylinux_2_28_aarch64.whl", hash = "sha256:3ff074fc97dd4e80543a3e91f69d58889baf2002b6be64347ea8cf5533188213"},
+    {file = "pillow-10.2.0-cp38-cp38-manylinux_2_28_x86_64.whl", hash = "sha256:cb4c38abeef13c61d6916f264d4845fab99d7b711be96c326b84df9e3e0ff62d"},
+    {file = "pillow-10.2.0-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:b1b3020d90c2d8e1dae29cf3ce54f8094f7938460fb5ce8bc5c01450b01fbaf6"},
+    {file = "pillow-10.2.0-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:170aeb00224ab3dc54230c797f8404507240dd868cf52066f66a41b33169bdbe"},
+    {file = "pillow-10.2.0-cp38-cp38-win32.whl", hash = "sha256:c4225f5220f46b2fde568c74fca27ae9771536c2e29d7c04f4fb62c83275ac4e"},
+    {file = "pillow-10.2.0-cp38-cp38-win_amd64.whl", hash = "sha256:0689b5a8c5288bc0504d9fcee48f61a6a586b9b98514d7d29b840143d6734f39"},
+    {file = "pillow-10.2.0-cp39-cp39-macosx_10_10_x86_64.whl", hash = "sha256:b792a349405fbc0163190fde0dc7b3fef3c9268292586cf5645598b48e63dc67"},
+    {file = "pillow-10.2.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:c570f24be1e468e3f0ce7ef56a89a60f0e05b30a3669a459e419c6eac2c35364"},
+    {file = "pillow-10.2.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d8ecd059fdaf60c1963c58ceb8997b32e9dc1b911f5da5307aab614f1ce5c2fb"},
+    {file = "pillow-10.2.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c365fd1703040de1ec284b176d6af5abe21b427cb3a5ff68e0759e1e313a5e7e"},
+    {file = "pillow-10.2.0-cp39-cp39-manylinux_2_28_aarch64.whl", hash = "sha256:70c61d4c475835a19b3a5aa42492409878bbca7438554a1f89d20d58a7c75c01"},
+    {file = "pillow-10.2.0-cp39-cp39-manylinux_2_28_x86_64.whl", hash = "sha256:b6f491cdf80ae540738859d9766783e3b3c8e5bd37f5dfa0b76abdecc5081f13"},
+    {file = "pillow-10.2.0-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:9d189550615b4948f45252d7f005e53c2040cea1af5b60d6f79491a6e147eef7"},
+    {file = "pillow-10.2.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:49d9ba1ed0ef3e061088cd1e7538a0759aab559e2e0a80a36f9fd9d8c0c21591"},
+    {file = "pillow-10.2.0-cp39-cp39-win32.whl", hash = "sha256:babf5acfede515f176833ed6028754cbcd0d206f7f614ea3447d67c33be12516"},
+    {file = "pillow-10.2.0-cp39-cp39-win_amd64.whl", hash = "sha256:0304004f8067386b477d20a518b50f3fa658a28d44e4116970abfcd94fac34a8"},
+    {file = "pillow-10.2.0-cp39-cp39-win_arm64.whl", hash = "sha256:0fb3e7fc88a14eacd303e90481ad983fd5b69c761e9e6ef94c983f91025da869"},
+    {file = "pillow-10.2.0-pp310-pypy310_pp73-macosx_10_10_x86_64.whl", hash = "sha256:322209c642aabdd6207517e9739c704dc9f9db943015535783239022002f054a"},
+    {file = "pillow-10.2.0-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3eedd52442c0a5ff4f887fab0c1c0bb164d8635b32c894bc1faf4c618dd89df2"},
+    {file = "pillow-10.2.0-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:cb28c753fd5eb3dd859b4ee95de66cc62af91bcff5db5f2571d32a520baf1f04"},
+    {file = "pillow-10.2.0-pp310-pypy310_pp73-manylinux_2_28_aarch64.whl", hash = "sha256:33870dc4653c5017bf4c8873e5488d8f8d5f8935e2f1fb9a2208c47cdd66efd2"},
+    {file = "pillow-10.2.0-pp310-pypy310_pp73-manylinux_2_28_x86_64.whl", hash = "sha256:3c31822339516fb3c82d03f30e22b1d038da87ef27b6a78c9549888f8ceda39a"},
+    {file = "pillow-10.2.0-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:a2b56ba36e05f973d450582fb015594aaa78834fefe8dfb8fcd79b93e64ba4c6"},
+    {file = "pillow-10.2.0-pp38-pypy38_pp73-win_amd64.whl", hash = "sha256:d8e6aeb9201e655354b3ad049cb77d19813ad4ece0df1249d3c793de3774f8c7"},
+    {file = "pillow-10.2.0-pp39-pypy39_pp73-macosx_10_10_x86_64.whl", hash = "sha256:2247178effb34a77c11c0e8ac355c7a741ceca0a732b27bf11e747bbc950722f"},
+    {file = "pillow-10.2.0-pp39-pypy39_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:15587643b9e5eb26c48e49a7b33659790d28f190fc514a322d55da2fb5c2950e"},
+    {file = "pillow-10.2.0-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:753cd8f2086b2b80180d9b3010dd4ed147efc167c90d3bf593fe2af21265e5a5"},
+    {file = "pillow-10.2.0-pp39-pypy39_pp73-manylinux_2_28_aarch64.whl", hash = "sha256:7c8f97e8e7a9009bcacbe3766a36175056c12f9a44e6e6f2d5caad06dcfbf03b"},
+    {file = "pillow-10.2.0-pp39-pypy39_pp73-manylinux_2_28_x86_64.whl", hash = "sha256:d1b35bcd6c5543b9cb547dee3150c93008f8dd0f1fef78fc0cd2b141c5baf58a"},
+    {file = "pillow-10.2.0-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:fe4c15f6c9285dc54ce6553a3ce908ed37c8f3825b5a51a15c91442bb955b868"},
+    {file = "pillow-10.2.0.tar.gz", hash = "sha256:e87f0b2c78157e12d7686b27d63c070fd65d994e8ddae6f328e0dcf4a0cd007e"},
+]
+
+[package.extras]
+docs = ["furo", "olefile", "sphinx (>=2.4)", "sphinx-copybutton", "sphinx-inline-tabs", "sphinx-removed-in", "sphinxext-opengraph"]
+fpx = ["olefile"]
+mic = ["olefile"]
+tests = ["check-manifest", "coverage", "defusedxml", "markdown2", "olefile", "packaging", "pyroma", "pytest", "pytest-cov", "pytest-timeout"]
+typing = ["typing-extensions"]
+xmp = ["defusedxml"]
+
+[[package]]
+name = "pkgutil-resolve-name"
+version = "1.3.10"
+description = "Resolve a name to an object."
+optional = false
+python-versions = ">=3.6"
+files = [
+    {file = "pkgutil_resolve_name-1.3.10-py3-none-any.whl", hash = "sha256:ca27cc078d25c5ad71a9de0a7a330146c4e014c2462d9af19c6b828280649c5e"},
+    {file = "pkgutil_resolve_name-1.3.10.tar.gz", hash = "sha256:357d6c9e6a755653cfd78893817c0853af365dd51ec97f3d358a819373bbd174"},
+]
+
+[[package]]
+name = "platformdirs"
+version = "4.2.0"
+description = "A small Python package for determining appropriate platform-specific dirs, e.g. a \"user data dir\"."
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "platformdirs-4.2.0-py3-none-any.whl", hash = "sha256:0614df2a2f37e1a662acbd8e2b25b92ccf8632929bc6d43467e17fe89c75e068"},
+    {file = "platformdirs-4.2.0.tar.gz", hash = "sha256:ef0cc731df711022c174543cb70a9b5bd22e5a9337c8624ef2c2ceb8ddad8768"},
+]
+
+[package.extras]
+docs = ["furo (>=2023.9.10)", "proselint (>=0.13)", "sphinx (>=7.2.6)", "sphinx-autodoc-typehints (>=1.25.2)"]
+test = ["appdirs (==1.4.4)", "covdefaults (>=2.3)", "pytest (>=7.4.3)", "pytest-cov (>=4.1)", "pytest-mock (>=3.12)"]
+
+[[package]]
+name = "pluggy"
+version = "1.4.0"
+description = "plugin and hook calling mechanisms for python"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "pluggy-1.4.0-py3-none-any.whl", hash = "sha256:7db9f7b503d67d1c5b95f59773ebb58a8c1c288129a88665838012cfb07b8981"},
+    {file = "pluggy-1.4.0.tar.gz", hash = "sha256:8c85c2876142a764e5b7548e7d9a0e0ddb46f5185161049a79b7e974454223be"},
+]
+
+[package.extras]
+dev = ["pre-commit", "tox"]
+testing = ["pytest", "pytest-benchmark"]
+
+[[package]]
+name = "pre-commit"
+version = "3.2.0"
+description = "A framework for managing and maintaining multi-language pre-commit hooks."
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "pre_commit-3.2.0-py2.py3-none-any.whl", hash = "sha256:f712d3688102e13c8e66b7d7dbd8934a6dda157e58635d89f7d6fecdca39ce8a"},
+    {file = "pre_commit-3.2.0.tar.gz", hash = "sha256:818f0d998059934d0f81bb3667e3ccdc32da6ed7ccaac33e43dc231561ddaaa9"},
+]
+
+[package.dependencies]
+cfgv = ">=2.0.0"
+identify = ">=1.0.0"
+nodeenv = ">=0.11.1"
+pyyaml = ">=5.1"
+virtualenv = ">=20.10.0"
+
+[[package]]
+name = "prometheus-client"
+version = "0.20.0"
+description = "Python client for the Prometheus monitoring system."
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "prometheus_client-0.20.0-py3-none-any.whl", hash = "sha256:cde524a85bce83ca359cc837f28b8c0db5cac7aa653a588fd7e84ba061c329e7"},
+    {file = "prometheus_client-0.20.0.tar.gz", hash = "sha256:287629d00b147a32dcb2be0b9df905da599b2d82f80377083ec8463309a4bb89"},
+]
+
+[package.extras]
+twisted = ["twisted"]
+
+[[package]]
+name = "prompt-toolkit"
+version = "3.0.43"
+description = "Library for building powerful interactive command lines in Python"
+optional = false
+python-versions = ">=3.7.0"
+files = [
+    {file = "prompt_toolkit-3.0.43-py3-none-any.whl", hash = "sha256:a11a29cb3bf0a28a387fe5122cdb649816a957cd9261dcedf8c9f1fef33eacf6"},
+    {file = "prompt_toolkit-3.0.43.tar.gz", hash = "sha256:3527b7af26106cbc65a040bcc84839a3566ec1b051bb0bfe953631e704b0ff7d"},
+]
+
+[package.dependencies]
+wcwidth = "*"
+
+[[package]]
+name = "psutil"
+version = "5.9.8"
+description = "Cross-platform lib for process and system monitoring in Python."
+optional = false
+python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*, !=3.5.*"
+files = [
+    {file = "psutil-5.9.8-cp27-cp27m-macosx_10_9_x86_64.whl", hash = "sha256:26bd09967ae00920df88e0352a91cff1a78f8d69b3ecabbfe733610c0af486c8"},
+    {file = "psutil-5.9.8-cp27-cp27m-manylinux2010_i686.whl", hash = "sha256:05806de88103b25903dff19bb6692bd2e714ccf9e668d050d144012055cbca73"},
+    {file = "psutil-5.9.8-cp27-cp27m-manylinux2010_x86_64.whl", hash = "sha256:611052c4bc70432ec770d5d54f64206aa7203a101ec273a0cd82418c86503bb7"},
+    {file = "psutil-5.9.8-cp27-cp27mu-manylinux2010_i686.whl", hash = "sha256:50187900d73c1381ba1454cf40308c2bf6f34268518b3f36a9b663ca87e65e36"},
+    {file = "psutil-5.9.8-cp27-cp27mu-manylinux2010_x86_64.whl", hash = "sha256:02615ed8c5ea222323408ceba16c60e99c3f91639b07da6373fb7e6539abc56d"},
+    {file = "psutil-5.9.8-cp27-none-win32.whl", hash = "sha256:36f435891adb138ed3c9e58c6af3e2e6ca9ac2f365efe1f9cfef2794e6c93b4e"},
+    {file = "psutil-5.9.8-cp27-none-win_amd64.whl", hash = "sha256:bd1184ceb3f87651a67b2708d4c3338e9b10c5df903f2e3776b62303b26cb631"},
+    {file = "psutil-5.9.8-cp36-abi3-macosx_10_9_x86_64.whl", hash = "sha256:aee678c8720623dc456fa20659af736241f575d79429a0e5e9cf88ae0605cc81"},
+    {file = "psutil-5.9.8-cp36-abi3-manylinux_2_12_i686.manylinux2010_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:8cb6403ce6d8e047495a701dc7c5bd788add903f8986d523e3e20b98b733e421"},
+    {file = "psutil-5.9.8-cp36-abi3-manylinux_2_12_x86_64.manylinux2010_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d06016f7f8625a1825ba3732081d77c94589dca78b7a3fc072194851e88461a4"},
+    {file = "psutil-5.9.8-cp36-cp36m-win32.whl", hash = "sha256:7d79560ad97af658a0f6adfef8b834b53f64746d45b403f225b85c5c2c140eee"},
+    {file = "psutil-5.9.8-cp36-cp36m-win_amd64.whl", hash = "sha256:27cc40c3493bb10de1be4b3f07cae4c010ce715290a5be22b98493509c6299e2"},
+    {file = "psutil-5.9.8-cp37-abi3-win32.whl", hash = "sha256:bc56c2a1b0d15aa3eaa5a60c9f3f8e3e565303b465dbf57a1b730e7a2b9844e0"},
+    {file = "psutil-5.9.8-cp37-abi3-win_amd64.whl", hash = "sha256:8db4c1b57507eef143a15a6884ca10f7c73876cdf5d51e713151c1236a0e68cf"},
+    {file = "psutil-5.9.8-cp38-abi3-macosx_11_0_arm64.whl", hash = "sha256:d16bbddf0693323b8c6123dd804100241da461e41d6e332fb0ba6058f630f8c8"},
+    {file = "psutil-5.9.8.tar.gz", hash = "sha256:6be126e3225486dff286a8fb9a06246a5253f4c7c53b475ea5f5ac934e64194c"},
+]
+
+[package.extras]
+test = ["enum34", "ipaddress", "mock", "pywin32", "wmi"]
+
+[[package]]
+name = "ptyprocess"
+version = "0.7.0"
+description = "Run a subprocess in a pseudo terminal"
+optional = false
+python-versions = "*"
+files = [
+    {file = "ptyprocess-0.7.0-py2.py3-none-any.whl", hash = "sha256:4b41f3967fce3af57cc7e94b888626c18bf37a083e3651ca8feeb66d492fef35"},
+    {file = "ptyprocess-0.7.0.tar.gz", hash = "sha256:5c5d0a3b48ceee0b48485e0c26037c0acd7d29765ca3fbb5cb3831d347423220"},
+]
+
+[[package]]
+name = "pure-eval"
+version = "0.2.2"
+description = "Safely evaluate AST nodes without side effects"
+optional = false
+python-versions = "*"
+files = [
+    {file = "pure_eval-0.2.2-py3-none-any.whl", hash = "sha256:01eaab343580944bc56080ebe0a674b39ec44a945e6d09ba7db3cb8cec289350"},
+    {file = "pure_eval-0.2.2.tar.gz", hash = "sha256:2b45320af6dfaa1750f543d714b6d1c520a1688dec6fd24d339063ce0aaa9ac3"},
+]
+
+[package.extras]
+tests = ["pytest"]
+
+[[package]]
+name = "pycparser"
+version = "2.21"
+description = "C parser in Python"
+optional = false
+python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*"
+files = [
+    {file = "pycparser-2.21-py2.py3-none-any.whl", hash = "sha256:8ee45429555515e1f6b185e78100aea234072576aa43ab53aefcae078162fca9"},
+    {file = "pycparser-2.21.tar.gz", hash = "sha256:e644fdec12f7872f86c58ff790da456218b10f863970249516d60a5eaca77206"},
+]
+
+[[package]]
+name = "pydantic"
+version = "2.6.1"
+description = "Data validation using Python type hints"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "pydantic-2.6.1-py3-none-any.whl", hash = "sha256:0b6a909df3192245cb736509a92ff69e4fef76116feffec68e93a567347bae6f"},
+    {file = "pydantic-2.6.1.tar.gz", hash = "sha256:4fd5c182a2488dc63e6d32737ff19937888001e2a6d86e94b3f233104a5d1fa9"},
+]
+
+[package.dependencies]
+annotated-types = ">=0.4.0"
+pydantic-core = "2.16.2"
+typing-extensions = ">=4.6.1"
+
+[package.extras]
+email = ["email-validator (>=2.0.0)"]
+
+[[package]]
+name = "pydantic-core"
+version = "2.16.2"
+description = ""
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "pydantic_core-2.16.2-cp310-cp310-macosx_10_12_x86_64.whl", hash = "sha256:3fab4e75b8c525a4776e7630b9ee48aea50107fea6ca9f593c98da3f4d11bf7c"},
+    {file = "pydantic_core-2.16.2-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:8bde5b48c65b8e807409e6f20baee5d2cd880e0fad00b1a811ebc43e39a00ab2"},
+    {file = "pydantic_core-2.16.2-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2924b89b16420712e9bb8192396026a8fbd6d8726224f918353ac19c4c043d2a"},
+    {file = "pydantic_core-2.16.2-cp310-cp310-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:16aa02e7a0f539098e215fc193c8926c897175d64c7926d00a36188917717a05"},
+    {file = "pydantic_core-2.16.2-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:936a787f83db1f2115ee829dd615c4f684ee48ac4de5779ab4300994d8af325b"},
+    {file = "pydantic_core-2.16.2-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:459d6be6134ce3b38e0ef76f8a672924460c455d45f1ad8fdade36796df1ddc8"},
+    {file = "pydantic_core-2.16.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4f9ee4febb249c591d07b2d4dd36ebcad0ccd128962aaa1801508320896575ef"},
+    {file = "pydantic_core-2.16.2-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:40a0bd0bed96dae5712dab2aba7d334a6c67cbcac2ddfca7dbcc4a8176445990"},
+    {file = "pydantic_core-2.16.2-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:870dbfa94de9b8866b37b867a2cb37a60c401d9deb4a9ea392abf11a1f98037b"},
+    {file = "pydantic_core-2.16.2-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:308974fdf98046db28440eb3377abba274808bf66262e042c412eb2adf852731"},
+    {file = "pydantic_core-2.16.2-cp310-none-win32.whl", hash = "sha256:a477932664d9611d7a0816cc3c0eb1f8856f8a42435488280dfbf4395e141485"},
+    {file = "pydantic_core-2.16.2-cp310-none-win_amd64.whl", hash = "sha256:8f9142a6ed83d90c94a3efd7af8873bf7cefed2d3d44387bf848888482e2d25f"},
+    {file = "pydantic_core-2.16.2-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:406fac1d09edc613020ce9cf3f2ccf1a1b2f57ab00552b4c18e3d5276c67eb11"},
+    {file = "pydantic_core-2.16.2-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:ce232a6170dd6532096cadbf6185271e4e8c70fc9217ebe105923ac105da9978"},
+    {file = "pydantic_core-2.16.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a90fec23b4b05a09ad988e7a4f4e081711a90eb2a55b9c984d8b74597599180f"},
+    {file = "pydantic_core-2.16.2-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:8aafeedb6597a163a9c9727d8a8bd363a93277701b7bfd2749fbefee2396469e"},
+    {file = "pydantic_core-2.16.2-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:9957433c3a1b67bdd4c63717eaf174ebb749510d5ea612cd4e83f2d9142f3fc8"},
+    {file = "pydantic_core-2.16.2-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b0d7a9165167269758145756db43a133608a531b1e5bb6a626b9ee24bc38a8f7"},
+    {file = "pydantic_core-2.16.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:dffaf740fe2e147fedcb6b561353a16243e654f7fe8e701b1b9db148242e1272"},
+    {file = "pydantic_core-2.16.2-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:f8ed79883b4328b7f0bd142733d99c8e6b22703e908ec63d930b06be3a0e7113"},
+    {file = "pydantic_core-2.16.2-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:cf903310a34e14651c9de056fcc12ce090560864d5a2bb0174b971685684e1d8"},
+    {file = "pydantic_core-2.16.2-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:46b0d5520dbcafea9a8645a8164658777686c5c524d381d983317d29687cce97"},
+    {file = "pydantic_core-2.16.2-cp311-none-win32.whl", hash = "sha256:70651ff6e663428cea902dac297066d5c6e5423fda345a4ca62430575364d62b"},
+    {file = "pydantic_core-2.16.2-cp311-none-win_amd64.whl", hash = "sha256:98dc6f4f2095fc7ad277782a7c2c88296badcad92316b5a6e530930b1d475ebc"},
+    {file = "pydantic_core-2.16.2-cp311-none-win_arm64.whl", hash = "sha256:ef6113cd31411eaf9b39fc5a8848e71c72656fd418882488598758b2c8c6dfa0"},
+    {file = "pydantic_core-2.16.2-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:88646cae28eb1dd5cd1e09605680c2b043b64d7481cdad7f5003ebef401a3039"},
+    {file = "pydantic_core-2.16.2-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:7b883af50eaa6bb3299780651e5be921e88050ccf00e3e583b1e92020333304b"},
+    {file = "pydantic_core-2.16.2-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7bf26c2e2ea59d32807081ad51968133af3025c4ba5753e6a794683d2c91bf6e"},
+    {file = "pydantic_core-2.16.2-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:99af961d72ac731aae2a1b55ccbdae0733d816f8bfb97b41909e143de735f522"},
+    {file = "pydantic_core-2.16.2-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:02906e7306cb8c5901a1feb61f9ab5e5c690dbbeaa04d84c1b9ae2a01ebe9379"},
+    {file = "pydantic_core-2.16.2-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:d5362d099c244a2d2f9659fb3c9db7c735f0004765bbe06b99be69fbd87c3f15"},
+    {file = "pydantic_core-2.16.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3ac426704840877a285d03a445e162eb258924f014e2f074e209d9b4ff7bf380"},
+    {file = "pydantic_core-2.16.2-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:b94cbda27267423411c928208e89adddf2ea5dd5f74b9528513f0358bba019cb"},
+    {file = "pydantic_core-2.16.2-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:6db58c22ac6c81aeac33912fb1af0e930bc9774166cdd56eade913d5f2fff35e"},
+    {file = "pydantic_core-2.16.2-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:396fdf88b1b503c9c59c84a08b6833ec0c3b5ad1a83230252a9e17b7dfb4cffc"},
+    {file = "pydantic_core-2.16.2-cp312-none-win32.whl", hash = "sha256:7c31669e0c8cc68400ef0c730c3a1e11317ba76b892deeefaf52dcb41d56ed5d"},
+    {file = "pydantic_core-2.16.2-cp312-none-win_amd64.whl", hash = "sha256:a3b7352b48fbc8b446b75f3069124e87f599d25afb8baa96a550256c031bb890"},
+    {file = "pydantic_core-2.16.2-cp312-none-win_arm64.whl", hash = "sha256:a9e523474998fb33f7c1a4d55f5504c908d57add624599e095c20fa575b8d943"},
+    {file = "pydantic_core-2.16.2-cp38-cp38-macosx_10_12_x86_64.whl", hash = "sha256:ae34418b6b389d601b31153b84dce480351a352e0bb763684a1b993d6be30f17"},
+    {file = "pydantic_core-2.16.2-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:732bd062c9e5d9582a30e8751461c1917dd1ccbdd6cafb032f02c86b20d2e7ec"},
+    {file = "pydantic_core-2.16.2-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e4b52776a2e3230f4854907a1e0946eec04d41b1fc64069ee774876bbe0eab55"},
+    {file = "pydantic_core-2.16.2-cp38-cp38-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:ef551c053692b1e39e3f7950ce2296536728871110e7d75c4e7753fb30ca87f4"},
+    {file = "pydantic_core-2.16.2-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:ebb892ed8599b23fa8f1799e13a12c87a97a6c9d0f497525ce9858564c4575a4"},
+    {file = "pydantic_core-2.16.2-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:aa6c8c582036275997a733427b88031a32ffa5dfc3124dc25a730658c47a572f"},
+    {file = "pydantic_core-2.16.2-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e4ba0884a91f1aecce75202473ab138724aa4fb26d7707f2e1fa6c3e68c84fbf"},
+    {file = "pydantic_core-2.16.2-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:7924e54f7ce5d253d6160090ddc6df25ed2feea25bfb3339b424a9dd591688bc"},
+    {file = "pydantic_core-2.16.2-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:69a7b96b59322a81c2203be537957313b07dd333105b73db0b69212c7d867b4b"},
+    {file = "pydantic_core-2.16.2-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:7e6231aa5bdacda78e96ad7b07d0c312f34ba35d717115f4b4bff6cb87224f0f"},
+    {file = "pydantic_core-2.16.2-cp38-none-win32.whl", hash = "sha256:41dac3b9fce187a25c6253ec79a3f9e2a7e761eb08690e90415069ea4a68ff7a"},
+    {file = "pydantic_core-2.16.2-cp38-none-win_amd64.whl", hash = "sha256:f685dbc1fdadb1dcd5b5e51e0a378d4685a891b2ddaf8e2bba89bd3a7144e44a"},
+    {file = "pydantic_core-2.16.2-cp39-cp39-macosx_10_12_x86_64.whl", hash = "sha256:55749f745ebf154c0d63d46c8c58594d8894b161928aa41adbb0709c1fe78b77"},
+    {file = "pydantic_core-2.16.2-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:b30b0dd58a4509c3bd7eefddf6338565c4905406aee0c6e4a5293841411a1286"},
+    {file = "pydantic_core-2.16.2-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:18de31781cdc7e7b28678df7c2d7882f9692ad060bc6ee3c94eb15a5d733f8f7"},
+    {file = "pydantic_core-2.16.2-cp39-cp39-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:5864b0242f74b9dd0b78fd39db1768bc3f00d1ffc14e596fd3e3f2ce43436a33"},
+    {file = "pydantic_core-2.16.2-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b8f9186ca45aee030dc8234118b9c0784ad91a0bb27fc4e7d9d6608a5e3d386c"},
+    {file = "pydantic_core-2.16.2-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:cc6f6c9be0ab6da37bc77c2dda5f14b1d532d5dbef00311ee6e13357a418e646"},
+    {file = "pydantic_core-2.16.2-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:aa057095f621dad24a1e906747179a69780ef45cc8f69e97463692adbcdae878"},
+    {file = "pydantic_core-2.16.2-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:6ad84731a26bcfb299f9eab56c7932d46f9cad51c52768cace09e92a19e4cf55"},
+    {file = "pydantic_core-2.16.2-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:3b052c753c4babf2d1edc034c97851f867c87d6f3ea63a12e2700f159f5c41c3"},
+    {file = "pydantic_core-2.16.2-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:e0f686549e32ccdb02ae6f25eee40cc33900910085de6aa3790effd391ae10c2"},
+    {file = "pydantic_core-2.16.2-cp39-none-win32.whl", hash = "sha256:7afb844041e707ac9ad9acad2188a90bffce2c770e6dc2318be0c9916aef1469"},
+    {file = "pydantic_core-2.16.2-cp39-none-win_amd64.whl", hash = "sha256:9da90d393a8227d717c19f5397688a38635afec89f2e2d7af0df037f3249c39a"},
+    {file = "pydantic_core-2.16.2-pp310-pypy310_pp73-macosx_10_12_x86_64.whl", hash = "sha256:5f60f920691a620b03082692c378661947d09415743e437a7478c309eb0e4f82"},
+    {file = "pydantic_core-2.16.2-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:47924039e785a04d4a4fa49455e51b4eb3422d6eaacfde9fc9abf8fdef164e8a"},
+    {file = "pydantic_core-2.16.2-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e6294e76b0380bb7a61eb8a39273c40b20beb35e8c87ee101062834ced19c545"},
+    {file = "pydantic_core-2.16.2-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:fe56851c3f1d6f5384b3051c536cc81b3a93a73faf931f404fef95217cf1e10d"},
+    {file = "pydantic_core-2.16.2-pp310-pypy310_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:9d776d30cde7e541b8180103c3f294ef7c1862fd45d81738d156d00551005784"},
+    {file = "pydantic_core-2.16.2-pp310-pypy310_pp73-musllinux_1_1_aarch64.whl", hash = "sha256:72f7919af5de5ecfaf1eba47bf9a5d8aa089a3340277276e5636d16ee97614d7"},
+    {file = "pydantic_core-2.16.2-pp310-pypy310_pp73-musllinux_1_1_x86_64.whl", hash = "sha256:4bfcbde6e06c56b30668a0c872d75a7ef3025dc3c1823a13cf29a0e9b33f67e8"},
+    {file = "pydantic_core-2.16.2-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:ff7c97eb7a29aba230389a2661edf2e9e06ce616c7e35aa764879b6894a44b25"},
+    {file = "pydantic_core-2.16.2-pp39-pypy39_pp73-macosx_10_12_x86_64.whl", hash = "sha256:9b5f13857da99325dcabe1cc4e9e6a3d7b2e2c726248ba5dd4be3e8e4a0b6d0e"},
+    {file = "pydantic_core-2.16.2-pp39-pypy39_pp73-macosx_11_0_arm64.whl", hash = "sha256:a7e41e3ada4cca5f22b478c08e973c930e5e6c7ba3588fb8e35f2398cdcc1545"},
+    {file = "pydantic_core-2.16.2-pp39-pypy39_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:60eb8ceaa40a41540b9acae6ae7c1f0a67d233c40dc4359c256ad2ad85bdf5e5"},
+    {file = "pydantic_core-2.16.2-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7beec26729d496a12fd23cf8da9944ee338c8b8a17035a560b585c36fe81af20"},
+    {file = "pydantic_core-2.16.2-pp39-pypy39_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:22c5f022799f3cd6741e24f0443ead92ef42be93ffda0d29b2597208c94c3753"},
+    {file = "pydantic_core-2.16.2-pp39-pypy39_pp73-musllinux_1_1_aarch64.whl", hash = "sha256:eca58e319f4fd6df004762419612122b2c7e7d95ffafc37e890252f869f3fb2a"},
+    {file = "pydantic_core-2.16.2-pp39-pypy39_pp73-musllinux_1_1_x86_64.whl", hash = "sha256:ed957db4c33bc99895f3a1672eca7e80e8cda8bd1e29a80536b4ec2153fa9804"},
+    {file = "pydantic_core-2.16.2-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:459c0d338cc55d099798618f714b21b7ece17eb1a87879f2da20a3ff4c7628e2"},
+    {file = "pydantic_core-2.16.2.tar.gz", hash = "sha256:0ba503850d8b8dcc18391f10de896ae51d37fe5fe43dbfb6a35c5c5cad271a06"},
+]
+
+[package.dependencies]
+typing-extensions = ">=4.6.0,<4.7.0 || >4.7.0"
+
+[[package]]
+name = "pygments"
+version = "2.17.2"
+description = "Pygments is a syntax highlighting package written in Python."
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "pygments-2.17.2-py3-none-any.whl", hash = "sha256:b27c2826c47d0f3219f29554824c30c5e8945175d888647acd804ddd04af846c"},
+    {file = "pygments-2.17.2.tar.gz", hash = "sha256:da46cec9fd2de5be3a8a784f434e4c4ab670b4ff54d605c4c2717e9d49c4c367"},
+]
+
+[package.extras]
+plugins = ["importlib-metadata"]
+windows-terminal = ["colorama (>=0.4.6)"]
+
+[[package]]
+name = "pylint"
+version = "2.15.10"
+description = "python code static checker"
+optional = false
+python-versions = ">=3.7.2"
+files = [
+    {file = "pylint-2.15.10-py3-none-any.whl", hash = "sha256:9df0d07e8948a1c3ffa3b6e2d7e6e63d9fb457c5da5b961ed63106594780cc7e"},
+    {file = "pylint-2.15.10.tar.gz", hash = "sha256:b3dc5ef7d33858f297ac0d06cc73862f01e4f2e74025ec3eff347ce0bc60baf5"},
+]
+
+[package.dependencies]
+astroid = ">=2.12.13,<=2.14.0-dev0"
+colorama = {version = ">=0.4.5", markers = "sys_platform == \"win32\""}
+dill = [
+    {version = ">=0.2", markers = "python_version < \"3.11\""},
+    {version = ">=0.3.6", markers = "python_version >= \"3.11\""},
+]
+isort = ">=4.2.5,<6"
+mccabe = ">=0.6,<0.8"
+platformdirs = ">=2.2.0"
+tomli = {version = ">=1.1.0", markers = "python_version < \"3.11\""}
+tomlkit = ">=0.10.1"
+typing-extensions = {version = ">=3.10.0", markers = "python_version < \"3.10\""}
+
+[package.extras]
+spelling = ["pyenchant (>=3.2,<4.0)"]
+testutils = ["gitpython (>3)"]
+
+[[package]]
+name = "pytest"
+version = "7.2.1"
+description = "pytest: simple powerful testing with Python"
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "pytest-7.2.1-py3-none-any.whl", hash = "sha256:c7c6ca206e93355074ae32f7403e8ea12163b1163c976fee7d4d84027c162be5"},
+    {file = "pytest-7.2.1.tar.gz", hash = "sha256:d45e0952f3727241918b8fd0f376f5ff6b301cc0777c6f9a556935c92d8a7d42"},
+]
+
+[package.dependencies]
+attrs = ">=19.2.0"
+colorama = {version = "*", markers = "sys_platform == \"win32\""}
+exceptiongroup = {version = ">=1.0.0rc8", markers = "python_version < \"3.11\""}
+iniconfig = "*"
+packaging = "*"
+pluggy = ">=0.12,<2.0"
+tomli = {version = ">=1.0.0", markers = "python_version < \"3.11\""}
+
+[package.extras]
+testing = ["argcomplete", "hypothesis (>=3.56)", "mock", "nose", "pygments (>=2.7.2)", "requests", "xmlschema"]
+
+[[package]]
+name = "pytest-mock"
+version = "3.11.1"
+description = "Thin-wrapper around the mock package for easier use with pytest"
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "pytest-mock-3.11.1.tar.gz", hash = "sha256:7f6b125602ac6d743e523ae0bfa71e1a697a2f5534064528c6ff84c2f7c2fc7f"},
+    {file = "pytest_mock-3.11.1-py3-none-any.whl", hash = "sha256:21c279fff83d70763b05f8874cc9cfb3fcacd6d354247a976f9529d19f9acf39"},
+]
+
+[package.dependencies]
+pytest = ">=5.0"
+
+[package.extras]
+dev = ["pre-commit", "pytest-asyncio", "tox"]
+
+[[package]]
+name = "python-dateutil"
+version = "2.8.2"
+description = "Extensions to the standard Python datetime module"
+optional = false
+python-versions = "!=3.0.*,!=3.1.*,!=3.2.*,>=2.7"
+files = [
+    {file = "python-dateutil-2.8.2.tar.gz", hash = "sha256:0123cacc1627ae19ddf3c27a5de5bd67ee4586fbdd6440d9748f8abb483d3e86"},
+    {file = "python_dateutil-2.8.2-py2.py3-none-any.whl", hash = "sha256:961d03dc3453ebbc59dbdea9e4e11c5651520a876d0f4db161e8674aae935da9"},
+]
+
+[package.dependencies]
+six = ">=1.5"
+
+[[package]]
+name = "python-json-logger"
+version = "2.0.7"
+description = "A python library adding a json log formatter"
+optional = false
+python-versions = ">=3.6"
+files = [
+    {file = "python-json-logger-2.0.7.tar.gz", hash = "sha256:23e7ec02d34237c5aa1e29a070193a4ea87583bb4e7f8fd06d3de8264c4b2e1c"},
+    {file = "python_json_logger-2.0.7-py3-none-any.whl", hash = "sha256:f380b826a991ebbe3de4d897aeec42760035ac760345e57b812938dc8b35e2bd"},
+]
+
+[[package]]
+name = "pytz"
+version = "2024.1"
+description = "World timezone definitions, modern and historical"
+optional = false
+python-versions = "*"
+files = [
+    {file = "pytz-2024.1-py2.py3-none-any.whl", hash = "sha256:328171f4e3623139da4983451950b28e95ac706e13f3f2630a879749e7a8b319"},
+    {file = "pytz-2024.1.tar.gz", hash = "sha256:2a29735ea9c18baf14b448846bde5a48030ed267578472d8955cd0e7443a9812"},
+]
+
+[[package]]
+name = "pywin32"
+version = "306"
+description = "Python for Window Extensions"
+optional = false
+python-versions = "*"
+files = [
+    {file = "pywin32-306-cp310-cp310-win32.whl", hash = "sha256:06d3420a5155ba65f0b72f2699b5bacf3109f36acbe8923765c22938a69dfc8d"},
+    {file = "pywin32-306-cp310-cp310-win_amd64.whl", hash = "sha256:84f4471dbca1887ea3803d8848a1616429ac94a4a8d05f4bc9c5dcfd42ca99c8"},
+    {file = "pywin32-306-cp311-cp311-win32.whl", hash = "sha256:e65028133d15b64d2ed8f06dd9fbc268352478d4f9289e69c190ecd6818b6407"},
+    {file = "pywin32-306-cp311-cp311-win_amd64.whl", hash = "sha256:a7639f51c184c0272e93f244eb24dafca9b1855707d94c192d4a0b4c01e1100e"},
+    {file = "pywin32-306-cp311-cp311-win_arm64.whl", hash = "sha256:70dba0c913d19f942a2db25217d9a1b726c278f483a919f1abfed79c9cf64d3a"},
+    {file = "pywin32-306-cp312-cp312-win32.whl", hash = "sha256:383229d515657f4e3ed1343da8be101000562bf514591ff383ae940cad65458b"},
+    {file = "pywin32-306-cp312-cp312-win_amd64.whl", hash = "sha256:37257794c1ad39ee9be652da0462dc2e394c8159dfd913a8a4e8eb6fd346da0e"},
+    {file = "pywin32-306-cp312-cp312-win_arm64.whl", hash = "sha256:5821ec52f6d321aa59e2db7e0a35b997de60c201943557d108af9d4ae1ec7040"},
+    {file = "pywin32-306-cp37-cp37m-win32.whl", hash = "sha256:1c73ea9a0d2283d889001998059f5eaaba3b6238f767c9cf2833b13e6a685f65"},
+    {file = "pywin32-306-cp37-cp37m-win_amd64.whl", hash = "sha256:72c5f621542d7bdd4fdb716227be0dd3f8565c11b280be6315b06ace35487d36"},
+    {file = "pywin32-306-cp38-cp38-win32.whl", hash = "sha256:e4c092e2589b5cf0d365849e73e02c391c1349958c5ac3e9d5ccb9a28e017b3a"},
+    {file = "pywin32-306-cp38-cp38-win_amd64.whl", hash = "sha256:e8ac1ae3601bee6ca9f7cb4b5363bf1c0badb935ef243c4733ff9a393b1690c0"},
+    {file = "pywin32-306-cp39-cp39-win32.whl", hash = "sha256:e25fd5b485b55ac9c057f67d94bc203f3f6595078d1fb3b458c9c28b7153a802"},
+    {file = "pywin32-306-cp39-cp39-win_amd64.whl", hash = "sha256:39b61c15272833b5c329a2989999dcae836b1eed650252ab1b7bfbe1d59f30f4"},
+]
+
+[[package]]
+name = "pywinpty"
+version = "2.0.12"
+description = "Pseudo terminal support for Windows from Python."
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "pywinpty-2.0.12-cp310-none-win_amd64.whl", hash = "sha256:21319cd1d7c8844fb2c970fb3a55a3db5543f112ff9cfcd623746b9c47501575"},
+    {file = "pywinpty-2.0.12-cp311-none-win_amd64.whl", hash = "sha256:853985a8f48f4731a716653170cd735da36ffbdc79dcb4c7b7140bce11d8c722"},
+    {file = "pywinpty-2.0.12-cp312-none-win_amd64.whl", hash = "sha256:1617b729999eb6713590e17665052b1a6ae0ad76ee31e60b444147c5b6a35dca"},
+    {file = "pywinpty-2.0.12-cp38-none-win_amd64.whl", hash = "sha256:189380469ca143d06e19e19ff3fba0fcefe8b4a8cc942140a6b863aed7eebb2d"},
+    {file = "pywinpty-2.0.12-cp39-none-win_amd64.whl", hash = "sha256:7520575b6546db23e693cbd865db2764097bd6d4ef5dc18c92555904cd62c3d4"},
+    {file = "pywinpty-2.0.12.tar.gz", hash = "sha256:8197de460ae8ebb7f5d1701dfa1b5df45b157bb832e92acba316305e18ca00dd"},
+]
+
+[[package]]
+name = "pyyaml"
+version = "6.0.1"
+description = "YAML parser and emitter for Python"
+optional = false
+python-versions = ">=3.6"
+files = [
+    {file = "PyYAML-6.0.1-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:d858aa552c999bc8a8d57426ed01e40bef403cd8ccdd0fc5f6f04a00414cac2a"},
+    {file = "PyYAML-6.0.1-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:fd66fc5d0da6d9815ba2cebeb4205f95818ff4b79c3ebe268e75d961704af52f"},
+    {file = "PyYAML-6.0.1-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:69b023b2b4daa7548bcfbd4aa3da05b3a74b772db9e23b982788168117739938"},
+    {file = "PyYAML-6.0.1-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:81e0b275a9ecc9c0c0c07b4b90ba548307583c125f54d5b6946cfee6360c733d"},
+    {file = "PyYAML-6.0.1-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ba336e390cd8e4d1739f42dfe9bb83a3cc2e80f567d8805e11b46f4a943f5515"},
+    {file = "PyYAML-6.0.1-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:326c013efe8048858a6d312ddd31d56e468118ad4cdeda36c719bf5bb6192290"},
+    {file = "PyYAML-6.0.1-cp310-cp310-win32.whl", hash = "sha256:bd4af7373a854424dabd882decdc5579653d7868b8fb26dc7d0e99f823aa5924"},
+    {file = "PyYAML-6.0.1-cp310-cp310-win_amd64.whl", hash = "sha256:fd1592b3fdf65fff2ad0004b5e363300ef59ced41c2e6b3a99d4089fa8c5435d"},
+    {file = "PyYAML-6.0.1-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:6965a7bc3cf88e5a1c3bd2e0b5c22f8d677dc88a455344035f03399034eb3007"},
+    {file = "PyYAML-6.0.1-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:f003ed9ad21d6a4713f0a9b5a7a0a79e08dd0f221aff4525a2be4c346ee60aab"},
+    {file = "PyYAML-6.0.1-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:42f8152b8dbc4fe7d96729ec2b99c7097d656dc1213a3229ca5383f973a5ed6d"},
+    {file = "PyYAML-6.0.1-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:062582fca9fabdd2c8b54a3ef1c978d786e0f6b3a1510e0ac93ef59e0ddae2bc"},
+    {file = "PyYAML-6.0.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d2b04aac4d386b172d5b9692e2d2da8de7bfb6c387fa4f801fbf6fb2e6ba4673"},
+    {file = "PyYAML-6.0.1-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:e7d73685e87afe9f3b36c799222440d6cf362062f78be1013661b00c5c6f678b"},
+    {file = "PyYAML-6.0.1-cp311-cp311-win32.whl", hash = "sha256:1635fd110e8d85d55237ab316b5b011de701ea0f29d07611174a1b42f1444741"},
+    {file = "PyYAML-6.0.1-cp311-cp311-win_amd64.whl", hash = "sha256:bf07ee2fef7014951eeb99f56f39c9bb4af143d8aa3c21b1677805985307da34"},
+    {file = "PyYAML-6.0.1-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:855fb52b0dc35af121542a76b9a84f8d1cd886ea97c84703eaa6d88e37a2ad28"},
+    {file = "PyYAML-6.0.1-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:40df9b996c2b73138957fe23a16a4f0ba614f4c0efce1e9406a184b6d07fa3a9"},
+    {file = "PyYAML-6.0.1-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a08c6f0fe150303c1c6b71ebcd7213c2858041a7e01975da3a99aed1e7a378ef"},
+    {file = "PyYAML-6.0.1-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6c22bec3fbe2524cde73d7ada88f6566758a8f7227bfbf93a408a9d86bcc12a0"},
+    {file = "PyYAML-6.0.1-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:8d4e9c88387b0f5c7d5f281e55304de64cf7f9c0021a3525bd3b1c542da3b0e4"},
+    {file = "PyYAML-6.0.1-cp312-cp312-win32.whl", hash = "sha256:d483d2cdf104e7c9fa60c544d92981f12ad66a457afae824d146093b8c294c54"},
+    {file = "PyYAML-6.0.1-cp312-cp312-win_amd64.whl", hash = "sha256:0d3304d8c0adc42be59c5f8a4d9e3d7379e6955ad754aa9d6ab7a398b59dd1df"},
+    {file = "PyYAML-6.0.1-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:50550eb667afee136e9a77d6dc71ae76a44df8b3e51e41b77f6de2932bfe0f47"},
+    {file = "PyYAML-6.0.1-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1fe35611261b29bd1de0070f0b2f47cb6ff71fa6595c077e42bd0c419fa27b98"},
+    {file = "PyYAML-6.0.1-cp36-cp36m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:704219a11b772aea0d8ecd7058d0082713c3562b4e271b849ad7dc4a5c90c13c"},
+    {file = "PyYAML-6.0.1-cp36-cp36m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:afd7e57eddb1a54f0f1a974bc4391af8bcce0b444685d936840f125cf046d5bd"},
+    {file = "PyYAML-6.0.1-cp36-cp36m-win32.whl", hash = "sha256:fca0e3a251908a499833aa292323f32437106001d436eca0e6e7833256674585"},
+    {file = "PyYAML-6.0.1-cp36-cp36m-win_amd64.whl", hash = "sha256:f22ac1c3cac4dbc50079e965eba2c1058622631e526bd9afd45fedd49ba781fa"},
+    {file = "PyYAML-6.0.1-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:b1275ad35a5d18c62a7220633c913e1b42d44b46ee12554e5fd39c70a243d6a3"},
+    {file = "PyYAML-6.0.1-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:18aeb1bf9a78867dc38b259769503436b7c72f7a1f1f4c93ff9a17de54319b27"},
+    {file = "PyYAML-6.0.1-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:596106435fa6ad000c2991a98fa58eeb8656ef2325d7e158344fb33864ed87e3"},
+    {file = "PyYAML-6.0.1-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:baa90d3f661d43131ca170712d903e6295d1f7a0f595074f151c0aed377c9b9c"},
+    {file = "PyYAML-6.0.1-cp37-cp37m-win32.whl", hash = "sha256:9046c58c4395dff28dd494285c82ba00b546adfc7ef001486fbf0324bc174fba"},
+    {file = "PyYAML-6.0.1-cp37-cp37m-win_amd64.whl", hash = "sha256:4fb147e7a67ef577a588a0e2c17b6db51dda102c71de36f8549b6816a96e1867"},
+    {file = "PyYAML-6.0.1-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:1d4c7e777c441b20e32f52bd377e0c409713e8bb1386e1099c2415f26e479595"},
+    {file = "PyYAML-6.0.1-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a0cd17c15d3bb3fa06978b4e8958dcdc6e0174ccea823003a106c7d4d7899ac5"},
+    {file = "PyYAML-6.0.1-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:28c119d996beec18c05208a8bd78cbe4007878c6dd15091efb73a30e90539696"},
+    {file = "PyYAML-6.0.1-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7e07cbde391ba96ab58e532ff4803f79c4129397514e1413a7dc761ccd755735"},
+    {file = "PyYAML-6.0.1-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:49a183be227561de579b4a36efbb21b3eab9651dd81b1858589f796549873dd6"},
+    {file = "PyYAML-6.0.1-cp38-cp38-win32.whl", hash = "sha256:184c5108a2aca3c5b3d3bf9395d50893a7ab82a38004c8f61c258d4428e80206"},
+    {file = "PyYAML-6.0.1-cp38-cp38-win_amd64.whl", hash = "sha256:1e2722cc9fbb45d9b87631ac70924c11d3a401b2d7f410cc0e3bbf249f2dca62"},
+    {file = "PyYAML-6.0.1-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:9eb6caa9a297fc2c2fb8862bc5370d0303ddba53ba97e71f08023b6cd73d16a8"},
+    {file = "PyYAML-6.0.1-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:c8098ddcc2a85b61647b2590f825f3db38891662cfc2fc776415143f599bb859"},
+    {file = "PyYAML-6.0.1-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:5773183b6446b2c99bb77e77595dd486303b4faab2b086e7b17bc6bef28865f6"},
+    {file = "PyYAML-6.0.1-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b786eecbdf8499b9ca1d697215862083bd6d2a99965554781d0d8d1ad31e13a0"},
+    {file = "PyYAML-6.0.1-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:bc1bf2925a1ecd43da378f4db9e4f799775d6367bdb94671027b73b393a7c42c"},
+    {file = "PyYAML-6.0.1-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:04ac92ad1925b2cff1db0cfebffb6ffc43457495c9b3c39d3fcae417d7125dc5"},
+    {file = "PyYAML-6.0.1-cp39-cp39-win32.whl", hash = "sha256:faca3bdcf85b2fc05d06ff3fbc1f83e1391b3e724afa3feba7d13eeab355484c"},
+    {file = "PyYAML-6.0.1-cp39-cp39-win_amd64.whl", hash = "sha256:510c9deebc5c0225e8c96813043e62b680ba2f9c50a08d3724c7f28a747d1486"},
+    {file = "PyYAML-6.0.1.tar.gz", hash = "sha256:bfdf460b1736c775f2ba9f6a92bca30bc2095067b8a9d77876d1fad6cc3b4a43"},
+]
+
+[[package]]
+name = "pyzmq"
+version = "25.1.2"
+description = "Python bindings for 0MQ"
+optional = false
+python-versions = ">=3.6"
+files = [
+    {file = "pyzmq-25.1.2-cp310-cp310-macosx_10_15_universal2.whl", hash = "sha256:e624c789359f1a16f83f35e2c705d07663ff2b4d4479bad35621178d8f0f6ea4"},
+    {file = "pyzmq-25.1.2-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:49151b0efece79f6a79d41a461d78535356136ee70084a1c22532fc6383f4ad0"},
+    {file = "pyzmq-25.1.2-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d9a5f194cf730f2b24d6af1f833c14c10f41023da46a7f736f48b6d35061e76e"},
+    {file = "pyzmq-25.1.2-cp310-cp310-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:faf79a302f834d9e8304fafdc11d0d042266667ac45209afa57e5efc998e3872"},
+    {file = "pyzmq-25.1.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7f51a7b4ead28d3fca8dda53216314a553b0f7a91ee8fc46a72b402a78c3e43d"},
+    {file = "pyzmq-25.1.2-cp310-cp310-manylinux_2_28_x86_64.whl", hash = "sha256:0ddd6d71d4ef17ba5a87becf7ddf01b371eaba553c603477679ae817a8d84d75"},
+    {file = "pyzmq-25.1.2-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:246747b88917e4867e2367b005fc8eefbb4a54b7db363d6c92f89d69abfff4b6"},
+    {file = "pyzmq-25.1.2-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:00c48ae2fd81e2a50c3485de1b9d5c7c57cd85dc8ec55683eac16846e57ac979"},
+    {file = "pyzmq-25.1.2-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:5a68d491fc20762b630e5db2191dd07ff89834086740f70e978bb2ef2668be08"},
+    {file = "pyzmq-25.1.2-cp310-cp310-win32.whl", hash = "sha256:09dfe949e83087da88c4a76767df04b22304a682d6154de2c572625c62ad6886"},
+    {file = "pyzmq-25.1.2-cp310-cp310-win_amd64.whl", hash = "sha256:fa99973d2ed20417744fca0073390ad65ce225b546febb0580358e36aa90dba6"},
+    {file = "pyzmq-25.1.2-cp311-cp311-macosx_10_15_universal2.whl", hash = "sha256:82544e0e2d0c1811482d37eef297020a040c32e0687c1f6fc23a75b75db8062c"},
+    {file = "pyzmq-25.1.2-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:01171fc48542348cd1a360a4b6c3e7d8f46cdcf53a8d40f84db6707a6768acc1"},
+    {file = "pyzmq-25.1.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:bc69c96735ab501419c432110016329bf0dea8898ce16fab97c6d9106dc0b348"},
+    {file = "pyzmq-25.1.2-cp311-cp311-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:3e124e6b1dd3dfbeb695435dff0e383256655bb18082e094a8dd1f6293114642"},
+    {file = "pyzmq-25.1.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:7598d2ba821caa37a0f9d54c25164a4fa351ce019d64d0b44b45540950458840"},
+    {file = "pyzmq-25.1.2-cp311-cp311-manylinux_2_28_x86_64.whl", hash = "sha256:d1299d7e964c13607efd148ca1f07dcbf27c3ab9e125d1d0ae1d580a1682399d"},
+    {file = "pyzmq-25.1.2-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:4e6f689880d5ad87918430957297c975203a082d9a036cc426648fcbedae769b"},
+    {file = "pyzmq-25.1.2-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:cc69949484171cc961e6ecd4a8911b9ce7a0d1f738fcae717177c231bf77437b"},
+    {file = "pyzmq-25.1.2-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:9880078f683466b7f567b8624bfc16cad65077be046b6e8abb53bed4eeb82dd3"},
+    {file = "pyzmq-25.1.2-cp311-cp311-win32.whl", hash = "sha256:4e5837af3e5aaa99a091302df5ee001149baff06ad22b722d34e30df5f0d9097"},
+    {file = "pyzmq-25.1.2-cp311-cp311-win_amd64.whl", hash = "sha256:25c2dbb97d38b5ac9fd15586e048ec5eb1e38f3d47fe7d92167b0c77bb3584e9"},
+    {file = "pyzmq-25.1.2-cp312-cp312-macosx_10_15_universal2.whl", hash = "sha256:11e70516688190e9c2db14fcf93c04192b02d457b582a1f6190b154691b4c93a"},
+    {file = "pyzmq-25.1.2-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:313c3794d650d1fccaaab2df942af9f2c01d6217c846177cfcbc693c7410839e"},
+    {file = "pyzmq-25.1.2-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1b3cbba2f47062b85fe0ef9de5b987612140a9ba3a9c6d2543c6dec9f7c2ab27"},
+    {file = "pyzmq-25.1.2-cp312-cp312-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:fc31baa0c32a2ca660784d5af3b9487e13b61b3032cb01a115fce6588e1bed30"},
+    {file = "pyzmq-25.1.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:02c9087b109070c5ab0b383079fa1b5f797f8d43e9a66c07a4b8b8bdecfd88ee"},
+    {file = "pyzmq-25.1.2-cp312-cp312-manylinux_2_28_x86_64.whl", hash = "sha256:f8429b17cbb746c3e043cb986328da023657e79d5ed258b711c06a70c2ea7537"},
+    {file = "pyzmq-25.1.2-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:5074adeacede5f810b7ef39607ee59d94e948b4fd954495bdb072f8c54558181"},
+    {file = "pyzmq-25.1.2-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:7ae8f354b895cbd85212da245f1a5ad8159e7840e37d78b476bb4f4c3f32a9fe"},
+    {file = "pyzmq-25.1.2-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:b264bf2cc96b5bc43ce0e852be995e400376bd87ceb363822e2cb1964fcdc737"},
+    {file = "pyzmq-25.1.2-cp312-cp312-win32.whl", hash = "sha256:02bbc1a87b76e04fd780b45e7f695471ae6de747769e540da909173d50ff8e2d"},
+    {file = "pyzmq-25.1.2-cp312-cp312-win_amd64.whl", hash = "sha256:ced111c2e81506abd1dc142e6cd7b68dd53747b3b7ae5edbea4578c5eeff96b7"},
+    {file = "pyzmq-25.1.2-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:7b6d09a8962a91151f0976008eb7b29b433a560fde056ec7a3db9ec8f1075438"},
+    {file = "pyzmq-25.1.2-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:967668420f36878a3c9ecb5ab33c9d0ff8d054f9c0233d995a6d25b0e95e1b6b"},
+    {file = "pyzmq-25.1.2-cp36-cp36m-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:5edac3f57c7ddaacdb4d40f6ef2f9e299471fc38d112f4bc6d60ab9365445fb0"},
+    {file = "pyzmq-25.1.2-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.whl", hash = "sha256:0dabfb10ef897f3b7e101cacba1437bd3a5032ee667b7ead32bbcdd1a8422fe7"},
+    {file = "pyzmq-25.1.2-cp36-cp36m-musllinux_1_1_aarch64.whl", hash = "sha256:2c6441e0398c2baacfe5ba30c937d274cfc2dc5b55e82e3749e333aabffde561"},
+    {file = "pyzmq-25.1.2-cp36-cp36m-musllinux_1_1_i686.whl", hash = "sha256:16b726c1f6c2e7625706549f9dbe9b06004dfbec30dbed4bf50cbdfc73e5b32a"},
+    {file = "pyzmq-25.1.2-cp36-cp36m-musllinux_1_1_x86_64.whl", hash = "sha256:a86c2dd76ef71a773e70551a07318b8e52379f58dafa7ae1e0a4be78efd1ff16"},
+    {file = "pyzmq-25.1.2-cp36-cp36m-win32.whl", hash = "sha256:359f7f74b5d3c65dae137f33eb2bcfa7ad9ebefd1cab85c935f063f1dbb245cc"},
+    {file = "pyzmq-25.1.2-cp36-cp36m-win_amd64.whl", hash = "sha256:55875492f820d0eb3417b51d96fea549cde77893ae3790fd25491c5754ea2f68"},
+    {file = "pyzmq-25.1.2-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:b8c8a419dfb02e91b453615c69568442e897aaf77561ee0064d789705ff37a92"},
+    {file = "pyzmq-25.1.2-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8807c87fa893527ae8a524c15fc505d9950d5e856f03dae5921b5e9aa3b8783b"},
+    {file = "pyzmq-25.1.2-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:5e319ed7d6b8f5fad9b76daa0a68497bc6f129858ad956331a5835785761e003"},
+    {file = "pyzmq-25.1.2-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.whl", hash = "sha256:3c53687dde4d9d473c587ae80cc328e5b102b517447456184b485587ebd18b62"},
+    {file = "pyzmq-25.1.2-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:9add2e5b33d2cd765ad96d5eb734a5e795a0755f7fc49aa04f76d7ddda73fd70"},
+    {file = "pyzmq-25.1.2-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:e690145a8c0c273c28d3b89d6fb32c45e0d9605b2293c10e650265bf5c11cfec"},
+    {file = "pyzmq-25.1.2-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:00a06faa7165634f0cac1abb27e54d7a0b3b44eb9994530b8ec73cf52e15353b"},
+    {file = "pyzmq-25.1.2-cp37-cp37m-win32.whl", hash = "sha256:0f97bc2f1f13cb16905a5f3e1fbdf100e712d841482b2237484360f8bc4cb3d7"},
+    {file = "pyzmq-25.1.2-cp37-cp37m-win_amd64.whl", hash = "sha256:6cc0020b74b2e410287e5942e1e10886ff81ac77789eb20bec13f7ae681f0fdd"},
+    {file = "pyzmq-25.1.2-cp38-cp38-macosx_10_15_universal2.whl", hash = "sha256:bef02cfcbded83473bdd86dd8d3729cd82b2e569b75844fb4ea08fee3c26ae41"},
+    {file = "pyzmq-25.1.2-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:e10a4b5a4b1192d74853cc71a5e9fd022594573926c2a3a4802020360aa719d8"},
+    {file = "pyzmq-25.1.2-cp38-cp38-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:8c5f80e578427d4695adac6fdf4370c14a2feafdc8cb35549c219b90652536ae"},
+    {file = "pyzmq-25.1.2-cp38-cp38-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:5dde6751e857910c1339890f3524de74007958557593b9e7e8c5f01cd919f8a7"},
+    {file = "pyzmq-25.1.2-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ea1608dd169da230a0ad602d5b1ebd39807ac96cae1845c3ceed39af08a5c6df"},
+    {file = "pyzmq-25.1.2-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:0f513130c4c361201da9bc69df25a086487250e16b5571ead521b31ff6b02220"},
+    {file = "pyzmq-25.1.2-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:019744b99da30330798bb37df33549d59d380c78e516e3bab9c9b84f87a9592f"},
+    {file = "pyzmq-25.1.2-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:2e2713ef44be5d52dd8b8e2023d706bf66cb22072e97fc71b168e01d25192755"},
+    {file = "pyzmq-25.1.2-cp38-cp38-win32.whl", hash = "sha256:07cd61a20a535524906595e09344505a9bd46f1da7a07e504b315d41cd42eb07"},
+    {file = "pyzmq-25.1.2-cp38-cp38-win_amd64.whl", hash = "sha256:eb7e49a17fb8c77d3119d41a4523e432eb0c6932187c37deb6fbb00cc3028088"},
+    {file = "pyzmq-25.1.2-cp39-cp39-macosx_10_15_universal2.whl", hash = "sha256:94504ff66f278ab4b7e03e4cba7e7e400cb73bfa9d3d71f58d8972a8dc67e7a6"},
+    {file = "pyzmq-25.1.2-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:6dd0d50bbf9dca1d0bdea219ae6b40f713a3fb477c06ca3714f208fd69e16fd8"},
+    {file = "pyzmq-25.1.2-cp39-cp39-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:004ff469d21e86f0ef0369717351073e0e577428e514c47c8480770d5e24a565"},
+    {file = "pyzmq-25.1.2-cp39-cp39-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:c0b5ca88a8928147b7b1e2dfa09f3b6c256bc1135a1338536cbc9ea13d3b7add"},
+    {file = "pyzmq-25.1.2-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2c9a79f1d2495b167119d02be7448bfba57fad2a4207c4f68abc0bab4b92925b"},
+    {file = "pyzmq-25.1.2-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:518efd91c3d8ac9f9b4f7dd0e2b7b8bf1a4fe82a308009016b07eaa48681af82"},
+    {file = "pyzmq-25.1.2-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:1ec23bd7b3a893ae676d0e54ad47d18064e6c5ae1fadc2f195143fb27373f7f6"},
+    {file = "pyzmq-25.1.2-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:db36c27baed588a5a8346b971477b718fdc66cf5b80cbfbd914b4d6d355e44e2"},
+    {file = "pyzmq-25.1.2-cp39-cp39-win32.whl", hash = "sha256:39b1067f13aba39d794a24761e385e2eddc26295826530a8c7b6c6c341584289"},
+    {file = "pyzmq-25.1.2-cp39-cp39-win_amd64.whl", hash = "sha256:8e9f3fabc445d0ce320ea2c59a75fe3ea591fdbdeebec5db6de530dd4b09412e"},
+    {file = "pyzmq-25.1.2-pp310-pypy310_pp73-macosx_10_9_x86_64.whl", hash = "sha256:a8c1d566344aee826b74e472e16edae0a02e2a044f14f7c24e123002dcff1c05"},
+    {file = "pyzmq-25.1.2-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:759cfd391a0996345ba94b6a5110fca9c557ad4166d86a6e81ea526c376a01e8"},
+    {file = "pyzmq-25.1.2-pp310-pypy310_pp73-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:7c61e346ac34b74028ede1c6b4bcecf649d69b707b3ff9dc0fab453821b04d1e"},
+    {file = "pyzmq-25.1.2-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4cb8fc1f8d69b411b8ec0b5f1ffbcaf14c1db95b6bccea21d83610987435f1a4"},
+    {file = "pyzmq-25.1.2-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:3c00c9b7d1ca8165c610437ca0c92e7b5607b2f9076f4eb4b095c85d6e680a1d"},
+    {file = "pyzmq-25.1.2-pp37-pypy37_pp73-macosx_10_9_x86_64.whl", hash = "sha256:df0c7a16ebb94452d2909b9a7b3337940e9a87a824c4fc1c7c36bb4404cb0cde"},
+    {file = "pyzmq-25.1.2-pp37-pypy37_pp73-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:45999e7f7ed5c390f2e87ece7f6c56bf979fb213550229e711e45ecc7d42ccb8"},
+    {file = "pyzmq-25.1.2-pp37-pypy37_pp73-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:ac170e9e048b40c605358667aca3d94e98f604a18c44bdb4c102e67070f3ac9b"},
+    {file = "pyzmq-25.1.2-pp37-pypy37_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d1b604734bec94f05f81b360a272fc824334267426ae9905ff32dc2be433ab96"},
+    {file = "pyzmq-25.1.2-pp37-pypy37_pp73-win_amd64.whl", hash = "sha256:a793ac733e3d895d96f865f1806f160696422554e46d30105807fdc9841b9f7d"},
+    {file = "pyzmq-25.1.2-pp38-pypy38_pp73-macosx_10_9_x86_64.whl", hash = "sha256:0806175f2ae5ad4b835ecd87f5f85583316b69f17e97786f7443baaf54b9bb98"},
+    {file = "pyzmq-25.1.2-pp38-pypy38_pp73-manylinux_2_12_i686.manylinux2010_i686.whl", hash = "sha256:ef12e259e7bc317c7597d4f6ef59b97b913e162d83b421dd0db3d6410f17a244"},
+    {file = "pyzmq-25.1.2-pp38-pypy38_pp73-manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:ea253b368eb41116011add00f8d5726762320b1bda892f744c91997b65754d73"},
+    {file = "pyzmq-25.1.2-pp38-pypy38_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1b9b1f2ad6498445a941d9a4fee096d387fee436e45cc660e72e768d3d8ee611"},
+    {file = "pyzmq-25.1.2-pp38-pypy38_pp73-win_amd64.whl", hash = "sha256:8b14c75979ce932c53b79976a395cb2a8cd3aaf14aef75e8c2cb55a330b9b49d"},
+    {file = "pyzmq-25.1.2-pp39-pypy39_pp73-macosx_10_9_x86_64.whl", hash = "sha256:889370d5174a741a62566c003ee8ddba4b04c3f09a97b8000092b7ca83ec9c49"},
+    {file = "pyzmq-25.1.2-pp39-pypy39_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9a18fff090441a40ffda8a7f4f18f03dc56ae73f148f1832e109f9bffa85df15"},
+    {file = "pyzmq-25.1.2-pp39-pypy39_pp73-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:99a6b36f95c98839ad98f8c553d8507644c880cf1e0a57fe5e3a3f3969040882"},
+    {file = "pyzmq-25.1.2-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4345c9a27f4310afbb9c01750e9461ff33d6fb74cd2456b107525bbeebcb5be3"},
+    {file = "pyzmq-25.1.2-pp39-pypy39_pp73-manylinux_2_28_x86_64.whl", hash = "sha256:3516e0b6224cf6e43e341d56da15fd33bdc37fa0c06af4f029f7d7dfceceabbc"},
+    {file = "pyzmq-25.1.2-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:146b9b1f29ead41255387fb07be56dc29639262c0f7344f570eecdcd8d683314"},
+    {file = "pyzmq-25.1.2.tar.gz", hash = "sha256:93f1aa311e8bb912e34f004cf186407a4e90eec4f0ecc0efd26056bf7eda0226"},
+]
+
+[package.dependencies]
+cffi = {version = "*", markers = "implementation_name == \"pypy\""}
+
+[[package]]
+name = "qtconsole"
+version = "5.5.1"
+description = "Jupyter Qt console"
+optional = false
+python-versions = ">= 3.8"
+files = [
+    {file = "qtconsole-5.5.1-py3-none-any.whl", hash = "sha256:8c75fa3e9b4ed884880ff7cea90a1b67451219279ec33deaee1d59e3df1a5d2b"},
+    {file = "qtconsole-5.5.1.tar.gz", hash = "sha256:a0e806c6951db9490628e4df80caec9669b65149c7ba40f9bf033c025a5b56bc"},
+]
+
+[package.dependencies]
+ipykernel = ">=4.1"
+jupyter-client = ">=4.1"
+jupyter-core = "*"
+packaging = "*"
+pygments = "*"
+pyzmq = ">=17.1"
+qtpy = ">=2.4.0"
+traitlets = "<5.2.1 || >5.2.1,<5.2.2 || >5.2.2"
+
+[package.extras]
+doc = ["Sphinx (>=1.3)"]
+test = ["flaky", "pytest", "pytest-qt"]
+
+[[package]]
+name = "qtpy"
+version = "2.4.1"
+description = "Provides an abstraction layer on top of the various Qt bindings (PyQt5/6 and PySide2/6)."
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "QtPy-2.4.1-py3-none-any.whl", hash = "sha256:1c1d8c4fa2c884ae742b069151b0abe15b3f70491f3972698c683b8e38de839b"},
+    {file = "QtPy-2.4.1.tar.gz", hash = "sha256:a5a15ffd519550a1361bdc56ffc07fda56a6af7292f17c7b395d4083af632987"},
+]
+
+[package.dependencies]
+packaging = "*"
+
+[package.extras]
+test = ["pytest (>=6,!=7.0.0,!=7.0.1)", "pytest-cov (>=3.0.0)", "pytest-qt"]
+
+[[package]]
+name = "referencing"
+version = "0.33.0"
+description = "JSON Referencing + Python"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "referencing-0.33.0-py3-none-any.whl", hash = "sha256:39240f2ecc770258f28b642dd47fd74bc8b02484de54e1882b74b35ebd779bd5"},
+    {file = "referencing-0.33.0.tar.gz", hash = "sha256:c775fedf74bc0f9189c2a3be1c12fd03e8c23f4d371dce795df44e06c5b412f7"},
+]
+
+[package.dependencies]
+attrs = ">=22.2.0"
+rpds-py = ">=0.7.0"
+
+[[package]]
+name = "regex"
+version = "2023.12.25"
+description = "Alternative regular expression module, to replace re."
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "regex-2023.12.25-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:0694219a1d54336fd0445ea382d49d36882415c0134ee1e8332afd1529f0baa5"},
+    {file = "regex-2023.12.25-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:b014333bd0217ad3d54c143de9d4b9a3ca1c5a29a6d0d554952ea071cff0f1f8"},
+    {file = "regex-2023.12.25-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:d865984b3f71f6d0af64d0d88f5733521698f6c16f445bb09ce746c92c97c586"},
+    {file = "regex-2023.12.25-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1e0eabac536b4cc7f57a5f3d095bfa557860ab912f25965e08fe1545e2ed8b4c"},
+    {file = "regex-2023.12.25-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:c25a8ad70e716f96e13a637802813f65d8a6760ef48672aa3502f4c24ea8b400"},
+    {file = "regex-2023.12.25-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:a9b6d73353f777630626f403b0652055ebfe8ff142a44ec2cf18ae470395766e"},
+    {file = "regex-2023.12.25-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a9cc99d6946d750eb75827cb53c4371b8b0fe89c733a94b1573c9dd16ea6c9e4"},
+    {file = "regex-2023.12.25-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:88d1f7bef20c721359d8675f7d9f8e414ec5003d8f642fdfd8087777ff7f94b5"},
+    {file = "regex-2023.12.25-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:cb3fe77aec8f1995611f966d0c656fdce398317f850d0e6e7aebdfe61f40e1cd"},
+    {file = "regex-2023.12.25-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:7aa47c2e9ea33a4a2a05f40fcd3ea36d73853a2aae7b4feab6fc85f8bf2c9704"},
+    {file = "regex-2023.12.25-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:df26481f0c7a3f8739fecb3e81bc9da3fcfae34d6c094563b9d4670b047312e1"},
+    {file = "regex-2023.12.25-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:c40281f7d70baf6e0db0c2f7472b31609f5bc2748fe7275ea65a0b4601d9b392"},
+    {file = "regex-2023.12.25-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:d94a1db462d5690ebf6ae86d11c5e420042b9898af5dcf278bd97d6bda065423"},
+    {file = "regex-2023.12.25-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:ba1b30765a55acf15dce3f364e4928b80858fa8f979ad41f862358939bdd1f2f"},
+    {file = "regex-2023.12.25-cp310-cp310-win32.whl", hash = "sha256:150c39f5b964e4d7dba46a7962a088fbc91f06e606f023ce57bb347a3b2d4630"},
+    {file = "regex-2023.12.25-cp310-cp310-win_amd64.whl", hash = "sha256:09da66917262d9481c719599116c7dc0c321ffcec4b1f510c4f8a066f8768105"},
+    {file = "regex-2023.12.25-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:1b9d811f72210fa9306aeb88385b8f8bcef0dfbf3873410413c00aa94c56c2b6"},
+    {file = "regex-2023.12.25-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:d902a43085a308cef32c0d3aea962524b725403fd9373dea18110904003bac97"},
+    {file = "regex-2023.12.25-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:d166eafc19f4718df38887b2bbe1467a4f74a9830e8605089ea7a30dd4da8887"},
+    {file = "regex-2023.12.25-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c7ad32824b7f02bb3c9f80306d405a1d9b7bb89362d68b3c5a9be53836caebdb"},
+    {file = "regex-2023.12.25-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:636ba0a77de609d6510235b7f0e77ec494d2657108f777e8765efc060094c98c"},
+    {file = "regex-2023.12.25-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:0fda75704357805eb953a3ee15a2b240694a9a514548cd49b3c5124b4e2ad01b"},
+    {file = "regex-2023.12.25-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f72cbae7f6b01591f90814250e636065850c5926751af02bb48da94dfced7baa"},
+    {file = "regex-2023.12.25-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:db2a0b1857f18b11e3b0e54ddfefc96af46b0896fb678c85f63fb8c37518b3e7"},
+    {file = "regex-2023.12.25-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:7502534e55c7c36c0978c91ba6f61703faf7ce733715ca48f499d3dbbd7657e0"},
+    {file = "regex-2023.12.25-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:e8c7e08bb566de4faaf11984af13f6bcf6a08f327b13631d41d62592681d24fe"},
+    {file = "regex-2023.12.25-cp311-cp311-musllinux_1_1_ppc64le.whl", hash = "sha256:283fc8eed679758de38fe493b7d7d84a198b558942b03f017b1f94dda8efae80"},
+    {file = "regex-2023.12.25-cp311-cp311-musllinux_1_1_s390x.whl", hash = "sha256:f44dd4d68697559d007462b0a3a1d9acd61d97072b71f6d1968daef26bc744bd"},
+    {file = "regex-2023.12.25-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:67d3ccfc590e5e7197750fcb3a2915b416a53e2de847a728cfa60141054123d4"},
+    {file = "regex-2023.12.25-cp311-cp311-win32.whl", hash = "sha256:68191f80a9bad283432385961d9efe09d783bcd36ed35a60fb1ff3f1ec2efe87"},
+    {file = "regex-2023.12.25-cp311-cp311-win_amd64.whl", hash = "sha256:7d2af3f6b8419661a0c421584cfe8aaec1c0e435ce7e47ee2a97e344b98f794f"},
+    {file = "regex-2023.12.25-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:8a0ccf52bb37d1a700375a6b395bff5dd15c50acb745f7db30415bae3c2b0715"},
+    {file = "regex-2023.12.25-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:c3c4a78615b7762740531c27cf46e2f388d8d727d0c0c739e72048beb26c8a9d"},
+    {file = "regex-2023.12.25-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:ad83e7545b4ab69216cef4cc47e344d19622e28aabec61574b20257c65466d6a"},
+    {file = "regex-2023.12.25-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:b7a635871143661feccce3979e1727c4e094f2bdfd3ec4b90dfd4f16f571a87a"},
+    {file = "regex-2023.12.25-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:d498eea3f581fbe1b34b59c697512a8baef88212f92e4c7830fcc1499f5b45a5"},
+    {file = "regex-2023.12.25-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:43f7cd5754d02a56ae4ebb91b33461dc67be8e3e0153f593c509e21d219c5060"},
+    {file = "regex-2023.12.25-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:51f4b32f793812714fd5307222a7f77e739b9bc566dc94a18126aba3b92b98a3"},
+    {file = "regex-2023.12.25-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ba99d8077424501b9616b43a2d208095746fb1284fc5ba490139651f971d39d9"},
+    {file = "regex-2023.12.25-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:4bfc2b16e3ba8850e0e262467275dd4d62f0d045e0e9eda2bc65078c0110a11f"},
+    {file = "regex-2023.12.25-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:8c2c19dae8a3eb0ea45a8448356ed561be843b13cbc34b840922ddf565498c1c"},
+    {file = "regex-2023.12.25-cp312-cp312-musllinux_1_1_ppc64le.whl", hash = "sha256:60080bb3d8617d96f0fb7e19796384cc2467447ef1c491694850ebd3670bc457"},
+    {file = "regex-2023.12.25-cp312-cp312-musllinux_1_1_s390x.whl", hash = "sha256:b77e27b79448e34c2c51c09836033056a0547aa360c45eeeb67803da7b0eedaf"},
+    {file = "regex-2023.12.25-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:518440c991f514331f4850a63560321f833979d145d7d81186dbe2f19e27ae3d"},
+    {file = "regex-2023.12.25-cp312-cp312-win32.whl", hash = "sha256:e2610e9406d3b0073636a3a2e80db05a02f0c3169b5632022b4e81c0364bcda5"},
+    {file = "regex-2023.12.25-cp312-cp312-win_amd64.whl", hash = "sha256:cc37b9aeebab425f11f27e5e9e6cf580be7206c6582a64467a14dda211abc232"},
+    {file = "regex-2023.12.25-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:da695d75ac97cb1cd725adac136d25ca687da4536154cdc2815f576e4da11c69"},
+    {file = "regex-2023.12.25-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d126361607b33c4eb7b36debc173bf25d7805847346dd4d99b5499e1fef52bc7"},
+    {file = "regex-2023.12.25-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:4719bb05094d7d8563a450cf8738d2e1061420f79cfcc1fa7f0a44744c4d8f73"},
+    {file = "regex-2023.12.25-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:5dd58946bce44b53b06d94aa95560d0b243eb2fe64227cba50017a8d8b3cd3e2"},
+    {file = "regex-2023.12.25-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:22a86d9fff2009302c440b9d799ef2fe322416d2d58fc124b926aa89365ec482"},
+    {file = "regex-2023.12.25-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:2aae8101919e8aa05ecfe6322b278f41ce2994c4a430303c4cd163fef746e04f"},
+    {file = "regex-2023.12.25-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:e692296c4cc2873967771345a876bcfc1c547e8dd695c6b89342488b0ea55cd8"},
+    {file = "regex-2023.12.25-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:263ef5cc10979837f243950637fffb06e8daed7f1ac1e39d5910fd29929e489a"},
+    {file = "regex-2023.12.25-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:d6f7e255e5fa94642a0724e35406e6cb7001c09d476ab5fce002f652b36d0c39"},
+    {file = "regex-2023.12.25-cp37-cp37m-musllinux_1_1_ppc64le.whl", hash = "sha256:88ad44e220e22b63b0f8f81f007e8abbb92874d8ced66f32571ef8beb0643b2b"},
+    {file = "regex-2023.12.25-cp37-cp37m-musllinux_1_1_s390x.whl", hash = "sha256:3a17d3ede18f9cedcbe23d2daa8a2cd6f59fe2bf082c567e43083bba3fb00347"},
+    {file = "regex-2023.12.25-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:d15b274f9e15b1a0b7a45d2ac86d1f634d983ca40d6b886721626c47a400bf39"},
+    {file = "regex-2023.12.25-cp37-cp37m-win32.whl", hash = "sha256:ed19b3a05ae0c97dd8f75a5d8f21f7723a8c33bbc555da6bbe1f96c470139d3c"},
+    {file = "regex-2023.12.25-cp37-cp37m-win_amd64.whl", hash = "sha256:a6d1047952c0b8104a1d371f88f4ab62e6275567d4458c1e26e9627ad489b445"},
+    {file = "regex-2023.12.25-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:b43523d7bc2abd757119dbfb38af91b5735eea45537ec6ec3a5ec3f9562a1c53"},
+    {file = "regex-2023.12.25-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:efb2d82f33b2212898f1659fb1c2e9ac30493ac41e4d53123da374c3b5541e64"},
+    {file = "regex-2023.12.25-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:b7fca9205b59c1a3d5031f7e64ed627a1074730a51c2a80e97653e3e9fa0d415"},
+    {file = "regex-2023.12.25-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:086dd15e9435b393ae06f96ab69ab2d333f5d65cbe65ca5a3ef0ec9564dfe770"},
+    {file = "regex-2023.12.25-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:e81469f7d01efed9b53740aedd26085f20d49da65f9c1f41e822a33992cb1590"},
+    {file = "regex-2023.12.25-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:34e4af5b27232f68042aa40a91c3b9bb4da0eeb31b7632e0091afc4310afe6cb"},
+    {file = "regex-2023.12.25-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9852b76ab558e45b20bf1893b59af64a28bd3820b0c2efc80e0a70a4a3ea51c1"},
+    {file = "regex-2023.12.25-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ff100b203092af77d1a5a7abe085b3506b7eaaf9abf65b73b7d6905b6cb76988"},
+    {file = "regex-2023.12.25-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:cc038b2d8b1470364b1888a98fd22d616fba2b6309c5b5f181ad4483e0017861"},
+    {file = "regex-2023.12.25-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:094ba386bb5c01e54e14434d4caabf6583334090865b23ef58e0424a6286d3dc"},
+    {file = "regex-2023.12.25-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:5cd05d0f57846d8ba4b71d9c00f6f37d6b97d5e5ef8b3c3840426a475c8f70f4"},
+    {file = "regex-2023.12.25-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:9aa1a67bbf0f957bbe096375887b2505f5d8ae16bf04488e8b0f334c36e31360"},
+    {file = "regex-2023.12.25-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:98a2636994f943b871786c9e82bfe7883ecdaba2ef5df54e1450fa9869d1f756"},
+    {file = "regex-2023.12.25-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:37f8e93a81fc5e5bd8db7e10e62dc64261bcd88f8d7e6640aaebe9bc180d9ce2"},
+    {file = "regex-2023.12.25-cp38-cp38-win32.whl", hash = "sha256:d78bd484930c1da2b9679290a41cdb25cc127d783768a0369d6b449e72f88beb"},
+    {file = "regex-2023.12.25-cp38-cp38-win_amd64.whl", hash = "sha256:b521dcecebc5b978b447f0f69b5b7f3840eac454862270406a39837ffae4e697"},
+    {file = "regex-2023.12.25-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:f7bc09bc9c29ebead055bcba136a67378f03d66bf359e87d0f7c759d6d4ffa31"},
+    {file = "regex-2023.12.25-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:e14b73607d6231f3cc4622809c196b540a6a44e903bcfad940779c80dffa7be7"},
+    {file = "regex-2023.12.25-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:9eda5f7a50141291beda3edd00abc2d4a5b16c29c92daf8d5bd76934150f3edc"},
+    {file = "regex-2023.12.25-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:cc6bb9aa69aacf0f6032c307da718f61a40cf970849e471254e0e91c56ffca95"},
+    {file = "regex-2023.12.25-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:298dc6354d414bc921581be85695d18912bea163a8b23cac9a2562bbcd5088b1"},
+    {file = "regex-2023.12.25-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:2f4e475a80ecbd15896a976aa0b386c5525d0ed34d5c600b6d3ebac0a67c7ddf"},
+    {file = "regex-2023.12.25-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:531ac6cf22b53e0696f8e1d56ce2396311254eb806111ddd3922c9d937151dae"},
+    {file = "regex-2023.12.25-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:22f3470f7524b6da61e2020672df2f3063676aff444db1daa283c2ea4ed259d6"},
+    {file = "regex-2023.12.25-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl", hash = "sha256:89723d2112697feaa320c9d351e5f5e7b841e83f8b143dba8e2d2b5f04e10923"},
+    {file = "regex-2023.12.25-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:0ecf44ddf9171cd7566ef1768047f6e66975788258b1c6c6ca78098b95cf9a3d"},
+    {file = "regex-2023.12.25-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:905466ad1702ed4acfd67a902af50b8db1feeb9781436372261808df7a2a7bca"},
+    {file = "regex-2023.12.25-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:4558410b7a5607a645e9804a3e9dd509af12fb72b9825b13791a37cd417d73a5"},
+    {file = "regex-2023.12.25-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:7e316026cc1095f2a3e8cc012822c99f413b702eaa2ca5408a513609488cb62f"},
+    {file = "regex-2023.12.25-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:3b1de218d5375cd6ac4b5493e0b9f3df2be331e86520f23382f216c137913d20"},
+    {file = "regex-2023.12.25-cp39-cp39-win32.whl", hash = "sha256:11a963f8e25ab5c61348d090bf1b07f1953929c13bd2309a0662e9ff680763c9"},
+    {file = "regex-2023.12.25-cp39-cp39-win_amd64.whl", hash = "sha256:e693e233ac92ba83a87024e1d32b5f9ab15ca55ddd916d878146f4e3406b5c91"},
+    {file = "regex-2023.12.25.tar.gz", hash = "sha256:29171aa128da69afdf4bde412d5bedc335f2ca8fcfe4489038577d05f16181e5"},
+]
+
+[[package]]
+name = "requests"
+version = "2.31.0"
+description = "Python HTTP for Humans."
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "requests-2.31.0-py3-none-any.whl", hash = "sha256:58cd2187c01e70e6e26505bca751777aa9f2ee0b7f4300988b709f44e013003f"},
+    {file = "requests-2.31.0.tar.gz", hash = "sha256:942c5a758f98d790eaed1a29cb6eefc7ffb0d1cf7af05c3d2791656dbd6ad1e1"},
+]
+
+[package.dependencies]
+certifi = ">=2017.4.17"
+charset-normalizer = ">=2,<4"
+idna = ">=2.5,<4"
+urllib3 = ">=1.21.1,<3"
+
+[package.extras]
+socks = ["PySocks (>=1.5.6,!=1.5.7)"]
+use-chardet-on-py3 = ["chardet (>=3.0.2,<6)"]
+
+[[package]]
+name = "rfc3339-validator"
+version = "0.1.4"
+description = "A pure python RFC3339 validator"
+optional = false
+python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*"
+files = [
+    {file = "rfc3339_validator-0.1.4-py2.py3-none-any.whl", hash = "sha256:24f6ec1eda14ef823da9e36ec7113124b39c04d50a4d3d3a3c2859577e7791fa"},
+    {file = "rfc3339_validator-0.1.4.tar.gz", hash = "sha256:138a2abdf93304ad60530167e51d2dfb9549521a836871b88d7f4695d0022f6b"},
+]
+
+[package.dependencies]
+six = "*"
+
+[[package]]
+name = "rfc3986-validator"
+version = "0.1.1"
+description = "Pure python rfc3986 validator"
+optional = false
+python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*, !=3.3.*, !=3.4.*"
+files = [
+    {file = "rfc3986_validator-0.1.1-py2.py3-none-any.whl", hash = "sha256:2f235c432ef459970b4306369336b9d5dbdda31b510ca1e327636e01f528bfa9"},
+    {file = "rfc3986_validator-0.1.1.tar.gz", hash = "sha256:3d44bde7921b3b9ec3ae4e3adca370438eccebc676456449b145d533b240d055"},
+]
+
+[[package]]
+name = "rpds-py"
+version = "0.18.0"
+description = "Python bindings to Rust's persistent data structures (rpds)"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "rpds_py-0.18.0-cp310-cp310-macosx_10_12_x86_64.whl", hash = "sha256:5b4e7d8d6c9b2e8ee2d55c90b59c707ca59bc30058269b3db7b1f8df5763557e"},
+    {file = "rpds_py-0.18.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:c463ed05f9dfb9baebef68048aed8dcdc94411e4bf3d33a39ba97e271624f8f7"},
+    {file = "rpds_py-0.18.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:01e36a39af54a30f28b73096dd39b6802eddd04c90dbe161c1b8dbe22353189f"},
+    {file = "rpds_py-0.18.0-cp310-cp310-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:d62dec4976954a23d7f91f2f4530852b0c7608116c257833922a896101336c51"},
+    {file = "rpds_py-0.18.0-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:dd18772815d5f008fa03d2b9a681ae38d5ae9f0e599f7dda233c439fcaa00d40"},
+    {file = "rpds_py-0.18.0-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:923d39efa3cfb7279a0327e337a7958bff00cc447fd07a25cddb0a1cc9a6d2da"},
+    {file = "rpds_py-0.18.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:39514da80f971362f9267c600b6d459bfbbc549cffc2cef8e47474fddc9b45b1"},
+    {file = "rpds_py-0.18.0-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:a34d557a42aa28bd5c48a023c570219ba2593bcbbb8dc1b98d8cf5d529ab1434"},
+    {file = "rpds_py-0.18.0-cp310-cp310-musllinux_1_2_aarch64.whl", hash = "sha256:93df1de2f7f7239dc9cc5a4a12408ee1598725036bd2dedadc14d94525192fc3"},
+    {file = "rpds_py-0.18.0-cp310-cp310-musllinux_1_2_i686.whl", hash = "sha256:34b18ba135c687f4dac449aa5157d36e2cbb7c03cbea4ddbd88604e076aa836e"},
+    {file = "rpds_py-0.18.0-cp310-cp310-musllinux_1_2_x86_64.whl", hash = "sha256:c0b5dcf9193625afd8ecc92312d6ed78781c46ecbf39af9ad4681fc9f464af88"},
+    {file = "rpds_py-0.18.0-cp310-none-win32.whl", hash = "sha256:c4325ff0442a12113a6379af66978c3fe562f846763287ef66bdc1d57925d337"},
+    {file = "rpds_py-0.18.0-cp310-none-win_amd64.whl", hash = "sha256:7223a2a5fe0d217e60a60cdae28d6949140dde9c3bcc714063c5b463065e3d66"},
+    {file = "rpds_py-0.18.0-cp311-cp311-macosx_10_12_x86_64.whl", hash = "sha256:3a96e0c6a41dcdba3a0a581bbf6c44bb863f27c541547fb4b9711fd8cf0ffad4"},
+    {file = "rpds_py-0.18.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:30f43887bbae0d49113cbaab729a112251a940e9b274536613097ab8b4899cf6"},
+    {file = "rpds_py-0.18.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:fcb25daa9219b4cf3a0ab24b0eb9a5cc8949ed4dc72acb8fa16b7e1681aa3c58"},
+    {file = "rpds_py-0.18.0-cp311-cp311-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:d68c93e381010662ab873fea609bf6c0f428b6d0bb00f2c6939782e0818d37bf"},
+    {file = "rpds_py-0.18.0-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b34b7aa8b261c1dbf7720b5d6f01f38243e9b9daf7e6b8bc1fd4657000062f2c"},
+    {file = "rpds_py-0.18.0-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:2e6d75ab12b0bbab7215e5d40f1e5b738aa539598db27ef83b2ec46747df90e1"},
+    {file = "rpds_py-0.18.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0b8612cd233543a3781bc659c731b9d607de65890085098986dfd573fc2befe5"},
+    {file = "rpds_py-0.18.0-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:aec493917dd45e3c69d00a8874e7cbed844efd935595ef78a0f25f14312e33c6"},
+    {file = "rpds_py-0.18.0-cp311-cp311-musllinux_1_2_aarch64.whl", hash = "sha256:661d25cbffaf8cc42e971dd570d87cb29a665f49f4abe1f9e76be9a5182c4688"},
+    {file = "rpds_py-0.18.0-cp311-cp311-musllinux_1_2_i686.whl", hash = "sha256:1df3659d26f539ac74fb3b0c481cdf9d725386e3552c6fa2974f4d33d78e544b"},
+    {file = "rpds_py-0.18.0-cp311-cp311-musllinux_1_2_x86_64.whl", hash = "sha256:a1ce3ba137ed54f83e56fb983a5859a27d43a40188ba798993812fed73c70836"},
+    {file = "rpds_py-0.18.0-cp311-none-win32.whl", hash = "sha256:69e64831e22a6b377772e7fb337533c365085b31619005802a79242fee620bc1"},
+    {file = "rpds_py-0.18.0-cp311-none-win_amd64.whl", hash = "sha256:998e33ad22dc7ec7e030b3df701c43630b5bc0d8fbc2267653577e3fec279afa"},
+    {file = "rpds_py-0.18.0-cp312-cp312-macosx_10_12_x86_64.whl", hash = "sha256:7f2facbd386dd60cbbf1a794181e6aa0bd429bd78bfdf775436020172e2a23f0"},
+    {file = "rpds_py-0.18.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:1d9a5be316c15ffb2b3c405c4ff14448c36b4435be062a7f578ccd8b01f0c4d8"},
+    {file = "rpds_py-0.18.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:cd5bf1af8efe569654bbef5a3e0a56eca45f87cfcffab31dd8dde70da5982475"},
+    {file = "rpds_py-0.18.0-cp312-cp312-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:5417558f6887e9b6b65b4527232553c139b57ec42c64570569b155262ac0754f"},
+    {file = "rpds_py-0.18.0-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:56a737287efecafc16f6d067c2ea0117abadcd078d58721f967952db329a3e5c"},
+    {file = "rpds_py-0.18.0-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:8f03bccbd8586e9dd37219bce4d4e0d3ab492e6b3b533e973fa08a112cb2ffc9"},
+    {file = "rpds_py-0.18.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:4457a94da0d5c53dc4b3e4de1158bdab077db23c53232f37a3cb7afdb053a4e3"},
+    {file = "rpds_py-0.18.0-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:0ab39c1ba9023914297dd88ec3b3b3c3f33671baeb6acf82ad7ce883f6e8e157"},
+    {file = "rpds_py-0.18.0-cp312-cp312-musllinux_1_2_aarch64.whl", hash = "sha256:9d54553c1136b50fd12cc17e5b11ad07374c316df307e4cfd6441bea5fb68496"},
+    {file = "rpds_py-0.18.0-cp312-cp312-musllinux_1_2_i686.whl", hash = "sha256:0af039631b6de0397ab2ba16eaf2872e9f8fca391b44d3d8cac317860a700a3f"},
+    {file = "rpds_py-0.18.0-cp312-cp312-musllinux_1_2_x86_64.whl", hash = "sha256:84ffab12db93b5f6bad84c712c92060a2d321b35c3c9960b43d08d0f639d60d7"},
+    {file = "rpds_py-0.18.0-cp312-none-win32.whl", hash = "sha256:685537e07897f173abcf67258bee3c05c374fa6fff89d4c7e42fb391b0605e98"},
+    {file = "rpds_py-0.18.0-cp312-none-win_amd64.whl", hash = "sha256:e003b002ec72c8d5a3e3da2989c7d6065b47d9eaa70cd8808b5384fbb970f4ec"},
+    {file = "rpds_py-0.18.0-cp38-cp38-macosx_10_12_x86_64.whl", hash = "sha256:08f9ad53c3f31dfb4baa00da22f1e862900f45908383c062c27628754af2e88e"},
+    {file = "rpds_py-0.18.0-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:c0013fe6b46aa496a6749c77e00a3eb07952832ad6166bd481c74bda0dcb6d58"},
+    {file = "rpds_py-0.18.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e32a92116d4f2a80b629778280103d2a510a5b3f6314ceccd6e38006b5e92dcb"},
+    {file = "rpds_py-0.18.0-cp38-cp38-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:e541ec6f2ec456934fd279a3120f856cd0aedd209fc3852eca563f81738f6861"},
+    {file = "rpds_py-0.18.0-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:bed88b9a458e354014d662d47e7a5baafd7ff81c780fd91584a10d6ec842cb73"},
+    {file = "rpds_py-0.18.0-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:2644e47de560eb7bd55c20fc59f6daa04682655c58d08185a9b95c1970fa1e07"},
+    {file = "rpds_py-0.18.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8e8916ae4c720529e18afa0b879473049e95949bf97042e938530e072fde061d"},
+    {file = "rpds_py-0.18.0-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:465a3eb5659338cf2a9243e50ad9b2296fa15061736d6e26240e713522b6235c"},
+    {file = "rpds_py-0.18.0-cp38-cp38-musllinux_1_2_aarch64.whl", hash = "sha256:ea7d4a99f3b38c37eac212dbd6ec42b7a5ec51e2c74b5d3223e43c811609e65f"},
+    {file = "rpds_py-0.18.0-cp38-cp38-musllinux_1_2_i686.whl", hash = "sha256:67071a6171e92b6da534b8ae326505f7c18022c6f19072a81dcf40db2638767c"},
+    {file = "rpds_py-0.18.0-cp38-cp38-musllinux_1_2_x86_64.whl", hash = "sha256:41ef53e7c58aa4ef281da975f62c258950f54b76ec8e45941e93a3d1d8580594"},
+    {file = "rpds_py-0.18.0-cp38-none-win32.whl", hash = "sha256:fdea4952db2793c4ad0bdccd27c1d8fdd1423a92f04598bc39425bcc2b8ee46e"},
+    {file = "rpds_py-0.18.0-cp38-none-win_amd64.whl", hash = "sha256:7cd863afe7336c62ec78d7d1349a2f34c007a3cc6c2369d667c65aeec412a5b1"},
+    {file = "rpds_py-0.18.0-cp39-cp39-macosx_10_12_x86_64.whl", hash = "sha256:5307def11a35f5ae4581a0b658b0af8178c65c530e94893345bebf41cc139d33"},
+    {file = "rpds_py-0.18.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:77f195baa60a54ef9d2de16fbbfd3ff8b04edc0c0140a761b56c267ac11aa467"},
+    {file = "rpds_py-0.18.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:39f5441553f1c2aed4de4377178ad8ff8f9d733723d6c66d983d75341de265ab"},
+    {file = "rpds_py-0.18.0-cp39-cp39-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:9a00312dea9310d4cb7dbd7787e722d2e86a95c2db92fbd7d0155f97127bcb40"},
+    {file = "rpds_py-0.18.0-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:8f2fc11e8fe034ee3c34d316d0ad8808f45bc3b9ce5857ff29d513f3ff2923a1"},
+    {file = "rpds_py-0.18.0-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:586f8204935b9ec884500498ccc91aa869fc652c40c093bd9e1471fbcc25c022"},
+    {file = "rpds_py-0.18.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ddc2f4dfd396c7bfa18e6ce371cba60e4cf9d2e5cdb71376aa2da264605b60b9"},
+    {file = "rpds_py-0.18.0-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:5ddcba87675b6d509139d1b521e0c8250e967e63b5909a7e8f8944d0f90ff36f"},
+    {file = "rpds_py-0.18.0-cp39-cp39-musllinux_1_2_aarch64.whl", hash = "sha256:7bd339195d84439cbe5771546fe8a4e8a7a045417d8f9de9a368c434e42a721e"},
+    {file = "rpds_py-0.18.0-cp39-cp39-musllinux_1_2_i686.whl", hash = "sha256:d7c36232a90d4755b720fbd76739d8891732b18cf240a9c645d75f00639a9024"},
+    {file = "rpds_py-0.18.0-cp39-cp39-musllinux_1_2_x86_64.whl", hash = "sha256:6b0817e34942b2ca527b0e9298373e7cc75f429e8da2055607f4931fded23e20"},
+    {file = "rpds_py-0.18.0-cp39-none-win32.whl", hash = "sha256:99f70b740dc04d09e6b2699b675874367885217a2e9f782bdf5395632ac663b7"},
+    {file = "rpds_py-0.18.0-cp39-none-win_amd64.whl", hash = "sha256:6ef687afab047554a2d366e112dd187b62d261d49eb79b77e386f94644363294"},
+    {file = "rpds_py-0.18.0-pp310-pypy310_pp73-macosx_10_12_x86_64.whl", hash = "sha256:ad36cfb355e24f1bd37cac88c112cd7730873f20fb0bdaf8ba59eedf8216079f"},
+    {file = "rpds_py-0.18.0-pp310-pypy310_pp73-macosx_11_0_arm64.whl", hash = "sha256:36b3ee798c58ace201289024b52788161e1ea133e4ac93fba7d49da5fec0ef9e"},
+    {file = "rpds_py-0.18.0-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f8a2f084546cc59ea99fda8e070be2fd140c3092dc11524a71aa8f0f3d5a55ca"},
+    {file = "rpds_py-0.18.0-pp310-pypy310_pp73-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:e4461d0f003a0aa9be2bdd1b798a041f177189c1a0f7619fe8c95ad08d9a45d7"},
+    {file = "rpds_py-0.18.0-pp310-pypy310_pp73-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:8db715ebe3bb7d86d77ac1826f7d67ec11a70dbd2376b7cc214199360517b641"},
+    {file = "rpds_py-0.18.0-pp310-pypy310_pp73-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:793968759cd0d96cac1e367afd70c235867831983f876a53389ad869b043c948"},
+    {file = "rpds_py-0.18.0-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:66e6a3af5a75363d2c9a48b07cb27c4ea542938b1a2e93b15a503cdfa8490795"},
+    {file = "rpds_py-0.18.0-pp310-pypy310_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:6ef0befbb5d79cf32d0266f5cff01545602344eda89480e1dd88aca964260b18"},
+    {file = "rpds_py-0.18.0-pp310-pypy310_pp73-musllinux_1_2_aarch64.whl", hash = "sha256:1d4acf42190d449d5e89654d5c1ed3a4f17925eec71f05e2a41414689cda02d1"},
+    {file = "rpds_py-0.18.0-pp310-pypy310_pp73-musllinux_1_2_i686.whl", hash = "sha256:a5f446dd5055667aabaee78487f2b5ab72e244f9bc0b2ffebfeec79051679984"},
+    {file = "rpds_py-0.18.0-pp310-pypy310_pp73-musllinux_1_2_x86_64.whl", hash = "sha256:9dbbeb27f4e70bfd9eec1be5477517365afe05a9b2c441a0b21929ee61048124"},
+    {file = "rpds_py-0.18.0-pp38-pypy38_pp73-macosx_10_12_x86_64.whl", hash = "sha256:22806714311a69fd0af9b35b7be97c18a0fc2826e6827dbb3a8c94eac6cf7eeb"},
+    {file = "rpds_py-0.18.0-pp38-pypy38_pp73-macosx_11_0_arm64.whl", hash = "sha256:b34ae4636dfc4e76a438ab826a0d1eed2589ca7d9a1b2d5bb546978ac6485461"},
+    {file = "rpds_py-0.18.0-pp38-pypy38_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8c8370641f1a7f0e0669ddccca22f1da893cef7628396431eb445d46d893e5cd"},
+    {file = "rpds_py-0.18.0-pp38-pypy38_pp73-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:c8362467a0fdeccd47935f22c256bec5e6abe543bf0d66e3d3d57a8fb5731863"},
+    {file = "rpds_py-0.18.0-pp38-pypy38_pp73-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:11a8c85ef4a07a7638180bf04fe189d12757c696eb41f310d2426895356dcf05"},
+    {file = "rpds_py-0.18.0-pp38-pypy38_pp73-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:b316144e85316da2723f9d8dc75bada12fa58489a527091fa1d5a612643d1a0e"},
+    {file = "rpds_py-0.18.0-pp38-pypy38_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:cf1ea2e34868f6fbf070e1af291c8180480310173de0b0c43fc38a02929fc0e3"},
+    {file = "rpds_py-0.18.0-pp38-pypy38_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:e546e768d08ad55b20b11dbb78a745151acbd938f8f00d0cfbabe8b0199b9880"},
+    {file = "rpds_py-0.18.0-pp38-pypy38_pp73-musllinux_1_2_aarch64.whl", hash = "sha256:4901165d170a5fde6f589acb90a6b33629ad1ec976d4529e769c6f3d885e3e80"},
+    {file = "rpds_py-0.18.0-pp38-pypy38_pp73-musllinux_1_2_i686.whl", hash = "sha256:618a3d6cae6ef8ec88bb76dd80b83cfe415ad4f1d942ca2a903bf6b6ff97a2da"},
+    {file = "rpds_py-0.18.0-pp38-pypy38_pp73-musllinux_1_2_x86_64.whl", hash = "sha256:ed4eb745efbff0a8e9587d22a84be94a5eb7d2d99c02dacf7bd0911713ed14dd"},
+    {file = "rpds_py-0.18.0-pp39-pypy39_pp73-macosx_10_12_x86_64.whl", hash = "sha256:6c81e5f372cd0dc5dc4809553d34f832f60a46034a5f187756d9b90586c2c307"},
+    {file = "rpds_py-0.18.0-pp39-pypy39_pp73-macosx_11_0_arm64.whl", hash = "sha256:43fbac5f22e25bee1d482c97474f930a353542855f05c1161fd804c9dc74a09d"},
+    {file = "rpds_py-0.18.0-pp39-pypy39_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6d7faa6f14017c0b1e69f5e2c357b998731ea75a442ab3841c0dbbbfe902d2c4"},
+    {file = "rpds_py-0.18.0-pp39-pypy39_pp73-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:08231ac30a842bd04daabc4d71fddd7e6d26189406d5a69535638e4dcb88fe76"},
+    {file = "rpds_py-0.18.0-pp39-pypy39_pp73-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:044a3e61a7c2dafacae99d1e722cc2d4c05280790ec5a05031b3876809d89a5c"},
+    {file = "rpds_py-0.18.0-pp39-pypy39_pp73-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:3f26b5bd1079acdb0c7a5645e350fe54d16b17bfc5e71f371c449383d3342e17"},
+    {file = "rpds_py-0.18.0-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:482103aed1dfe2f3b71a58eff35ba105289b8d862551ea576bd15479aba01f66"},
+    {file = "rpds_py-0.18.0-pp39-pypy39_pp73-manylinux_2_5_i686.manylinux1_i686.whl", hash = "sha256:1374f4129f9bcca53a1bba0bb86bf78325a0374577cf7e9e4cd046b1e6f20e24"},
+    {file = "rpds_py-0.18.0-pp39-pypy39_pp73-musllinux_1_2_aarch64.whl", hash = "sha256:635dc434ff724b178cb192c70016cc0ad25a275228f749ee0daf0eddbc8183b1"},
+    {file = "rpds_py-0.18.0-pp39-pypy39_pp73-musllinux_1_2_i686.whl", hash = "sha256:bc362ee4e314870a70f4ae88772d72d877246537d9f8cb8f7eacf10884862432"},
+    {file = "rpds_py-0.18.0-pp39-pypy39_pp73-musllinux_1_2_x86_64.whl", hash = "sha256:4832d7d380477521a8c1644bbab6588dfedea5e30a7d967b5fb75977c45fd77f"},
+    {file = "rpds_py-0.18.0.tar.gz", hash = "sha256:42821446ee7a76f5d9f71f9e33a4fb2ffd724bb3e7f93386150b61a43115788d"},
+]
+
+[[package]]
+name = "ruff"
+version = "0.0.292"
+description = "An extremely fast Python linter, written in Rust."
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "ruff-0.0.292-py3-none-macosx_10_7_x86_64.whl", hash = "sha256:02f29db018c9d474270c704e6c6b13b18ed0ecac82761e4fcf0faa3728430c96"},
+    {file = "ruff-0.0.292-py3-none-macosx_10_9_x86_64.macosx_11_0_arm64.macosx_10_9_universal2.whl", hash = "sha256:69654e564342f507edfa09ee6897883ca76e331d4bbc3676d8a8403838e9fade"},
+    {file = "ruff-0.0.292-py3-none-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6c3c91859a9b845c33778f11902e7b26440d64b9d5110edd4e4fa1726c41e0a4"},
+    {file = "ruff-0.0.292-py3-none-manylinux_2_17_armv7l.manylinux2014_armv7l.whl", hash = "sha256:f4476f1243af2d8c29da5f235c13dca52177117935e1f9393f9d90f9833f69e4"},
+    {file = "ruff-0.0.292-py3-none-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:be8eb50eaf8648070b8e58ece8e69c9322d34afe367eec4210fdee9a555e4ca7"},
+    {file = "ruff-0.0.292-py3-none-manylinux_2_17_ppc64.manylinux2014_ppc64.whl", hash = "sha256:9889bac18a0c07018aac75ef6c1e6511d8411724d67cb879103b01758e110a81"},
+    {file = "ruff-0.0.292-py3-none-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:6bdfabd4334684a4418b99b3118793f2c13bb67bf1540a769d7816410402a205"},
+    {file = "ruff-0.0.292-py3-none-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:aa7c77c53bfcd75dbcd4d1f42d6cabf2485d2e1ee0678da850f08e1ab13081a8"},
+    {file = "ruff-0.0.292-py3-none-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:8e087b24d0d849c5c81516ec740bf4fd48bf363cfb104545464e0fca749b6af9"},
+    {file = "ruff-0.0.292-py3-none-musllinux_1_2_aarch64.whl", hash = "sha256:f160b5ec26be32362d0774964e218f3fcf0a7da299f7e220ef45ae9e3e67101a"},
+    {file = "ruff-0.0.292-py3-none-musllinux_1_2_armv7l.whl", hash = "sha256:ac153eee6dd4444501c4bb92bff866491d4bfb01ce26dd2fff7ca472c8df9ad0"},
+    {file = "ruff-0.0.292-py3-none-musllinux_1_2_i686.whl", hash = "sha256:87616771e72820800b8faea82edd858324b29bb99a920d6aa3d3949dd3f88fb0"},
+    {file = "ruff-0.0.292-py3-none-musllinux_1_2_x86_64.whl", hash = "sha256:b76deb3bdbea2ef97db286cf953488745dd6424c122d275f05836c53f62d4016"},
+    {file = "ruff-0.0.292-py3-none-win32.whl", hash = "sha256:e854b05408f7a8033a027e4b1c7f9889563dd2aca545d13d06711e5c39c3d003"},
+    {file = "ruff-0.0.292-py3-none-win_amd64.whl", hash = "sha256:f27282bedfd04d4c3492e5c3398360c9d86a295be00eccc63914438b4ac8a83c"},
+    {file = "ruff-0.0.292-py3-none-win_arm64.whl", hash = "sha256:7f67a69c8f12fbc8daf6ae6d36705037bde315abf8b82b6e1f4c9e74eb750f68"},
+    {file = "ruff-0.0.292.tar.gz", hash = "sha256:1093449e37dd1e9b813798f6ad70932b57cf614e5c2b5c51005bf67d55db33ac"},
+]
+
+[[package]]
+name = "send2trash"
+version = "1.8.2"
+description = "Send file to trash natively under Mac OS X, Windows and Linux"
+optional = false
+python-versions = "!=3.0.*,!=3.1.*,!=3.2.*,!=3.3.*,!=3.4.*,>=2.7"
+files = [
+    {file = "Send2Trash-1.8.2-py3-none-any.whl", hash = "sha256:a384719d99c07ce1eefd6905d2decb6f8b7ed054025bb0e618919f945de4f679"},
+    {file = "Send2Trash-1.8.2.tar.gz", hash = "sha256:c132d59fa44b9ca2b1699af5c86f57ce9f4c5eb56629d5d55fbb7a35f84e2312"},
+]
+
+[package.extras]
+nativelib = ["pyobjc-framework-Cocoa", "pywin32"]
+objc = ["pyobjc-framework-Cocoa"]
+win32 = ["pywin32"]
+
+[[package]]
+name = "setuptools"
+version = "69.1.0"
+description = "Easily download, build, install, upgrade, and uninstall Python packages"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "setuptools-69.1.0-py3-none-any.whl", hash = "sha256:c054629b81b946d63a9c6e732bc8b2513a7c3ea645f11d0139a2191d735c60c6"},
+    {file = "setuptools-69.1.0.tar.gz", hash = "sha256:850894c4195f09c4ed30dba56213bf7c3f21d86ed6bdaafb5df5972593bfc401"},
+]
+
+[package.extras]
+docs = ["furo", "jaraco.packaging (>=9.3)", "jaraco.tidelift (>=1.4)", "pygments-github-lexers (==0.0.5)", "rst.linker (>=1.9)", "sphinx (<7.2.5)", "sphinx (>=3.5)", "sphinx-favicon", "sphinx-inline-tabs", "sphinx-lint", "sphinx-notfound-page (>=1,<2)", "sphinx-reredirects", "sphinxcontrib-towncrier"]
+testing = ["build[virtualenv]", "filelock (>=3.4.0)", "flake8-2020", "ini2toml[lite] (>=0.9)", "jaraco.develop (>=7.21)", "jaraco.envs (>=2.2)", "jaraco.path (>=3.2.0)", "pip (>=19.1)", "pytest (>=6)", "pytest-checkdocs (>=2.4)", "pytest-cov", "pytest-enabler (>=2.2)", "pytest-home (>=0.5)", "pytest-mypy (>=0.9.1)", "pytest-perf", "pytest-ruff (>=0.2.1)", "pytest-timeout", "pytest-xdist", "tomli-w (>=1.0.0)", "virtualenv (>=13.0.0)", "wheel"]
+testing-integration = ["build[virtualenv] (>=1.0.3)", "filelock (>=3.4.0)", "jaraco.envs (>=2.2)", "jaraco.path (>=3.2.0)", "packaging (>=23.1)", "pytest", "pytest-enabler", "pytest-xdist", "tomli", "virtualenv (>=13.0.0)", "wheel"]
+
+[[package]]
+name = "six"
+version = "1.16.0"
+description = "Python 2 and 3 compatibility utilities"
+optional = false
+python-versions = ">=2.7, !=3.0.*, !=3.1.*, !=3.2.*"
+files = [
+    {file = "six-1.16.0-py2.py3-none-any.whl", hash = "sha256:8abb2f1d86890a2dfb989f9a77cfcfd3e47c2a354b01111771326f8aa26e0254"},
+    {file = "six-1.16.0.tar.gz", hash = "sha256:1e61c37477a1626458e36f7b1d82aa5c9b094fa4802892072e49de9c60c4c926"},
+]
+
+[[package]]
+name = "sniffio"
+version = "1.3.0"
+description = "Sniff out which async library your code is running under"
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "sniffio-1.3.0-py3-none-any.whl", hash = "sha256:eecefdce1e5bbfb7ad2eeaabf7c1eeb404d7757c379bd1f7e5cce9d8bf425384"},
+    {file = "sniffio-1.3.0.tar.gz", hash = "sha256:e60305c5e5d314f5389259b7f22aaa33d8f7dee49763119234af3755c55b9101"},
+]
+
+[[package]]
+name = "soupsieve"
+version = "2.5"
+description = "A modern CSS selector implementation for Beautiful Soup."
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "soupsieve-2.5-py3-none-any.whl", hash = "sha256:eaa337ff55a1579b6549dc679565eac1e3d000563bcb1c8ab0d0fefbc0c2cdc7"},
+    {file = "soupsieve-2.5.tar.gz", hash = "sha256:5663d5a7b3bfaeee0bc4372e7fc48f9cff4940b3eec54a6451cc5299f1097690"},
+]
+
+[[package]]
+name = "sqlalchemy"
+version = "2.0.27"
+description = "Database Abstraction Library"
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "SQLAlchemy-2.0.27-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:d04e579e911562f1055d26dab1868d3e0bb905db3bccf664ee8ad109f035618a"},
+    {file = "SQLAlchemy-2.0.27-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:fa67d821c1fd268a5a87922ef4940442513b4e6c377553506b9db3b83beebbd8"},
+    {file = "SQLAlchemy-2.0.27-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6c7a596d0be71b7baa037f4ac10d5e057d276f65a9a611c46970f012752ebf2d"},
+    {file = "SQLAlchemy-2.0.27-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:954d9735ee9c3fa74874c830d089a815b7b48df6f6b6e357a74130e478dbd951"},
+    {file = "SQLAlchemy-2.0.27-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:5cd20f58c29bbf2680039ff9f569fa6d21453fbd2fa84dbdb4092f006424c2e6"},
+    {file = "SQLAlchemy-2.0.27-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:03f448ffb731b48323bda68bcc93152f751436ad6037f18a42b7e16af9e91c07"},
+    {file = "SQLAlchemy-2.0.27-cp310-cp310-win32.whl", hash = "sha256:d997c5938a08b5e172c30583ba6b8aad657ed9901fc24caf3a7152eeccb2f1b4"},
+    {file = "SQLAlchemy-2.0.27-cp310-cp310-win_amd64.whl", hash = "sha256:eb15ef40b833f5b2f19eeae65d65e191f039e71790dd565c2af2a3783f72262f"},
+    {file = "SQLAlchemy-2.0.27-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:6c5bad7c60a392850d2f0fee8f355953abaec878c483dd7c3836e0089f046bf6"},
+    {file = "SQLAlchemy-2.0.27-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:a3012ab65ea42de1be81fff5fb28d6db893ef978950afc8130ba707179b4284a"},
+    {file = "SQLAlchemy-2.0.27-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:dbcd77c4d94b23e0753c5ed8deba8c69f331d4fd83f68bfc9db58bc8983f49cd"},
+    {file = "SQLAlchemy-2.0.27-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d177b7e82f6dd5e1aebd24d9c3297c70ce09cd1d5d37b43e53f39514379c029c"},
+    {file = "SQLAlchemy-2.0.27-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:680b9a36029b30cf063698755d277885d4a0eab70a2c7c6e71aab601323cba45"},
+    {file = "SQLAlchemy-2.0.27-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:1306102f6d9e625cebaca3d4c9c8f10588735ef877f0360b5cdb4fdfd3fd7131"},
+    {file = "SQLAlchemy-2.0.27-cp311-cp311-win32.whl", hash = "sha256:5b78aa9f4f68212248aaf8943d84c0ff0f74efc65a661c2fc68b82d498311fd5"},
+    {file = "SQLAlchemy-2.0.27-cp311-cp311-win_amd64.whl", hash = "sha256:15e19a84b84528f52a68143439d0c7a3a69befcd4f50b8ef9b7b69d2628ae7c4"},
+    {file = "SQLAlchemy-2.0.27-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:0de1263aac858f288a80b2071990f02082c51d88335a1db0d589237a3435fe71"},
+    {file = "SQLAlchemy-2.0.27-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:ce850db091bf7d2a1f2fdb615220b968aeff3849007b1204bf6e3e50a57b3d32"},
+    {file = "SQLAlchemy-2.0.27-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8dfc936870507da96aebb43e664ae3a71a7b96278382bcfe84d277b88e379b18"},
+    {file = "SQLAlchemy-2.0.27-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c4fbe6a766301f2e8a4519f4500fe74ef0a8509a59e07a4085458f26228cd7cc"},
+    {file = "SQLAlchemy-2.0.27-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:4535c49d961fe9a77392e3a630a626af5baa967172d42732b7a43496c8b28876"},
+    {file = "SQLAlchemy-2.0.27-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:0fb3bffc0ced37e5aa4ac2416f56d6d858f46d4da70c09bb731a246e70bff4d5"},
+    {file = "SQLAlchemy-2.0.27-cp312-cp312-win32.whl", hash = "sha256:7f470327d06400a0aa7926b375b8e8c3c31d335e0884f509fe272b3c700a7254"},
+    {file = "SQLAlchemy-2.0.27-cp312-cp312-win_amd64.whl", hash = "sha256:f9374e270e2553653d710ece397df67db9d19c60d2647bcd35bfc616f1622dcd"},
+    {file = "SQLAlchemy-2.0.27-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:e97cf143d74a7a5a0f143aa34039b4fecf11343eed66538610debc438685db4a"},
+    {file = "SQLAlchemy-2.0.27-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d7b5a3e2120982b8b6bd1d5d99e3025339f7fb8b8267551c679afb39e9c7c7f1"},
+    {file = "SQLAlchemy-2.0.27-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e36aa62b765cf9f43a003233a8c2d7ffdeb55bc62eaa0a0380475b228663a38f"},
+    {file = "SQLAlchemy-2.0.27-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:5ada0438f5b74c3952d916c199367c29ee4d6858edff18eab783b3978d0db16d"},
+    {file = "SQLAlchemy-2.0.27-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:b1d9d1bfd96eef3c3faedb73f486c89e44e64e40e5bfec304ee163de01cf996f"},
+    {file = "SQLAlchemy-2.0.27-cp37-cp37m-win32.whl", hash = "sha256:ca891af9f3289d24a490a5fde664ea04fe2f4984cd97e26de7442a4251bd4b7c"},
+    {file = "SQLAlchemy-2.0.27-cp37-cp37m-win_amd64.whl", hash = "sha256:fd8aafda7cdff03b905d4426b714601c0978725a19efc39f5f207b86d188ba01"},
+    {file = "SQLAlchemy-2.0.27-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:ec1f5a328464daf7a1e4e385e4f5652dd9b1d12405075ccba1df842f7774b4fc"},
+    {file = "SQLAlchemy-2.0.27-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:ad862295ad3f644e3c2c0d8b10a988e1600d3123ecb48702d2c0f26771f1c396"},
+    {file = "SQLAlchemy-2.0.27-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:48217be1de7d29a5600b5c513f3f7664b21d32e596d69582be0a94e36b8309cb"},
+    {file = "SQLAlchemy-2.0.27-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9e56afce6431450442f3ab5973156289bd5ec33dd618941283847c9fd5ff06bf"},
+    {file = "SQLAlchemy-2.0.27-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:611068511b5531304137bcd7fe8117c985d1b828eb86043bd944cebb7fae3910"},
+    {file = "SQLAlchemy-2.0.27-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:b86abba762ecfeea359112b2bb4490802b340850bbee1948f785141a5e020de8"},
+    {file = "SQLAlchemy-2.0.27-cp38-cp38-win32.whl", hash = "sha256:30d81cc1192dc693d49d5671cd40cdec596b885b0ce3b72f323888ab1c3863d5"},
+    {file = "SQLAlchemy-2.0.27-cp38-cp38-win_amd64.whl", hash = "sha256:120af1e49d614d2525ac247f6123841589b029c318b9afbfc9e2b70e22e1827d"},
+    {file = "SQLAlchemy-2.0.27-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:d07ee7793f2aeb9b80ec8ceb96bc8cc08a2aec8a1b152da1955d64e4825fcbac"},
+    {file = "SQLAlchemy-2.0.27-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:cb0845e934647232b6ff5150df37ceffd0b67b754b9fdbb095233deebcddbd4a"},
+    {file = "SQLAlchemy-2.0.27-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1fc19ae2e07a067663dd24fca55f8ed06a288384f0e6e3910420bf4b1270cc51"},
+    {file = "SQLAlchemy-2.0.27-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b90053be91973a6fb6020a6e44382c97739736a5a9d74e08cc29b196639eb979"},
+    {file = "SQLAlchemy-2.0.27-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:2f5c9dfb0b9ab5e3a8a00249534bdd838d943ec4cfb9abe176a6c33408430230"},
+    {file = "SQLAlchemy-2.0.27-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:33e8bde8fff203de50399b9039c4e14e42d4d227759155c21f8da4a47fc8053c"},
+    {file = "SQLAlchemy-2.0.27-cp39-cp39-win32.whl", hash = "sha256:d873c21b356bfaf1589b89090a4011e6532582b3a8ea568a00e0c3aab09399dd"},
+    {file = "SQLAlchemy-2.0.27-cp39-cp39-win_amd64.whl", hash = "sha256:ff2f1b7c963961d41403b650842dc2039175b906ab2093635d8319bef0b7d620"},
+    {file = "SQLAlchemy-2.0.27-py3-none-any.whl", hash = "sha256:1ab4e0448018d01b142c916cc7119ca573803a4745cfe341b8f95657812700ac"},
+    {file = "SQLAlchemy-2.0.27.tar.gz", hash = "sha256:86a6ed69a71fe6b88bf9331594fa390a2adda4a49b5c06f98e47bf0d392534f8"},
+]
+
+[package.dependencies]
+greenlet = {version = "!=0.4.17", optional = true, markers = "platform_machine == \"aarch64\" or platform_machine == \"ppc64le\" or platform_machine == \"x86_64\" or platform_machine == \"amd64\" or platform_machine == \"AMD64\" or platform_machine == \"win32\" or platform_machine == \"WIN32\" or extra == \"asyncio\""}
+typing-extensions = ">=4.6.0"
+
+[package.extras]
+aiomysql = ["aiomysql (>=0.2.0)", "greenlet (!=0.4.17)"]
+aioodbc = ["aioodbc", "greenlet (!=0.4.17)"]
+aiosqlite = ["aiosqlite", "greenlet (!=0.4.17)", "typing_extensions (!=3.10.0.1)"]
+asyncio = ["greenlet (!=0.4.17)"]
+asyncmy = ["asyncmy (>=0.2.3,!=0.2.4,!=0.2.6)", "greenlet (!=0.4.17)"]
+mariadb-connector = ["mariadb (>=1.0.1,!=1.1.2,!=1.1.5)"]
+mssql = ["pyodbc"]
+mssql-pymssql = ["pymssql"]
+mssql-pyodbc = ["pyodbc"]
+mypy = ["mypy (>=0.910)"]
+mysql = ["mysqlclient (>=1.4.0)"]
+mysql-connector = ["mysql-connector-python"]
+oracle = ["cx_oracle (>=8)"]
+oracle-oracledb = ["oracledb (>=1.0.1)"]
+postgresql = ["psycopg2 (>=2.7)"]
+postgresql-asyncpg = ["asyncpg", "greenlet (!=0.4.17)"]
+postgresql-pg8000 = ["pg8000 (>=1.29.1)"]
+postgresql-psycopg = ["psycopg (>=3.0.7)"]
+postgresql-psycopg2binary = ["psycopg2-binary"]
+postgresql-psycopg2cffi = ["psycopg2cffi"]
+postgresql-psycopgbinary = ["psycopg[binary] (>=3.0.7)"]
+pymysql = ["pymysql"]
+sqlcipher = ["sqlcipher3_binary"]
+
+[[package]]
+name = "stack-data"
+version = "0.6.3"
+description = "Extract data from python stack frames and tracebacks for informative displays"
+optional = false
+python-versions = "*"
+files = [
+    {file = "stack_data-0.6.3-py3-none-any.whl", hash = "sha256:d5558e0c25a4cb0853cddad3d77da9891a08cb85dd9f9f91b9f8cd66e511e695"},
+    {file = "stack_data-0.6.3.tar.gz", hash = "sha256:836a778de4fec4dcd1dcd89ed8abff8a221f58308462e1c4aa2a3cf30148f0b9"},
+]
+
+[package.dependencies]
+asttokens = ">=2.1.0"
+executing = ">=1.2.0"
+pure-eval = "*"
+
+[package.extras]
+tests = ["cython", "littleutils", "pygments", "pytest", "typeguard"]
+
+[[package]]
+name = "tenacity"
+version = "8.2.3"
+description = "Retry code until it succeeds"
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "tenacity-8.2.3-py3-none-any.whl", hash = "sha256:ce510e327a630c9e1beaf17d42e6ffacc88185044ad85cf74c0a8887c6a0f88c"},
+    {file = "tenacity-8.2.3.tar.gz", hash = "sha256:5398ef0d78e63f40007c1fb4c0bff96e1911394d2fa8d194f77619c05ff6cc8a"},
+]
+
+[package.extras]
+doc = ["reno", "sphinx", "tornado (>=4.5)"]
+
+[[package]]
+name = "terminado"
+version = "0.18.0"
+description = "Tornado websocket backend for the Xterm.js Javascript terminal emulator library."
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "terminado-0.18.0-py3-none-any.whl", hash = "sha256:87b0d96642d0fe5f5abd7783857b9cab167f221a39ff98e3b9619a788a3c0f2e"},
+    {file = "terminado-0.18.0.tar.gz", hash = "sha256:1ea08a89b835dd1b8c0c900d92848147cef2537243361b2e3f4dc15df9b6fded"},
+]
+
+[package.dependencies]
+ptyprocess = {version = "*", markers = "os_name != \"nt\""}
+pywinpty = {version = ">=1.1.0", markers = "os_name == \"nt\""}
+tornado = ">=6.1.0"
+
+[package.extras]
+docs = ["myst-parser", "pydata-sphinx-theme", "sphinx"]
+test = ["pre-commit", "pytest (>=7.0)", "pytest-timeout"]
+typing = ["mypy (>=1.6,<2.0)", "traitlets (>=5.11.1)"]
+
+[[package]]
+name = "tiktoken"
+version = "0.6.0"
+description = "tiktoken is a fast BPE tokeniser for use with OpenAI's models"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "tiktoken-0.6.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:277de84ccd8fa12730a6b4067456e5cf72fef6300bea61d506c09e45658d41ac"},
+    {file = "tiktoken-0.6.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:9c44433f658064463650d61387623735641dcc4b6c999ca30bc0f8ba3fccaf5c"},
+    {file = "tiktoken-0.6.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:afb9a2a866ae6eef1995ab656744287a5ac95acc7e0491c33fad54d053288ad3"},
+    {file = "tiktoken-0.6.0-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c62c05b3109fefca26fedb2820452a050074ad8e5ad9803f4652977778177d9f"},
+    {file = "tiktoken-0.6.0-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:0ef917fad0bccda07bfbad835525bbed5f3ab97a8a3e66526e48cdc3e7beacf7"},
+    {file = "tiktoken-0.6.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:e095131ab6092d0769a2fda85aa260c7c383072daec599ba9d8b149d2a3f4d8b"},
+    {file = "tiktoken-0.6.0-cp310-cp310-win_amd64.whl", hash = "sha256:05b344c61779f815038292a19a0c6eb7098b63c8f865ff205abb9ea1b656030e"},
+    {file = "tiktoken-0.6.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:cefb9870fb55dca9e450e54dbf61f904aab9180ff6fe568b61f4db9564e78871"},
+    {file = "tiktoken-0.6.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:702950d33d8cabc039845674107d2e6dcabbbb0990ef350f640661368df481bb"},
+    {file = "tiktoken-0.6.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:e8d49d076058f23254f2aff9af603863c5c5f9ab095bc896bceed04f8f0b013a"},
+    {file = "tiktoken-0.6.0-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:430bc4e650a2d23a789dc2cdca3b9e5e7eb3cd3935168d97d43518cbb1f9a911"},
+    {file = "tiktoken-0.6.0-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:293cb8669757301a3019a12d6770bd55bec38a4d3ee9978ddbe599d68976aca7"},
+    {file = "tiktoken-0.6.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:7bd1a288b7903aadc054b0e16ea78e3171f70b670e7372432298c686ebf9dd47"},
+    {file = "tiktoken-0.6.0-cp311-cp311-win_amd64.whl", hash = "sha256:ac76e000183e3b749634968a45c7169b351e99936ef46f0d2353cd0d46c3118d"},
+    {file = "tiktoken-0.6.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:17cc8a4a3245ab7d935c83a2db6bb71619099d7284b884f4b2aea4c74f2f83e3"},
+    {file = "tiktoken-0.6.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:284aebcccffe1bba0d6571651317df6a5b376ff6cfed5aeb800c55df44c78177"},
+    {file = "tiktoken-0.6.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0c1a3a5d33846f8cd9dd3b7897c1d45722f48625a587f8e6f3d3e85080559be8"},
+    {file = "tiktoken-0.6.0-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6318b2bb2337f38ee954fd5efa82632c6e5ced1d52a671370fa4b2eff1355e91"},
+    {file = "tiktoken-0.6.0-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:1f5f0f2ed67ba16373f9a6013b68da298096b27cd4e1cf276d2d3868b5c7efd1"},
+    {file = "tiktoken-0.6.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:75af4c0b16609c2ad02581f3cdcd1fb698c7565091370bf6c0cf8624ffaba6dc"},
+    {file = "tiktoken-0.6.0-cp312-cp312-win_amd64.whl", hash = "sha256:45577faf9a9d383b8fd683e313cf6df88b6076c034f0a16da243bb1c139340c3"},
+    {file = "tiktoken-0.6.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:7c1492ab90c21ca4d11cef3a236ee31a3e279bb21b3fc5b0e2210588c4209e68"},
+    {file = "tiktoken-0.6.0-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:e2b380c5b7751272015400b26144a2bab4066ebb8daae9c3cd2a92c3b508fe5a"},
+    {file = "tiktoken-0.6.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c9f497598b9f58c99cbc0eb764b4a92272c14d5203fc713dd650b896a03a50ad"},
+    {file = "tiktoken-0.6.0-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e65e8bd6f3f279d80f1e1fbd5f588f036b9a5fa27690b7f0cc07021f1dfa0839"},
+    {file = "tiktoken-0.6.0-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:5f1495450a54e564d236769d25bfefbf77727e232d7a8a378f97acddee08c1ae"},
+    {file = "tiktoken-0.6.0-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:6c4e4857d99f6fb4670e928250835b21b68c59250520a1941618b5b4194e20c3"},
+    {file = "tiktoken-0.6.0-cp38-cp38-win_amd64.whl", hash = "sha256:168d718f07a39b013032741867e789971346df8e89983fe3c0ef3fbd5a0b1cb9"},
+    {file = "tiktoken-0.6.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:47fdcfe11bd55376785a6aea8ad1db967db7f66ea81aed5c43fad497521819a4"},
+    {file = "tiktoken-0.6.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:fb7d2ccbf1a7784810aff6b80b4012fb42c6fc37eaa68cb3b553801a5cc2d1fc"},
+    {file = "tiktoken-0.6.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1ccb7a111ee76af5d876a729a347f8747d5ad548e1487eeea90eaf58894b3138"},
+    {file = "tiktoken-0.6.0-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b2048e1086b48e3c8c6e2ceeac866561374cd57a84622fa49a6b245ffecb7744"},
+    {file = "tiktoken-0.6.0-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:07f229a5eb250b6403a61200199cecf0aac4aa23c3ecc1c11c1ca002cbb8f159"},
+    {file = "tiktoken-0.6.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:432aa3be8436177b0db5a2b3e7cc28fd6c693f783b2f8722539ba16a867d0c6a"},
+    {file = "tiktoken-0.6.0-cp39-cp39-win_amd64.whl", hash = "sha256:8bfe8a19c8b5c40d121ee7938cd9c6a278e5b97dc035fd61714b4f0399d2f7a1"},
+    {file = "tiktoken-0.6.0.tar.gz", hash = "sha256:ace62a4ede83c75b0374a2ddfa4b76903cf483e9cb06247f566be3bf14e6beed"},
+]
+
+[package.dependencies]
+regex = ">=2022.1.18"
+requests = ">=2.26.0"
+
+[package.extras]
+blobfile = ["blobfile (>=2)"]
+
+[[package]]
+name = "tinycss2"
+version = "1.2.1"
+description = "A tiny CSS parser"
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "tinycss2-1.2.1-py3-none-any.whl", hash = "sha256:2b80a96d41e7c3914b8cda8bc7f705a4d9c49275616e886103dd839dfc847847"},
+    {file = "tinycss2-1.2.1.tar.gz", hash = "sha256:8cff3a8f066c2ec677c06dbc7b45619804a6938478d9d73c284b29d14ecb0627"},
+]
+
+[package.dependencies]
+webencodings = ">=0.4"
+
+[package.extras]
+doc = ["sphinx", "sphinx_rtd_theme"]
+test = ["flake8", "isort", "pytest"]
+
+[[package]]
+name = "tokenize-rt"
+version = "5.2.0"
+description = "A wrapper around the stdlib `tokenize` which roundtrips."
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "tokenize_rt-5.2.0-py2.py3-none-any.whl", hash = "sha256:b79d41a65cfec71285433511b50271b05da3584a1da144a0752e9c621a285289"},
+    {file = "tokenize_rt-5.2.0.tar.gz", hash = "sha256:9fe80f8a5c1edad2d3ede0f37481cc0cc1538a2f442c9c2f9e4feacd2792d054"},
+]
+
+[[package]]
+name = "tomli"
+version = "2.0.1"
+description = "A lil' TOML parser"
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "tomli-2.0.1-py3-none-any.whl", hash = "sha256:939de3e7a6161af0c887ef91b7d41a53e7c5a1ca976325f429cb46ea9bc30ecc"},
+    {file = "tomli-2.0.1.tar.gz", hash = "sha256:de526c12914f0c550d15924c62d72abc48d6fe7364aa87328337a31007fe8a4f"},
+]
+
+[[package]]
+name = "tomlkit"
+version = "0.12.3"
+description = "Style preserving TOML library"
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "tomlkit-0.12.3-py3-none-any.whl", hash = "sha256:b0a645a9156dc7cb5d3a1f0d4bab66db287fcb8e0430bdd4664a095ea16414ba"},
+    {file = "tomlkit-0.12.3.tar.gz", hash = "sha256:75baf5012d06501f07bee5bf8e801b9f343e7aac5a92581f20f80ce632e6b5a4"},
+]
+
+[[package]]
+name = "tornado"
+version = "6.4"
+description = "Tornado is a Python web framework and asynchronous networking library, originally developed at FriendFeed."
+optional = false
+python-versions = ">= 3.8"
+files = [
+    {file = "tornado-6.4-cp38-abi3-macosx_10_9_universal2.whl", hash = "sha256:02ccefc7d8211e5a7f9e8bc3f9e5b0ad6262ba2fbb683a6443ecc804e5224ce0"},
+    {file = "tornado-6.4-cp38-abi3-macosx_10_9_x86_64.whl", hash = "sha256:27787de946a9cffd63ce5814c33f734c627a87072ec7eed71f7fc4417bb16263"},
+    {file = "tornado-6.4-cp38-abi3-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:f7894c581ecdcf91666a0912f18ce5e757213999e183ebfc2c3fdbf4d5bd764e"},
+    {file = "tornado-6.4-cp38-abi3-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:e43bc2e5370a6a8e413e1e1cd0c91bedc5bd62a74a532371042a18ef19e10579"},
+    {file = "tornado-6.4-cp38-abi3-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f0251554cdd50b4b44362f73ad5ba7126fc5b2c2895cc62b14a1c2d7ea32f212"},
+    {file = "tornado-6.4-cp38-abi3-musllinux_1_1_aarch64.whl", hash = "sha256:fd03192e287fbd0899dd8f81c6fb9cbbc69194d2074b38f384cb6fa72b80e9c2"},
+    {file = "tornado-6.4-cp38-abi3-musllinux_1_1_i686.whl", hash = "sha256:88b84956273fbd73420e6d4b8d5ccbe913c65d31351b4c004ae362eba06e1f78"},
+    {file = "tornado-6.4-cp38-abi3-musllinux_1_1_x86_64.whl", hash = "sha256:71ddfc23a0e03ef2df1c1397d859868d158c8276a0603b96cf86892bff58149f"},
+    {file = "tornado-6.4-cp38-abi3-win32.whl", hash = "sha256:6f8a6c77900f5ae93d8b4ae1196472d0ccc2775cc1dfdc9e7727889145c45052"},
+    {file = "tornado-6.4-cp38-abi3-win_amd64.whl", hash = "sha256:10aeaa8006333433da48dec9fe417877f8bcc21f48dda8d661ae79da357b2a63"},
+    {file = "tornado-6.4.tar.gz", hash = "sha256:72291fa6e6bc84e626589f1c29d90a5a6d593ef5ae68052ee2ef000dfd273dee"},
+]
+
+[[package]]
+name = "tqdm"
+version = "4.66.2"
+description = "Fast, Extensible Progress Meter"
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "tqdm-4.66.2-py3-none-any.whl", hash = "sha256:1ee4f8a893eb9bef51c6e35730cebf234d5d0b6bd112b0271e10ed7c24a02bd9"},
+    {file = "tqdm-4.66.2.tar.gz", hash = "sha256:6cd52cdf0fef0e0f543299cfc96fec90d7b8a7e88745f411ec33eb44d5ed3531"},
+]
+
+[package.dependencies]
+colorama = {version = "*", markers = "platform_system == \"Windows\""}
+
+[package.extras]
+dev = ["pytest (>=6)", "pytest-cov", "pytest-timeout", "pytest-xdist"]
+notebook = ["ipywidgets (>=6)"]
+slack = ["slack-sdk"]
+telegram = ["requests"]
+
+[[package]]
+name = "traitlets"
+version = "5.14.1"
+description = "Traitlets Python configuration system"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "traitlets-5.14.1-py3-none-any.whl", hash = "sha256:2e5a030e6eff91737c643231bfcf04a65b0132078dad75e4936700b213652e74"},
+    {file = "traitlets-5.14.1.tar.gz", hash = "sha256:8585105b371a04b8316a43d5ce29c098575c2e477850b62b848b964f1444527e"},
+]
+
+[package.extras]
+docs = ["myst-parser", "pydata-sphinx-theme", "sphinx"]
+test = ["argcomplete (>=3.0.3)", "mypy (>=1.7.0)", "pre-commit", "pytest (>=7.0,<7.5)", "pytest-mock", "pytest-mypy-testing"]
+
+[[package]]
+name = "tree-sitter"
+version = "0.20.4"
+description = "Python bindings for the Tree-Sitter parsing library"
+optional = false
+python-versions = ">=3.3"
+files = [
+    {file = "tree_sitter-0.20.4-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:c259b9bcb596e54f54713eb3951226fc834d65289940f4bfdcdf519f08e8e876"},
+    {file = "tree_sitter-0.20.4-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:88da7e2e4c69881cd63916cc24ae0b809f96aae331da45b418ae6b2d1ed2ca19"},
+    {file = "tree_sitter-0.20.4-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:66a68b156ba131e9d8dff4a1f72037f4b368cc50c58f18905a91743ae1d1c795"},
+    {file = "tree_sitter-0.20.4-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:ae28e25d551f406807011487bdfb9728041e656b30b554fa7f3391ab64ed69f9"},
+    {file = "tree_sitter-0.20.4-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:36b10c9c69e825ba65cf9b0f77668bf33e70d2a5764b64ad6f133f8cc9220f09"},
+    {file = "tree_sitter-0.20.4-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:7c18c64ddd44b75b7e1660b9793753eda427e4b145b6216d4b2d2e9b200c74f2"},
+    {file = "tree_sitter-0.20.4-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:e9e9e594bbefb76ad9ea256f5c87eba7591b4758854d3df83ce4df415933a006"},
+    {file = "tree_sitter-0.20.4-cp310-cp310-win32.whl", hash = "sha256:b4755229dc18644fe48bcab974bde09b171fcb6ef625d3cb5ece5c6198f4223e"},
+    {file = "tree_sitter-0.20.4-cp310-cp310-win_amd64.whl", hash = "sha256:f792684cee8a46d9194d9f4223810e54ccc704470c5777538d59fbde0a4c91bf"},
+    {file = "tree_sitter-0.20.4-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:9d22ee75f45836554ee6a11e50dd8f9827941e67c49fce9a0790245b899811a9"},
+    {file = "tree_sitter-0.20.4-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:2a0ffd76dd991ba745bb5d0ba1d583bec85726d3ddef8c9685dc8636a619adde"},
+    {file = "tree_sitter-0.20.4-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:060d4e5b803be0975f1ac46e54a292eab0701296ccd912f6cdac3f7331e29143"},
+    {file = "tree_sitter-0.20.4-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:822e02366dbf223697b2b56b8f91aa5b60571f9fe7c998988a381db1c69604e9"},
+    {file = "tree_sitter-0.20.4-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:527ca72c6a8f60fa719af37fa86f58b7ad0e07b8f74d1c1c7e926c5c888a7e6b"},
+    {file = "tree_sitter-0.20.4-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:a418ca71309ea7052e076f08d623f33f58eae01a8e8cdc1e6d3a01b5b8ddebfe"},
+    {file = "tree_sitter-0.20.4-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:08c3ba2561b61a83c28ca06a0bce2a5ffcfb6b39f9d27a45e5ebd9cad2bedb7f"},
+    {file = "tree_sitter-0.20.4-cp311-cp311-win32.whl", hash = "sha256:8d04c75a389b2de94952d602264852acff8cd3ed1ccf8a2492a080973d5ddd58"},
+    {file = "tree_sitter-0.20.4-cp311-cp311-win_amd64.whl", hash = "sha256:ba9215c0e7529d9eb370528e5d99b7389d14a7eae94f07d14fa9dab18f267c62"},
+    {file = "tree_sitter-0.20.4-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:c4c1af5ed4306071d30970c83ec882520a7bf5d8053996dbc4aa5c59238d4990"},
+    {file = "tree_sitter-0.20.4-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:9d70bfa550cf22c9cea9b3c0d18b889fc4f2a7e9dcf1d6cc93f49fa9d4a94954"},
+    {file = "tree_sitter-0.20.4-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:6de537bca0641775d8d175d37303d54998980fc0d997dd9aa89e16b415bf0cc3"},
+    {file = "tree_sitter-0.20.4-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9b1c0f8c0e3e50267566f5116cdceedf4e23e8c08b55ef3becbe954a11b16e84"},
+    {file = "tree_sitter-0.20.4-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:20ef2ee6d9bb8e21713949e5ff769ed670fe1217f95b7eeb6c675788438c1e6e"},
+    {file = "tree_sitter-0.20.4-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:b6fd1c881ab0de5faa67168db2d001eee32be5482cb4e0b21b217689a05b6fe4"},
+    {file = "tree_sitter-0.20.4-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:bf47047420021d50aec529cb66387c90562350b499ddf56ecef1fc8255439e30"},
+    {file = "tree_sitter-0.20.4-cp312-cp312-win32.whl", hash = "sha256:c16b48378041fc9702b6aa3480f2ffa49ca8ea58141a862acd569e5a0679655f"},
+    {file = "tree_sitter-0.20.4-cp312-cp312-win_amd64.whl", hash = "sha256:973e871167079a1b1d7304d361449253efbe2a6974728ad563cf407bd02ddccb"},
+    {file = "tree_sitter-0.20.4-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:9d33a55598dd18a4d8b869a3417de82a4812c3a7dc7e61cb025ece3e9c3e4e96"},
+    {file = "tree_sitter-0.20.4-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7cee6955c2c97fc5927a41c7a8b06647c4b4d9b99b8a1581bf1183435c8cec3e"},
+    {file = "tree_sitter-0.20.4-cp36-cp36m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:5022bea67e479ad212be7c05b983a72e297a013efb4e8ea5b5b4d7da79a9fdef"},
+    {file = "tree_sitter-0.20.4-cp36-cp36m-musllinux_1_1_aarch64.whl", hash = "sha256:640f60a5b966f0990338f1bf559455c3dcb822bc4329d82b3d42f32a48374dfe"},
+    {file = "tree_sitter-0.20.4-cp36-cp36m-musllinux_1_1_x86_64.whl", hash = "sha256:0e83f641fe6f27d91bd4d259fff5d35de1567d3f581b9efe9bbd5be50fe4ddc7"},
+    {file = "tree_sitter-0.20.4-cp36-cp36m-win32.whl", hash = "sha256:ce6a85027c66fa3f09d482cc6d41927ea40955f7f33b86aedd26dd932709a2c9"},
+    {file = "tree_sitter-0.20.4-cp36-cp36m-win_amd64.whl", hash = "sha256:fe10779347a6c067af29cb37fd4b75fa96c5cb68f587cc9530b70fe3f2a51a55"},
+    {file = "tree_sitter-0.20.4-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:28d5f84e34e276887e3a240b60906ca7e2b51e975f3145c3149ceed977a69508"},
+    {file = "tree_sitter-0.20.4-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6c913b65cbe10996116988ac436748f24883b5097e58274223e89bb2c5d1bb1a"},
+    {file = "tree_sitter-0.20.4-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ecaed46241e071752195a628bb97d2b740f2fde9e34f8a74456a4ea8bb26df88"},
+    {file = "tree_sitter-0.20.4-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:b641e88a97eab002a1736d93ef5a4beac90ea4fd6e25affd1831319b99f456c9"},
+    {file = "tree_sitter-0.20.4-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:327c40f439c6155e4eee54c4657e4701a04f5f4816d9defdcb836bf65bf83d21"},
+    {file = "tree_sitter-0.20.4-cp37-cp37m-win32.whl", hash = "sha256:1b7c1d95f006b3de42fbf4045bd00c273d113e372fcb6a5378e74ed120c12032"},
+    {file = "tree_sitter-0.20.4-cp37-cp37m-win_amd64.whl", hash = "sha256:6140d037239a41046f5d34fba5e0374ee697adb4b48b90579c618b5402781c11"},
+    {file = "tree_sitter-0.20.4-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:f42fd1104efaad8151370f1936e2a488b7337a5d24544a9ab59ba4c4010b1272"},
+    {file = "tree_sitter-0.20.4-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:7859717c5d62ee386b3d036cab8ed0f88f8c027b6b4ae476a55a8c5fb8aab713"},
+    {file = "tree_sitter-0.20.4-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:fdd361fe1cc68db68b4d85165641275e34b86cc26b2bab932790204fa14824dc"},
+    {file = "tree_sitter-0.20.4-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:9b8d7539075606027b67764543463ff2bc4e52f4158ef6dc419c9f5625aa5383"},
+    {file = "tree_sitter-0.20.4-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:78e76307f05aca6cde72f3307b4d53701f34ae45f2248ceb83d1626051e201fd"},
+    {file = "tree_sitter-0.20.4-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:dd8c352f4577f61098d06cf3feb7fd214259f41b5036b81003860ed54d16b448"},
+    {file = "tree_sitter-0.20.4-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:281f3e5382d1bd7fccc88d1afe68c915565bc24f8b8dd4844079d46c7815b8a7"},
+    {file = "tree_sitter-0.20.4-cp38-cp38-win32.whl", hash = "sha256:6a77ac3cdcddd80cdd1fd394318bff99f94f37e08d235aaefccb87e1224946e5"},
+    {file = "tree_sitter-0.20.4-cp38-cp38-win_amd64.whl", hash = "sha256:8eee8adf54033dc48eab84b040f4d7b32355a964c4ae0aae5dfbdc4dbc3364ca"},
+    {file = "tree_sitter-0.20.4-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:e89f6508e30fce05e2c724725d022db30d877817b9d64f933506ffb3a3f4a2c2"},
+    {file = "tree_sitter-0.20.4-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:7fb6286bb1fae663c45ff0700ec88fb9b50a81eed2bae8a291f95fcf8cc19547"},
+    {file = "tree_sitter-0.20.4-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:11e93f8b4bbae04070416a82257a7ab2eb0afb76e093ae3ea73bd63b792f6846"},
+    {file = "tree_sitter-0.20.4-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8250725c5f78929aeb2c71db5dca76f1ef448389ca16f9439161f90978bb8478"},
+    {file = "tree_sitter-0.20.4-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d404a8ca9de9b0843844f0cd4d423f46bc46375ab8afb63b1d8ec01201457ac8"},
+    {file = "tree_sitter-0.20.4-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:0f2422c9ee70ba972dfc3943746e6cf7fc03725a866908950245bda9ccfc7301"},
+    {file = "tree_sitter-0.20.4-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:21a937942e4729abbe778a609d2c218574436cb351c36fba89ef3c8c6066ec78"},
+    {file = "tree_sitter-0.20.4-cp39-cp39-win32.whl", hash = "sha256:427a9a39360cc1816e28f8182550e478e4ba983595a2565ab9dfe32ea1b03fd7"},
+    {file = "tree_sitter-0.20.4-cp39-cp39-win_amd64.whl", hash = "sha256:7095bb9aff297fa9c6026bf8914fd295997d714d1a6ee9a1edf7282c772f9f64"},
+    {file = "tree_sitter-0.20.4-pp310-pypy310_pp73-macosx_10_9_x86_64.whl", hash = "sha256:859260b90f0e3867ae840e39f54e830f607b3bc531bc21deeeeaa8a30cbb89ad"},
+    {file = "tree_sitter-0.20.4-pp310-pypy310_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:0dfc14be73cf46126660a3aecdd0396e69562ad1a902245225ca7bd29649594e"},
+    {file = "tree_sitter-0.20.4-pp310-pypy310_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:5ec46355bf3ff23f54d5e365871ffd3e05cfbc65d1b36a8be7c0bcbda30a1d43"},
+    {file = "tree_sitter-0.20.4-pp310-pypy310_pp73-win_amd64.whl", hash = "sha256:d933a942fde39876b99c36f12aa3764e4a555ae9366c10ce6cca8c16341c1bbf"},
+    {file = "tree_sitter-0.20.4-pp37-pypy37_pp73-macosx_10_9_x86_64.whl", hash = "sha256:a7eec3b55135fe851a38fa248c9fd75fc3d58ceb6e1865b795e416e4d598c2a1"},
+    {file = "tree_sitter-0.20.4-pp37-pypy37_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:dfc76225529ee14a53e84413480ce81ec3c44eaa0455c140e961c90ac3118ead"},
+    {file = "tree_sitter-0.20.4-pp37-pypy37_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ccf0396e47efffc0b528959a8f2e2346a98297579f867e9e1834c2aad4be829c"},
+    {file = "tree_sitter-0.20.4-pp37-pypy37_pp73-win_amd64.whl", hash = "sha256:a15fbabd3bc8e29c48289c156d743e69f5ec72bb125cf44f7adbdaa1937c3da6"},
+    {file = "tree_sitter-0.20.4-pp38-pypy38_pp73-macosx_10_9_x86_64.whl", hash = "sha256:36f8adf2126f496cf376b6e4b707cba061c25beb17841727eef6f0e083e53e1f"},
+    {file = "tree_sitter-0.20.4-pp38-pypy38_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:841efb40c116ab0a066924925409a8a4dcffeb39a151c0b2a1c2abe56ad4fb42"},
+    {file = "tree_sitter-0.20.4-pp38-pypy38_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:2051e8a70fd8426f27a43dad71d11929a62ce30a9b1eb65bba0ed79e82481592"},
+    {file = "tree_sitter-0.20.4-pp38-pypy38_pp73-win_amd64.whl", hash = "sha256:99a3c2824d4cfcffd9f961176891426bde2cb36ece5280c61480be93319c23c4"},
+    {file = "tree_sitter-0.20.4-pp39-pypy39_pp73-macosx_10_9_x86_64.whl", hash = "sha256:72830dc85a10430eca3d56739b7efcd7a05459c8d425f08c1aee6179ab7f13a9"},
+    {file = "tree_sitter-0.20.4-pp39-pypy39_pp73-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4992dd226055b6cd0a4f5661c66b799a73d3eff716302e0f7ab06594ee12d49f"},
+    {file = "tree_sitter-0.20.4-pp39-pypy39_pp73-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a66d95bbf92175cdc295d6d77f330942811f02e3aaf3fc64431cb749683b2f7d"},
+    {file = "tree_sitter-0.20.4-pp39-pypy39_pp73-win_amd64.whl", hash = "sha256:a25b1087e4f7825b2458dacf5f4b0be2938f78e850e822edca1ff4994b56081a"},
+    {file = "tree_sitter-0.20.4.tar.gz", hash = "sha256:6adb123e2f3e56399bbf2359924633c882cc40ee8344885200bca0922f713be5"},
+]
+
+[[package]]
+name = "tree-sitter-languages"
+version = "1.10.2"
+description = "Binary Python wheels for all tree sitter languages."
+optional = false
+python-versions = "*"
+files = [
+    {file = "tree_sitter_languages-1.10.2-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:5580348f0b20233b1d5431fa178ccd3d07423ca4a3275df02a44608fd72344b9"},
+    {file = "tree_sitter_languages-1.10.2-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:103c7466644486b1e9e03850df46fc6aa12f13ca636c74f173270276220ac80b"},
+    {file = "tree_sitter_languages-1.10.2-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d13db84511c6f1a7dc40383b66deafa74dabd8b877e3d65ab253f3719eccafd6"},
+    {file = "tree_sitter_languages-1.10.2-cp310-cp310-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:57adfa32be7e465b54aa72f915f6c78a2b66b227df4f656b5d4fbd1ca7a92b3f"},
+    {file = "tree_sitter_languages-1.10.2-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:1c6385e033e460ceb8f33f3f940335f422ef2b763700a04f0089391a68b56153"},
+    {file = "tree_sitter_languages-1.10.2-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:dfa3f38cc5381c5aba01dd7494f59b8a9050e82ff6e06e1233e3a0cbae297e3c"},
+    {file = "tree_sitter_languages-1.10.2-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:9f195155acf47f8bc5de7cee46ecd07b2f5697f007ba89435b51ef4c0b953ea5"},
+    {file = "tree_sitter_languages-1.10.2-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:2de330e2ac6d7426ca025a3ec0f10d5640c3682c1d0c7702e812dcfb44b58120"},
+    {file = "tree_sitter_languages-1.10.2-cp310-cp310-win32.whl", hash = "sha256:c9731cf745f135d9770eeba9bb4e2ff4dabc107b5ae9b8211e919f6b9100ea6d"},
+    {file = "tree_sitter_languages-1.10.2-cp310-cp310-win_amd64.whl", hash = "sha256:6dd75851c41d0c3c4987a9b7692d90fa8848706c23115669d8224ffd6571e357"},
+    {file = "tree_sitter_languages-1.10.2-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:7eb7d7542b2091c875fe52719209631fca36f8c10fa66970d2c576ae6a1b8289"},
+    {file = "tree_sitter_languages-1.10.2-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:6b41bcb00974b1c8a1800c7f1bb476a1d15a0463e760ee24872f2d53b08ee424"},
+    {file = "tree_sitter_languages-1.10.2-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6f370cd7845c6c81df05680d5bd96db8a99d32b56f4728c5d05978911130a853"},
+    {file = "tree_sitter_languages-1.10.2-cp311-cp311-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:a1dc195c88ef4c72607e112a809a69190e096a2e5ebc6201548b3e05fdd169ad"},
+    {file = "tree_sitter_languages-1.10.2-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9ae34ac314a7170be24998a0f994c1ac80761d8d4bd126af27ee53a023d3b849"},
+    {file = "tree_sitter_languages-1.10.2-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:01b5742d5f5bd675489486b582bd482215880b26dde042c067f8265a6e925d9c"},
+    {file = "tree_sitter_languages-1.10.2-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:ab1cbc46244d34fd16f21edaa20231b2a57f09f092a06ee3d469f3117e6eb954"},
+    {file = "tree_sitter_languages-1.10.2-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:0b1149e7467a4e92b8a70e6005fe762f880f493cf811fc003554b29f04f5e7c8"},
+    {file = "tree_sitter_languages-1.10.2-cp311-cp311-win32.whl", hash = "sha256:049276343962f4696390ee555acc2c1a65873270c66a6cbe5cb0bca83bcdf3c6"},
+    {file = "tree_sitter_languages-1.10.2-cp311-cp311-win_amd64.whl", hash = "sha256:7f3fdd468a577f04db3b63454d939e26e360229b53c80361920aa1ebf2cd7491"},
+    {file = "tree_sitter_languages-1.10.2-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:c0f4c8b2734c45859edc7fcaaeaab97a074114111b5ba51ab4ec7ed52104763c"},
+    {file = "tree_sitter_languages-1.10.2-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:eecd3c1244ac3425b7a82ba9125b4ddb45d953bbe61de114c0334fd89b7fe782"},
+    {file = "tree_sitter_languages-1.10.2-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:15db3c8510bc39a80147ee7421bf4782c15c09581c1dc2237ea89cefbd95b846"},
+    {file = "tree_sitter_languages-1.10.2-cp312-cp312-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:92c6487a6feea683154d3e06e6db68c30e0ae749a7ce4ce90b9e4e46b78c85c7"},
+    {file = "tree_sitter_languages-1.10.2-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:6d2f1cd1d1bdd65332f9c2b67d49dcf148cf1ded752851d159ac3e5ee4f4d260"},
+    {file = "tree_sitter_languages-1.10.2-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:976c8039165b8e12f17a01ddee9f4e23ec6e352b165ad29b44d2bf04e2fbe77e"},
+    {file = "tree_sitter_languages-1.10.2-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:dafbbdf16bf668a580902e1620f4baa1913e79438abcce721a50647564c687b9"},
+    {file = "tree_sitter_languages-1.10.2-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:1aeabd3d60d6d276b73cd8f3739d595b1299d123cc079a317f1a5b3c5461e2ca"},
+    {file = "tree_sitter_languages-1.10.2-cp312-cp312-win32.whl", hash = "sha256:fab8ee641914098e8933b87ea3d657bea4dd00723c1ee7038b847b12eeeef4f5"},
+    {file = "tree_sitter_languages-1.10.2-cp312-cp312-win_amd64.whl", hash = "sha256:5e606430d736367e5787fa5a7a0c5a1ec9b85eded0b3596bbc0d83532a40810b"},
+    {file = "tree_sitter_languages-1.10.2-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:838d5b48a7ed7a17658721952c77fda4570d2a069f933502653b17e15a9c39c9"},
+    {file = "tree_sitter_languages-1.10.2-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:987b3c71b1d278c2889e018ee77b8ee05c384e2e3334dec798f8b611c4ab2d1e"},
+    {file = "tree_sitter_languages-1.10.2-cp37-cp37m-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:faa00abcb2c819027df58472da055d22fa7dfcb77c77413d8500c32ebe24d38b"},
+    {file = "tree_sitter_languages-1.10.2-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:0e102fbbf02322d9201a86a814e79a9734ac80679fdb9682144479044f401a73"},
+    {file = "tree_sitter_languages-1.10.2-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:8f0b87cf1a7b03174ba18dfd81582be82bfed26803aebfe222bd20e444aba003"},
+    {file = "tree_sitter_languages-1.10.2-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:c0f1b9af9cb67f0b942b020da9fdd000aad5e92f2383ae0ba7a330b318d31912"},
+    {file = "tree_sitter_languages-1.10.2-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:5a4076c921f7a4d31e643843de7dfe040b65b63a238a5aa8d31d93aabe6572aa"},
+    {file = "tree_sitter_languages-1.10.2-cp37-cp37m-win32.whl", hash = "sha256:fa6391a3a5d83d32db80815161237b67d70576f090ce5f38339206e917a6f8bd"},
+    {file = "tree_sitter_languages-1.10.2-cp37-cp37m-win_amd64.whl", hash = "sha256:55649d3f254585a064121513627cf9788c1cfdadbc5f097f33d5ba750685a4c0"},
+    {file = "tree_sitter_languages-1.10.2-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:6f85d1edaa2d22d80d4ea5b6d12b95cf3644017b6c227d0d42854439e02e8893"},
+    {file = "tree_sitter_languages-1.10.2-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:d78feed4a764ef3141cb54bf00fe94d514d8b6e26e09423e23b4c616fcb7938c"},
+    {file = "tree_sitter_languages-1.10.2-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:da1aca27531f9dd5308637d76643372856f0f65d0d28677d1bcf4211e8ed1ad0"},
+    {file = "tree_sitter_languages-1.10.2-cp38-cp38-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:1031ea440dafb72237437d754eff8940153a3b051e3d18932ac25e75ce060a15"},
+    {file = "tree_sitter_languages-1.10.2-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:99d3249beaef2c9fe558ecc9a97853c260433a849dcc68266d9770d196c2e102"},
+    {file = "tree_sitter_languages-1.10.2-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:59a4450f262a55148fb7e68681522f0c2a2f6b7d89666312a2b32708d8f416e1"},
+    {file = "tree_sitter_languages-1.10.2-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:ce74eab0e430370d5e15a96b6c6205f93405c177a8b2e71e1526643b2fb9bab1"},
+    {file = "tree_sitter_languages-1.10.2-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:9b4dd2b6b3d24c85dffe33d6c343448869eaf4f41c19ddba662eb5d65d8808f4"},
+    {file = "tree_sitter_languages-1.10.2-cp38-cp38-win32.whl", hash = "sha256:92d734fb968fe3927a7596d9f0459f81a8fa7b07e16569476b28e27d0d753348"},
+    {file = "tree_sitter_languages-1.10.2-cp38-cp38-win_amd64.whl", hash = "sha256:46a13f7d38f2eeb75f7cf127d1201346093748c270d686131f0cbc50e42870a1"},
+    {file = "tree_sitter_languages-1.10.2-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:f8c6a936ae99fdd8857e91f86c11c2f5e507ff30631d141d98132bb7ab2c8638"},
+    {file = "tree_sitter_languages-1.10.2-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:c283a61423f49cdfa7b5a5dfbb39221e3bd126fca33479cd80749d4d7a6b7349"},
+    {file = "tree_sitter_languages-1.10.2-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:76e60be6bdcff923386a54a5edcb6ff33fc38ab0118636a762024fa2bc98de55"},
+    {file = "tree_sitter_languages-1.10.2-cp39-cp39-manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:c00069f9575bd831eabcce2cdfab158dde1ed151e7e5614c2d985ff7d78a7de1"},
+    {file = "tree_sitter_languages-1.10.2-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:475ff53203d8a43ccb19bb322fa2fb200d764001cc037793f1fadd714bb343da"},
+    {file = "tree_sitter_languages-1.10.2-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:26fe7c9c412e4141dea87ea4b3592fd12e385465b5bdab106b0d5125754d4f60"},
+    {file = "tree_sitter_languages-1.10.2-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:8fed27319957458340f24fe14daad467cd45021da034eef583519f83113a8c5e"},
+    {file = "tree_sitter_languages-1.10.2-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:3657a491a7f96cc75a3568ddd062d25f3be82b6a942c68801a7b226ff7130181"},
+    {file = "tree_sitter_languages-1.10.2-cp39-cp39-win32.whl", hash = "sha256:33f7d584d01a7a3c893072f34cfc64ec031f3cfe57eebc32da2f8ac046e101a7"},
+    {file = "tree_sitter_languages-1.10.2-cp39-cp39-win_amd64.whl", hash = "sha256:1b944af3ee729fa70fc8ae82224a9ff597cdb63addea084e0ea2fa2b0ec39bb7"},
+]
+
+[package.dependencies]
+tree-sitter = "*"
+
+[[package]]
+name = "types-deprecated"
+version = "1.2.9.20240106"
+description = "Typing stubs for Deprecated"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "types-Deprecated-1.2.9.20240106.tar.gz", hash = "sha256:afeb819e9a03d0a5795f18c88fe6207c48ed13c639e93281bd9d9b7bb6d34310"},
+    {file = "types_Deprecated-1.2.9.20240106-py3-none-any.whl", hash = "sha256:9dcb258493b5be407574ee21e50ddac9e429072d39b576126bf1ac00764fb9a8"},
+]
+
+[[package]]
+name = "types-docutils"
+version = "0.20.0.20240201"
+description = "Typing stubs for docutils"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "types-docutils-0.20.0.20240201.tar.gz", hash = "sha256:ba4bfd4ff6dd19640ba7ab5d93900393a65897880f3650997964a943f4e79a6b"},
+    {file = "types_docutils-0.20.0.20240201-py3-none-any.whl", hash = "sha256:79d3bcef235f7c81a63f4f3dcf1d0b138985079bb32d02f5a7d266e1f9f361ba"},
+]
+
+[[package]]
+name = "types-protobuf"
+version = "4.24.0.20240129"
+description = "Typing stubs for protobuf"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "types-protobuf-4.24.0.20240129.tar.gz", hash = "sha256:8a83dd3b9b76a33e08d8636c5daa212ace1396418ed91837635fcd564a624891"},
+    {file = "types_protobuf-4.24.0.20240129-py3-none-any.whl", hash = "sha256:23be68cc29f3f5213b5c5878ac0151706182874040e220cfb11336f9ee642ead"},
+]
+
+[[package]]
+name = "types-pyopenssl"
+version = "24.0.0.20240130"
+description = "Typing stubs for pyOpenSSL"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "types-pyOpenSSL-24.0.0.20240130.tar.gz", hash = "sha256:c812e5c1c35249f75ef5935708b2a997d62abf9745be222e5f94b9595472ab25"},
+    {file = "types_pyOpenSSL-24.0.0.20240130-py3-none-any.whl", hash = "sha256:24a255458b5b8a7fca8139cf56f2a8ad5a4f1a5f711b73a5bb9cb50dc688fab5"},
+]
+
+[package.dependencies]
+cryptography = ">=35.0.0"
+
+[[package]]
+name = "types-python-dateutil"
+version = "2.8.19.20240106"
+description = "Typing stubs for python-dateutil"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "types-python-dateutil-2.8.19.20240106.tar.gz", hash = "sha256:1f8db221c3b98e6ca02ea83a58371b22c374f42ae5bbdf186db9c9a76581459f"},
+    {file = "types_python_dateutil-2.8.19.20240106-py3-none-any.whl", hash = "sha256:efbbdc54590d0f16152fa103c9879c7d4a00e82078f6e2cf01769042165acaa2"},
+]
+
+[[package]]
+name = "types-pyyaml"
+version = "6.0.12.12"
+description = "Typing stubs for PyYAML"
+optional = false
+python-versions = "*"
+files = [
+    {file = "types-PyYAML-6.0.12.12.tar.gz", hash = "sha256:334373d392fde0fdf95af5c3f1661885fa10c52167b14593eb856289e1855062"},
+    {file = "types_PyYAML-6.0.12.12-py3-none-any.whl", hash = "sha256:c05bc6c158facb0676674b7f11fe3960db4f389718e19e62bd2b84d6205cfd24"},
+]
+
+[[package]]
+name = "types-redis"
+version = "4.5.5.0"
+description = "Typing stubs for redis"
+optional = false
+python-versions = "*"
+files = [
+    {file = "types-redis-4.5.5.0.tar.gz", hash = "sha256:26547d91f011a4024375d9216cd4d917b4678c984201d46f72c604526c138523"},
+    {file = "types_redis-4.5.5.0-py3-none-any.whl", hash = "sha256:c7132e0cedeb52a83d20138c0440721bfae89cd2027c1ef57a294b56dfde4ee8"},
+]
+
+[package.dependencies]
+cryptography = ">=35.0.0"
+types-pyOpenSSL = "*"
+
+[[package]]
+name = "types-requests"
+version = "2.28.11.8"
+description = "Typing stubs for requests"
+optional = false
+python-versions = "*"
+files = [
+    {file = "types-requests-2.28.11.8.tar.gz", hash = "sha256:e67424525f84adfbeab7268a159d3c633862dafae15c5b19547ce1b55954f0a3"},
+    {file = "types_requests-2.28.11.8-py3-none-any.whl", hash = "sha256:61960554baca0008ae7e2db2bd3b322ca9a144d3e80ce270f5fb640817e40994"},
+]
+
+[package.dependencies]
+types-urllib3 = "<1.27"
+
+[[package]]
+name = "types-setuptools"
+version = "67.1.0.0"
+description = "Typing stubs for setuptools"
+optional = false
+python-versions = "*"
+files = [
+    {file = "types-setuptools-67.1.0.0.tar.gz", hash = "sha256:162a39d22e3a5eb802197c84f16b19e798101bbd33d9437837fbb45627da5627"},
+    {file = "types_setuptools-67.1.0.0-py3-none-any.whl", hash = "sha256:5bd7a10d93e468bfcb10d24cb8ea5e12ac4f4ac91267293959001f1448cf0619"},
+]
+
+[package.dependencies]
+types-docutils = "*"
+
+[[package]]
+name = "types-urllib3"
+version = "1.26.25.14"
+description = "Typing stubs for urllib3"
+optional = false
+python-versions = "*"
+files = [
+    {file = "types-urllib3-1.26.25.14.tar.gz", hash = "sha256:229b7f577c951b8c1b92c1bc2b2fdb0b49847bd2af6d1cc2a2e3dd340f3bda8f"},
+    {file = "types_urllib3-1.26.25.14-py3-none-any.whl", hash = "sha256:9683bbb7fb72e32bfe9d2be6e04875fbe1b3eeec3cbb4ea231435aa7fd6b4f0e"},
+]
+
+[[package]]
+name = "typing-extensions"
+version = "4.9.0"
+description = "Backported and Experimental Type Hints for Python 3.8+"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "typing_extensions-4.9.0-py3-none-any.whl", hash = "sha256:af72aea155e91adfc61c3ae9e0e342dbc0cba726d6cba4b6c72c1f34e47291cd"},
+    {file = "typing_extensions-4.9.0.tar.gz", hash = "sha256:23478f88c37f27d76ac8aee6c905017a143b0b1b886c3c9f66bc2fd94f9f5783"},
+]
+
+[[package]]
+name = "typing-inspect"
+version = "0.9.0"
+description = "Runtime inspection utilities for typing module."
+optional = false
+python-versions = "*"
+files = [
+    {file = "typing_inspect-0.9.0-py3-none-any.whl", hash = "sha256:9ee6fc59062311ef8547596ab6b955e1b8aa46242d854bfc78f4f6b0eff35f9f"},
+    {file = "typing_inspect-0.9.0.tar.gz", hash = "sha256:b23fc42ff6f6ef6954e4852c1fb512cdd18dbea03134f91f856a95ccc9461f78"},
+]
+
+[package.dependencies]
+mypy-extensions = ">=0.3.0"
+typing-extensions = ">=3.7.4"
+
+[[package]]
+name = "tzdata"
+version = "2024.1"
+description = "Provider of IANA time zone data"
+optional = false
+python-versions = ">=2"
+files = [
+    {file = "tzdata-2024.1-py2.py3-none-any.whl", hash = "sha256:9068bc196136463f5245e51efda838afa15aaeca9903f49050dfa2679db4d252"},
+    {file = "tzdata-2024.1.tar.gz", hash = "sha256:2674120f8d891909751c38abcdfd386ac0a5a1127954fbc332af6b5ceae07efd"},
+]
+
+[[package]]
+name = "uri-template"
+version = "1.3.0"
+description = "RFC 6570 URI Template Processor"
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "uri-template-1.3.0.tar.gz", hash = "sha256:0e00f8eb65e18c7de20d595a14336e9f337ead580c70934141624b6d1ffdacc7"},
+    {file = "uri_template-1.3.0-py3-none-any.whl", hash = "sha256:a44a133ea12d44a0c0f06d7d42a52d71282e77e2f937d8abd5655b8d56fc1363"},
+]
+
+[package.extras]
+dev = ["flake8", "flake8-annotations", "flake8-bandit", "flake8-bugbear", "flake8-commas", "flake8-comprehensions", "flake8-continuation", "flake8-datetimez", "flake8-docstrings", "flake8-import-order", "flake8-literal", "flake8-modern-annotations", "flake8-noqa", "flake8-pyproject", "flake8-requirements", "flake8-typechecking-import", "flake8-use-fstring", "mypy", "pep8-naming", "types-PyYAML"]
+
+[[package]]
+name = "urllib3"
+version = "2.2.1"
+description = "HTTP library with thread-safe connection pooling, file post, and more."
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "urllib3-2.2.1-py3-none-any.whl", hash = "sha256:450b20ec296a467077128bff42b73080516e71b56ff59a60a02bef2232c4fa9d"},
+    {file = "urllib3-2.2.1.tar.gz", hash = "sha256:d0570876c61ab9e520d776c38acbbb5b05a776d3f9ff98a5c8fd5162a444cf19"},
+]
+
+[package.extras]
+brotli = ["brotli (>=1.0.9)", "brotlicffi (>=0.8.0)"]
+h2 = ["h2 (>=4,<5)"]
+socks = ["pysocks (>=1.5.6,!=1.5.7,<2.0)"]
+zstd = ["zstandard (>=0.18.0)"]
+
+[[package]]
+name = "virtualenv"
+version = "20.25.1"
+description = "Virtual Python Environment builder"
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "virtualenv-20.25.1-py3-none-any.whl", hash = "sha256:961c026ac520bac5f69acb8ea063e8a4f071bcc9457b9c1f28f6b085c511583a"},
+    {file = "virtualenv-20.25.1.tar.gz", hash = "sha256:e08e13ecdca7a0bd53798f356d5831434afa5b07b93f0abdf0797b7a06ffe197"},
+]
+
+[package.dependencies]
+distlib = ">=0.3.7,<1"
+filelock = ">=3.12.2,<4"
+platformdirs = ">=3.9.1,<5"
+
+[package.extras]
+docs = ["furo (>=2023.7.26)", "proselint (>=0.13)", "sphinx (>=7.1.2)", "sphinx-argparse (>=0.4)", "sphinxcontrib-towncrier (>=0.2.1a0)", "towncrier (>=23.6)"]
+test = ["covdefaults (>=2.3)", "coverage (>=7.2.7)", "coverage-enable-subprocess (>=1)", "flaky (>=3.7)", "packaging (>=23.1)", "pytest (>=7.4)", "pytest-env (>=0.8.2)", "pytest-freezer (>=0.4.8)", "pytest-mock (>=3.11.1)", "pytest-randomly (>=3.12)", "pytest-timeout (>=2.1)", "setuptools (>=68)", "time-machine (>=2.10)"]
+
+[[package]]
+name = "wcwidth"
+version = "0.2.13"
+description = "Measures the displayed width of unicode strings in a terminal"
+optional = false
+python-versions = "*"
+files = [
+    {file = "wcwidth-0.2.13-py2.py3-none-any.whl", hash = "sha256:3da69048e4540d84af32131829ff948f1e022c1c6bdb8d6102117aac784f6859"},
+    {file = "wcwidth-0.2.13.tar.gz", hash = "sha256:72ea0c06399eb286d978fdedb6923a9eb47e1c486ce63e9b4e64fc18303972b5"},
+]
+
+[[package]]
+name = "webcolors"
+version = "1.13"
+description = "A library for working with the color formats defined by HTML and CSS."
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "webcolors-1.13-py3-none-any.whl", hash = "sha256:29bc7e8752c0a1bd4a1f03c14d6e6a72e93d82193738fa860cbff59d0fcc11bf"},
+    {file = "webcolors-1.13.tar.gz", hash = "sha256:c225b674c83fa923be93d235330ce0300373d02885cef23238813b0d5668304a"},
+]
+
+[package.extras]
+docs = ["furo", "sphinx", "sphinx-copybutton", "sphinx-inline-tabs", "sphinx-notfound-page", "sphinxext-opengraph"]
+tests = ["pytest", "pytest-cov"]
+
+[[package]]
+name = "webencodings"
+version = "0.5.1"
+description = "Character encoding aliases for legacy web content"
+optional = false
+python-versions = "*"
+files = [
+    {file = "webencodings-0.5.1-py2.py3-none-any.whl", hash = "sha256:a0af1213f3c2226497a97e2b3aa01a7e4bee4f403f95be16fc9acd2947514a78"},
+    {file = "webencodings-0.5.1.tar.gz", hash = "sha256:b36a1c245f2d304965eb4e0a82848379241dc04b865afcc4aab16748587e1923"},
+]
+
+[[package]]
+name = "websocket-client"
+version = "1.7.0"
+description = "WebSocket client for Python with low level API options"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "websocket-client-1.7.0.tar.gz", hash = "sha256:10e511ea3a8c744631d3bd77e61eb17ed09304c413ad42cf6ddfa4c7787e8fe6"},
+    {file = "websocket_client-1.7.0-py3-none-any.whl", hash = "sha256:f4c3d22fec12a2461427a29957ff07d35098ee2d976d3ba244e688b8b4057588"},
+]
+
+[package.extras]
+docs = ["Sphinx (>=6.0)", "sphinx-rtd-theme (>=1.1.0)"]
+optional = ["python-socks", "wsaccel"]
+test = ["websockets"]
+
+[[package]]
+name = "widgetsnbextension"
+version = "4.0.10"
+description = "Jupyter interactive widgets for Jupyter Notebook"
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "widgetsnbextension-4.0.10-py3-none-any.whl", hash = "sha256:d37c3724ec32d8c48400a435ecfa7d3e259995201fbefa37163124a9fcb393cc"},
+    {file = "widgetsnbextension-4.0.10.tar.gz", hash = "sha256:64196c5ff3b9a9183a8e699a4227fb0b7002f252c814098e66c4d1cd0644688f"},
+]
+
+[[package]]
+name = "wikipedia"
+version = "1.4.0"
+description = "Wikipedia API for Python"
+optional = false
+python-versions = "*"
+files = [
+    {file = "wikipedia-1.4.0.tar.gz", hash = "sha256:db0fad1829fdd441b1852306e9856398204dc0786d2996dd2e0c8bb8e26133b2"},
+]
+
+[package.dependencies]
+beautifulsoup4 = "*"
+requests = ">=2.0.0,<3.0.0"
+
+[[package]]
+name = "wrapt"
+version = "1.16.0"
+description = "Module for decorators, wrappers and monkey patching."
+optional = false
+python-versions = ">=3.6"
+files = [
+    {file = "wrapt-1.16.0-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:ffa565331890b90056c01db69c0fe634a776f8019c143a5ae265f9c6bc4bd6d4"},
+    {file = "wrapt-1.16.0-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:e4fdb9275308292e880dcbeb12546df7f3e0f96c6b41197e0cf37d2826359020"},
+    {file = "wrapt-1.16.0-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:bb2dee3874a500de01c93d5c71415fcaef1d858370d405824783e7a8ef5db440"},
+    {file = "wrapt-1.16.0-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:2a88e6010048489cda82b1326889ec075a8c856c2e6a256072b28eaee3ccf487"},
+    {file = "wrapt-1.16.0-cp310-cp310-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:ac83a914ebaf589b69f7d0a1277602ff494e21f4c2f743313414378f8f50a4cf"},
+    {file = "wrapt-1.16.0-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:73aa7d98215d39b8455f103de64391cb79dfcad601701a3aa0dddacf74911d72"},
+    {file = "wrapt-1.16.0-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:807cc8543a477ab7422f1120a217054f958a66ef7314f76dd9e77d3f02cdccd0"},
+    {file = "wrapt-1.16.0-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:bf5703fdeb350e36885f2875d853ce13172ae281c56e509f4e6eca049bdfb136"},
+    {file = "wrapt-1.16.0-cp310-cp310-win32.whl", hash = "sha256:f6b2d0c6703c988d334f297aa5df18c45e97b0af3679bb75059e0e0bd8b1069d"},
+    {file = "wrapt-1.16.0-cp310-cp310-win_amd64.whl", hash = "sha256:decbfa2f618fa8ed81c95ee18a387ff973143c656ef800c9f24fb7e9c16054e2"},
+    {file = "wrapt-1.16.0-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:1a5db485fe2de4403f13fafdc231b0dbae5eca4359232d2efc79025527375b09"},
+    {file = "wrapt-1.16.0-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:75ea7d0ee2a15733684badb16de6794894ed9c55aa5e9903260922f0482e687d"},
+    {file = "wrapt-1.16.0-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a452f9ca3e3267cd4d0fcf2edd0d035b1934ac2bd7e0e57ac91ad6b95c0c6389"},
+    {file = "wrapt-1.16.0-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:43aa59eadec7890d9958748db829df269f0368521ba6dc68cc172d5d03ed8060"},
+    {file = "wrapt-1.16.0-cp311-cp311-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:72554a23c78a8e7aa02abbd699d129eead8b147a23c56e08d08dfc29cfdddca1"},
+    {file = "wrapt-1.16.0-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:d2efee35b4b0a347e0d99d28e884dfd82797852d62fcd7ebdeee26f3ceb72cf3"},
+    {file = "wrapt-1.16.0-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:6dcfcffe73710be01d90cae08c3e548d90932d37b39ef83969ae135d36ef3956"},
+    {file = "wrapt-1.16.0-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:eb6e651000a19c96f452c85132811d25e9264d836951022d6e81df2fff38337d"},
+    {file = "wrapt-1.16.0-cp311-cp311-win32.whl", hash = "sha256:66027d667efe95cc4fa945af59f92c5a02c6f5bb6012bff9e60542c74c75c362"},
+    {file = "wrapt-1.16.0-cp311-cp311-win_amd64.whl", hash = "sha256:aefbc4cb0a54f91af643660a0a150ce2c090d3652cf4052a5397fb2de549cd89"},
+    {file = "wrapt-1.16.0-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:5eb404d89131ec9b4f748fa5cfb5346802e5ee8836f57d516576e61f304f3b7b"},
+    {file = "wrapt-1.16.0-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:9090c9e676d5236a6948330e83cb89969f433b1943a558968f659ead07cb3b36"},
+    {file = "wrapt-1.16.0-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:94265b00870aa407bd0cbcfd536f17ecde43b94fb8d228560a1e9d3041462d73"},
+    {file = "wrapt-1.16.0-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:f2058f813d4f2b5e3a9eb2eb3faf8f1d99b81c3e51aeda4b168406443e8ba809"},
+    {file = "wrapt-1.16.0-cp312-cp312-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:98b5e1f498a8ca1858a1cdbffb023bfd954da4e3fa2c0cb5853d40014557248b"},
+    {file = "wrapt-1.16.0-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:14d7dc606219cdd7405133c713f2c218d4252f2a469003f8c46bb92d5d095d81"},
+    {file = "wrapt-1.16.0-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:49aac49dc4782cb04f58986e81ea0b4768e4ff197b57324dcbd7699c5dfb40b9"},
+    {file = "wrapt-1.16.0-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:418abb18146475c310d7a6dc71143d6f7adec5b004ac9ce08dc7a34e2babdc5c"},
+    {file = "wrapt-1.16.0-cp312-cp312-win32.whl", hash = "sha256:685f568fa5e627e93f3b52fda002c7ed2fa1800b50ce51f6ed1d572d8ab3e7fc"},
+    {file = "wrapt-1.16.0-cp312-cp312-win_amd64.whl", hash = "sha256:dcdba5c86e368442528f7060039eda390cc4091bfd1dca41e8046af7c910dda8"},
+    {file = "wrapt-1.16.0-cp36-cp36m-macosx_10_9_x86_64.whl", hash = "sha256:d462f28826f4657968ae51d2181a074dfe03c200d6131690b7d65d55b0f360f8"},
+    {file = "wrapt-1.16.0-cp36-cp36m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a33a747400b94b6d6b8a165e4480264a64a78c8a4c734b62136062e9a248dd39"},
+    {file = "wrapt-1.16.0-cp36-cp36m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:b3646eefa23daeba62643a58aac816945cadc0afaf21800a1421eeba5f6cfb9c"},
+    {file = "wrapt-1.16.0-cp36-cp36m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:3ebf019be5c09d400cf7b024aa52b1f3aeebeff51550d007e92c3c1c4afc2a40"},
+    {file = "wrapt-1.16.0-cp36-cp36m-musllinux_1_1_aarch64.whl", hash = "sha256:0d2691979e93d06a95a26257adb7bfd0c93818e89b1406f5a28f36e0d8c1e1fc"},
+    {file = "wrapt-1.16.0-cp36-cp36m-musllinux_1_1_i686.whl", hash = "sha256:1acd723ee2a8826f3d53910255643e33673e1d11db84ce5880675954183ec47e"},
+    {file = "wrapt-1.16.0-cp36-cp36m-musllinux_1_1_x86_64.whl", hash = "sha256:bc57efac2da352a51cc4658878a68d2b1b67dbe9d33c36cb826ca449d80a8465"},
+    {file = "wrapt-1.16.0-cp36-cp36m-win32.whl", hash = "sha256:da4813f751142436b075ed7aa012a8778aa43a99f7b36afe9b742d3ed8bdc95e"},
+    {file = "wrapt-1.16.0-cp36-cp36m-win_amd64.whl", hash = "sha256:6f6eac2360f2d543cc875a0e5efd413b6cbd483cb3ad7ebf888884a6e0d2e966"},
+    {file = "wrapt-1.16.0-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:a0ea261ce52b5952bf669684a251a66df239ec6d441ccb59ec7afa882265d593"},
+    {file = "wrapt-1.16.0-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:7bd2d7ff69a2cac767fbf7a2b206add2e9a210e57947dd7ce03e25d03d2de292"},
+    {file = "wrapt-1.16.0-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:9159485323798c8dc530a224bd3ffcf76659319ccc7bbd52e01e73bd0241a0c5"},
+    {file = "wrapt-1.16.0-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:a86373cf37cd7764f2201b76496aba58a52e76dedfaa698ef9e9688bfd9e41cf"},
+    {file = "wrapt-1.16.0-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:73870c364c11f03ed072dda68ff7aea6d2a3a5c3fe250d917a429c7432e15228"},
+    {file = "wrapt-1.16.0-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:b935ae30c6e7400022b50f8d359c03ed233d45b725cfdd299462f41ee5ffba6f"},
+    {file = "wrapt-1.16.0-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:db98ad84a55eb09b3c32a96c576476777e87c520a34e2519d3e59c44710c002c"},
+    {file = "wrapt-1.16.0-cp37-cp37m-win32.whl", hash = "sha256:9153ed35fc5e4fa3b2fe97bddaa7cbec0ed22412b85bcdaf54aeba92ea37428c"},
+    {file = "wrapt-1.16.0-cp37-cp37m-win_amd64.whl", hash = "sha256:66dfbaa7cfa3eb707bbfcd46dab2bc6207b005cbc9caa2199bcbc81d95071a00"},
+    {file = "wrapt-1.16.0-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:1dd50a2696ff89f57bd8847647a1c363b687d3d796dc30d4dd4a9d1689a706f0"},
+    {file = "wrapt-1.16.0-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:44a2754372e32ab315734c6c73b24351d06e77ffff6ae27d2ecf14cf3d229202"},
+    {file = "wrapt-1.16.0-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8e9723528b9f787dc59168369e42ae1c3b0d3fadb2f1a71de14531d321ee05b0"},
+    {file = "wrapt-1.16.0-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:dbed418ba5c3dce92619656802cc5355cb679e58d0d89b50f116e4a9d5a9603e"},
+    {file = "wrapt-1.16.0-cp38-cp38-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:941988b89b4fd6b41c3f0bfb20e92bd23746579736b7343283297c4c8cbae68f"},
+    {file = "wrapt-1.16.0-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:6a42cd0cfa8ffc1915aef79cb4284f6383d8a3e9dcca70c445dcfdd639d51267"},
+    {file = "wrapt-1.16.0-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:1ca9b6085e4f866bd584fb135a041bfc32cab916e69f714a7d1d397f8c4891ca"},
+    {file = "wrapt-1.16.0-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:d5e49454f19ef621089e204f862388d29e6e8d8b162efce05208913dde5b9ad6"},
+    {file = "wrapt-1.16.0-cp38-cp38-win32.whl", hash = "sha256:c31f72b1b6624c9d863fc095da460802f43a7c6868c5dda140f51da24fd47d7b"},
+    {file = "wrapt-1.16.0-cp38-cp38-win_amd64.whl", hash = "sha256:490b0ee15c1a55be9c1bd8609b8cecd60e325f0575fc98f50058eae366e01f41"},
+    {file = "wrapt-1.16.0-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:9b201ae332c3637a42f02d1045e1d0cccfdc41f1f2f801dafbaa7e9b4797bfc2"},
+    {file = "wrapt-1.16.0-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:2076fad65c6736184e77d7d4729b63a6d1ae0b70da4868adeec40989858eb3fb"},
+    {file = "wrapt-1.16.0-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:c5cd603b575ebceca7da5a3a251e69561bec509e0b46e4993e1cac402b7247b8"},
+    {file = "wrapt-1.16.0-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:b47cfad9e9bbbed2339081f4e346c93ecd7ab504299403320bf85f7f85c7d46c"},
+    {file = "wrapt-1.16.0-cp39-cp39-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:f8212564d49c50eb4565e502814f694e240c55551a5f1bc841d4fcaabb0a9b8a"},
+    {file = "wrapt-1.16.0-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:5f15814a33e42b04e3de432e573aa557f9f0f56458745c2074952f564c50e664"},
+    {file = "wrapt-1.16.0-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:db2e408d983b0e61e238cf579c09ef7020560441906ca990fe8412153e3b291f"},
+    {file = "wrapt-1.16.0-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:edfad1d29c73f9b863ebe7082ae9321374ccb10879eeabc84ba3b69f2579d537"},
+    {file = "wrapt-1.16.0-cp39-cp39-win32.whl", hash = "sha256:ed867c42c268f876097248e05b6117a65bcd1e63b779e916fe2e33cd6fd0d3c3"},
+    {file = "wrapt-1.16.0-cp39-cp39-win_amd64.whl", hash = "sha256:eb1b046be06b0fce7249f1d025cd359b4b80fc1c3e24ad9eca33e0dcdb2e4a35"},
+    {file = "wrapt-1.16.0-py3-none-any.whl", hash = "sha256:6906c4100a8fcbf2fa735f6059214bb13b97f75b1a61777fcf6432121ef12ef1"},
+    {file = "wrapt-1.16.0.tar.gz", hash = "sha256:5f370f952971e7d17c7d1ead40e49f32345a7f7a5373571ef44d800d06b1899d"},
+]
+
+[[package]]
+name = "yarl"
+version = "1.9.4"
+description = "Yet another URL library"
+optional = false
+python-versions = ">=3.7"
+files = [
+    {file = "yarl-1.9.4-cp310-cp310-macosx_10_9_universal2.whl", hash = "sha256:a8c1df72eb746f4136fe9a2e72b0c9dc1da1cbd23b5372f94b5820ff8ae30e0e"},
+    {file = "yarl-1.9.4-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:a3a6ed1d525bfb91b3fc9b690c5a21bb52de28c018530ad85093cc488bee2dd2"},
+    {file = "yarl-1.9.4-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:c38c9ddb6103ceae4e4498f9c08fac9b590c5c71b0370f98714768e22ac6fa66"},
+    {file = "yarl-1.9.4-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d9e09c9d74f4566e905a0b8fa668c58109f7624db96a2171f21747abc7524234"},
+    {file = "yarl-1.9.4-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:b8477c1ee4bd47c57d49621a062121c3023609f7a13b8a46953eb6c9716ca392"},
+    {file = "yarl-1.9.4-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:d5ff2c858f5f6a42c2a8e751100f237c5e869cbde669a724f2062d4c4ef93551"},
+    {file = "yarl-1.9.4-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:357495293086c5b6d34ca9616a43d329317feab7917518bc97a08f9e55648455"},
+    {file = "yarl-1.9.4-cp310-cp310-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:54525ae423d7b7a8ee81ba189f131054defdb122cde31ff17477951464c1691c"},
+    {file = "yarl-1.9.4-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:801e9264d19643548651b9db361ce3287176671fb0117f96b5ac0ee1c3530d53"},
+    {file = "yarl-1.9.4-cp310-cp310-musllinux_1_1_i686.whl", hash = "sha256:e516dc8baf7b380e6c1c26792610230f37147bb754d6426462ab115a02944385"},
+    {file = "yarl-1.9.4-cp310-cp310-musllinux_1_1_ppc64le.whl", hash = "sha256:7d5aaac37d19b2904bb9dfe12cdb08c8443e7ba7d2852894ad448d4b8f442863"},
+    {file = "yarl-1.9.4-cp310-cp310-musllinux_1_1_s390x.whl", hash = "sha256:54beabb809ffcacbd9d28ac57b0db46e42a6e341a030293fb3185c409e626b8b"},
+    {file = "yarl-1.9.4-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:bac8d525a8dbc2a1507ec731d2867025d11ceadcb4dd421423a5d42c56818541"},
+    {file = "yarl-1.9.4-cp310-cp310-win32.whl", hash = "sha256:7855426dfbddac81896b6e533ebefc0af2f132d4a47340cee6d22cac7190022d"},
+    {file = "yarl-1.9.4-cp310-cp310-win_amd64.whl", hash = "sha256:848cd2a1df56ddbffeb375535fb62c9d1645dde33ca4d51341378b3f5954429b"},
+    {file = "yarl-1.9.4-cp311-cp311-macosx_10_9_universal2.whl", hash = "sha256:35a2b9396879ce32754bd457d31a51ff0a9d426fd9e0e3c33394bf4b9036b099"},
+    {file = "yarl-1.9.4-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:4c7d56b293cc071e82532f70adcbd8b61909eec973ae9d2d1f9b233f3d943f2c"},
+    {file = "yarl-1.9.4-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:d8a1c6c0be645c745a081c192e747c5de06e944a0d21245f4cf7c05e457c36e0"},
+    {file = "yarl-1.9.4-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:4b3c1ffe10069f655ea2d731808e76e0f452fc6c749bea04781daf18e6039525"},
+    {file = "yarl-1.9.4-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:549d19c84c55d11687ddbd47eeb348a89df9cb30e1993f1b128f4685cd0ebbf8"},
+    {file = "yarl-1.9.4-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:a7409f968456111140c1c95301cadf071bd30a81cbd7ab829169fb9e3d72eae9"},
+    {file = "yarl-1.9.4-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e23a6d84d9d1738dbc6e38167776107e63307dfc8ad108e580548d1f2c587f42"},
+    {file = "yarl-1.9.4-cp311-cp311-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:d8b889777de69897406c9fb0b76cdf2fd0f31267861ae7501d93003d55f54fbe"},
+    {file = "yarl-1.9.4-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:03caa9507d3d3c83bca08650678e25364e1843b484f19986a527630ca376ecce"},
+    {file = "yarl-1.9.4-cp311-cp311-musllinux_1_1_i686.whl", hash = "sha256:4e9035df8d0880b2f1c7f5031f33f69e071dfe72ee9310cfc76f7b605958ceb9"},
+    {file = "yarl-1.9.4-cp311-cp311-musllinux_1_1_ppc64le.whl", hash = "sha256:c0ec0ed476f77db9fb29bca17f0a8fcc7bc97ad4c6c1d8959c507decb22e8572"},
+    {file = "yarl-1.9.4-cp311-cp311-musllinux_1_1_s390x.whl", hash = "sha256:ee04010f26d5102399bd17f8df8bc38dc7ccd7701dc77f4a68c5b8d733406958"},
+    {file = "yarl-1.9.4-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:49a180c2e0743d5d6e0b4d1a9e5f633c62eca3f8a86ba5dd3c471060e352ca98"},
+    {file = "yarl-1.9.4-cp311-cp311-win32.whl", hash = "sha256:81eb57278deb6098a5b62e88ad8281b2ba09f2f1147c4767522353eaa6260b31"},
+    {file = "yarl-1.9.4-cp311-cp311-win_amd64.whl", hash = "sha256:d1d2532b340b692880261c15aee4dc94dd22ca5d61b9db9a8a361953d36410b1"},
+    {file = "yarl-1.9.4-cp312-cp312-macosx_10_9_universal2.whl", hash = "sha256:0d2454f0aef65ea81037759be5ca9947539667eecebca092733b2eb43c965a81"},
+    {file = "yarl-1.9.4-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:44d8ffbb9c06e5a7f529f38f53eda23e50d1ed33c6c869e01481d3fafa6b8142"},
+    {file = "yarl-1.9.4-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:aaaea1e536f98754a6e5c56091baa1b6ce2f2700cc4a00b0d49eca8dea471074"},
+    {file = "yarl-1.9.4-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:3777ce5536d17989c91696db1d459574e9a9bd37660ea7ee4d3344579bb6f129"},
+    {file = "yarl-1.9.4-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:9fc5fc1eeb029757349ad26bbc5880557389a03fa6ada41703db5e068881e5f2"},
+    {file = "yarl-1.9.4-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:ea65804b5dc88dacd4a40279af0cdadcfe74b3e5b4c897aa0d81cf86927fee78"},
+    {file = "yarl-1.9.4-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:aa102d6d280a5455ad6a0f9e6d769989638718e938a6a0a2ff3f4a7ff8c62cc4"},
+    {file = "yarl-1.9.4-cp312-cp312-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:09efe4615ada057ba2d30df871d2f668af661e971dfeedf0c159927d48bbeff0"},
+    {file = "yarl-1.9.4-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:008d3e808d03ef28542372d01057fd09168419cdc8f848efe2804f894ae03e51"},
+    {file = "yarl-1.9.4-cp312-cp312-musllinux_1_1_i686.whl", hash = "sha256:6f5cb257bc2ec58f437da2b37a8cd48f666db96d47b8a3115c29f316313654ff"},
+    {file = "yarl-1.9.4-cp312-cp312-musllinux_1_1_ppc64le.whl", hash = "sha256:992f18e0ea248ee03b5a6e8b3b4738850ae7dbb172cc41c966462801cbf62cf7"},
+    {file = "yarl-1.9.4-cp312-cp312-musllinux_1_1_s390x.whl", hash = "sha256:0e9d124c191d5b881060a9e5060627694c3bdd1fe24c5eecc8d5d7d0eb6faabc"},
+    {file = "yarl-1.9.4-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:3986b6f41ad22988e53d5778f91855dc0399b043fc8946d4f2e68af22ee9ff10"},
+    {file = "yarl-1.9.4-cp312-cp312-win32.whl", hash = "sha256:4b21516d181cd77ebd06ce160ef8cc2a5e9ad35fb1c5930882baff5ac865eee7"},
+    {file = "yarl-1.9.4-cp312-cp312-win_amd64.whl", hash = "sha256:a9bd00dc3bc395a662900f33f74feb3e757429e545d831eef5bb280252631984"},
+    {file = "yarl-1.9.4-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:63b20738b5aac74e239622d2fe30df4fca4942a86e31bf47a81a0e94c14df94f"},
+    {file = "yarl-1.9.4-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d7d7f7de27b8944f1fee2c26a88b4dabc2409d2fea7a9ed3df79b67277644e17"},
+    {file = "yarl-1.9.4-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:c74018551e31269d56fab81a728f683667e7c28c04e807ba08f8c9e3bba32f14"},
+    {file = "yarl-1.9.4-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:ca06675212f94e7a610e85ca36948bb8fc023e458dd6c63ef71abfd482481aa5"},
+    {file = "yarl-1.9.4-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:5aef935237d60a51a62b86249839b51345f47564208c6ee615ed2a40878dccdd"},
+    {file = "yarl-1.9.4-cp37-cp37m-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:2b134fd795e2322b7684155b7855cc99409d10b2e408056db2b93b51a52accc7"},
+    {file = "yarl-1.9.4-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:d25039a474c4c72a5ad4b52495056f843a7ff07b632c1b92ea9043a3d9950f6e"},
+    {file = "yarl-1.9.4-cp37-cp37m-musllinux_1_1_i686.whl", hash = "sha256:f7d6b36dd2e029b6bcb8a13cf19664c7b8e19ab3a58e0fefbb5b8461447ed5ec"},
+    {file = "yarl-1.9.4-cp37-cp37m-musllinux_1_1_ppc64le.whl", hash = "sha256:957b4774373cf6f709359e5c8c4a0af9f6d7875db657adb0feaf8d6cb3c3964c"},
+    {file = "yarl-1.9.4-cp37-cp37m-musllinux_1_1_s390x.whl", hash = "sha256:d7eeb6d22331e2fd42fce928a81c697c9ee2d51400bd1a28803965883e13cead"},
+    {file = "yarl-1.9.4-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:6a962e04b8f91f8c4e5917e518d17958e3bdee71fd1d8b88cdce74dd0ebbf434"},
+    {file = "yarl-1.9.4-cp37-cp37m-win32.whl", hash = "sha256:f3bc6af6e2b8f92eced34ef6a96ffb248e863af20ef4fde9448cc8c9b858b749"},
+    {file = "yarl-1.9.4-cp37-cp37m-win_amd64.whl", hash = "sha256:ad4d7a90a92e528aadf4965d685c17dacff3df282db1121136c382dc0b6014d2"},
+    {file = "yarl-1.9.4-cp38-cp38-macosx_10_9_universal2.whl", hash = "sha256:ec61d826d80fc293ed46c9dd26995921e3a82146feacd952ef0757236fc137be"},
+    {file = "yarl-1.9.4-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:8be9e837ea9113676e5754b43b940b50cce76d9ed7d2461df1af39a8ee674d9f"},
+    {file = "yarl-1.9.4-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:bef596fdaa8f26e3d66af846bbe77057237cb6e8efff8cd7cc8dff9a62278bbf"},
+    {file = "yarl-1.9.4-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:2d47552b6e52c3319fede1b60b3de120fe83bde9b7bddad11a69fb0af7db32f1"},
+    {file = "yarl-1.9.4-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:84fc30f71689d7fc9168b92788abc977dc8cefa806909565fc2951d02f6b7d57"},
+    {file = "yarl-1.9.4-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:4aa9741085f635934f3a2583e16fcf62ba835719a8b2b28fb2917bb0537c1dfa"},
+    {file = "yarl-1.9.4-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:206a55215e6d05dbc6c98ce598a59e6fbd0c493e2de4ea6cc2f4934d5a18d130"},
+    {file = "yarl-1.9.4-cp38-cp38-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:07574b007ee20e5c375a8fe4a0789fad26db905f9813be0f9fef5a68080de559"},
+    {file = "yarl-1.9.4-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:5a2e2433eb9344a163aced6a5f6c9222c0786e5a9e9cac2c89f0b28433f56e23"},
+    {file = "yarl-1.9.4-cp38-cp38-musllinux_1_1_i686.whl", hash = "sha256:6ad6d10ed9b67a382b45f29ea028f92d25bc0bc1daf6c5b801b90b5aa70fb9ec"},
+    {file = "yarl-1.9.4-cp38-cp38-musllinux_1_1_ppc64le.whl", hash = "sha256:6fe79f998a4052d79e1c30eeb7d6c1c1056ad33300f682465e1b4e9b5a188b78"},
+    {file = "yarl-1.9.4-cp38-cp38-musllinux_1_1_s390x.whl", hash = "sha256:a825ec844298c791fd28ed14ed1bffc56a98d15b8c58a20e0e08c1f5f2bea1be"},
+    {file = "yarl-1.9.4-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:8619d6915b3b0b34420cf9b2bb6d81ef59d984cb0fde7544e9ece32b4b3043c3"},
+    {file = "yarl-1.9.4-cp38-cp38-win32.whl", hash = "sha256:686a0c2f85f83463272ddffd4deb5e591c98aac1897d65e92319f729c320eece"},
+    {file = "yarl-1.9.4-cp38-cp38-win_amd64.whl", hash = "sha256:a00862fb23195b6b8322f7d781b0dc1d82cb3bcac346d1e38689370cc1cc398b"},
+    {file = "yarl-1.9.4-cp39-cp39-macosx_10_9_universal2.whl", hash = "sha256:604f31d97fa493083ea21bd9b92c419012531c4e17ea6da0f65cacdcf5d0bd27"},
+    {file = "yarl-1.9.4-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:8a854227cf581330ffa2c4824d96e52ee621dd571078a252c25e3a3b3d94a1b1"},
+    {file = "yarl-1.9.4-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:ba6f52cbc7809cd8d74604cce9c14868306ae4aa0282016b641c661f981a6e91"},
+    {file = "yarl-1.9.4-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:a6327976c7c2f4ee6816eff196e25385ccc02cb81427952414a64811037bbc8b"},
+    {file = "yarl-1.9.4-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl", hash = "sha256:8397a3817d7dcdd14bb266283cd1d6fc7264a48c186b986f32e86d86d35fbac5"},
+    {file = "yarl-1.9.4-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl", hash = "sha256:e0381b4ce23ff92f8170080c97678040fc5b08da85e9e292292aba67fdac6c34"},
+    {file = "yarl-1.9.4-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:23d32a2594cb5d565d358a92e151315d1b2268bc10f4610d098f96b147370136"},
+    {file = "yarl-1.9.4-cp39-cp39-manylinux_2_5_i686.manylinux1_i686.manylinux_2_17_i686.manylinux2014_i686.whl", hash = "sha256:ddb2a5c08a4eaaba605340fdee8fc08e406c56617566d9643ad8bf6852778fc7"},
+    {file = "yarl-1.9.4-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:26a1dc6285e03f3cc9e839a2da83bcbf31dcb0d004c72d0730e755b33466c30e"},
+    {file = "yarl-1.9.4-cp39-cp39-musllinux_1_1_i686.whl", hash = "sha256:18580f672e44ce1238b82f7fb87d727c4a131f3a9d33a5e0e82b793362bf18b4"},
+    {file = "yarl-1.9.4-cp39-cp39-musllinux_1_1_ppc64le.whl", hash = "sha256:29e0f83f37610f173eb7e7b5562dd71467993495e568e708d99e9d1944f561ec"},
+    {file = "yarl-1.9.4-cp39-cp39-musllinux_1_1_s390x.whl", hash = "sha256:1f23e4fe1e8794f74b6027d7cf19dc25f8b63af1483d91d595d4a07eca1fb26c"},
+    {file = "yarl-1.9.4-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:db8e58b9d79200c76956cefd14d5c90af54416ff5353c5bfd7cbe58818e26ef0"},
+    {file = "yarl-1.9.4-cp39-cp39-win32.whl", hash = "sha256:c7224cab95645c7ab53791022ae77a4509472613e839dab722a72abe5a684575"},
+    {file = "yarl-1.9.4-cp39-cp39-win_amd64.whl", hash = "sha256:824d6c50492add5da9374875ce72db7a0733b29c2394890aef23d533106e2b15"},
+    {file = "yarl-1.9.4-py3-none-any.whl", hash = "sha256:928cecb0ef9d5a7946eb6ff58417ad2fe9375762382f1bf5c55e61645f2c43ad"},
+    {file = "yarl-1.9.4.tar.gz", hash = "sha256:566db86717cf8080b99b58b083b773a908ae40f06681e87e589a976faf8246bf"},
+]
+
+[package.dependencies]
+idna = ">=2.0"
+multidict = ">=4.0"
+
+[[package]]
+name = "zipp"
+version = "3.17.0"
+description = "Backport of pathlib-compatible object wrapper for zip files"
+optional = false
+python-versions = ">=3.8"
+files = [
+    {file = "zipp-3.17.0-py3-none-any.whl", hash = "sha256:0e923e726174922dce09c53c59ad483ff7bbb8e572e00c7f7c46b88556409f31"},
+    {file = "zipp-3.17.0.tar.gz", hash = "sha256:84e64a1c28cf7e91ed2078bb8cc8c259cb19b76942096c8d7b84947690cabaf0"},
+]
+
+[package.extras]
+docs = ["furo", "jaraco.packaging (>=9.3)", "jaraco.tidelift (>=1.4)", "rst.linker (>=1.9)", "sphinx (<7.2.5)", "sphinx (>=3.5)", "sphinx-lint"]
+testing = ["big-O", "jaraco.functools", "jaraco.itertools", "more-itertools", "pytest (>=6)", "pytest-black (>=0.3.7)", "pytest-checkdocs (>=2.4)", "pytest-cov", "pytest-enabler (>=2.2)", "pytest-ignore-flaky", "pytest-mypy (>=0.9.1)", "pytest-ruff"]
+
+[metadata]
+lock-version = "2.0"
+python-versions = ">=3.8.1,<3.12"
+content-hash = "5a5c98da7cd54d5d135ca318040921073ab4ea00cf6f880f6afc4e2780dbcbdf"
diff --git a/llama-index-packs/llama-index-packs-koda-retriever/pyproject.toml b/llama-index-packs/llama-index-packs-koda-retriever/pyproject.toml
new file mode 100644
index 0000000000000000000000000000000000000000..0ee676967206e84c7b43f10490432c15b23edd5f
--- /dev/null
+++ b/llama-index-packs/llama-index-packs-koda-retriever/pyproject.toml
@@ -0,0 +1,58 @@
+[build-system]
+build-backend = "poetry.core.masonry.api"
+requires = ["poetry-core"]
+
+[tool.codespell]
+check-filenames = true
+check-hidden = true
+# Feel free to un-skip examples, and experimental, you will just need to
+# work through many typos (--write-changes and --interactive will help)
+skip = "*.csv,*.html,*.json,*.jsonl,*.pdf,*.txt,*.ipynb"
+
+[tool.llamahub]
+contains_example = true
+import_path = "llama_index.packs.koda_retriever"
+
+[tool.llamahub.class_authors]
+KodaRetrieverPack = "no_dice"
+
+[tool.mypy]
+disallow_untyped_defs = true
+# Remove venv skip when integrated with pre-commit
+exclude = [".venv", "_static", "build", "examples", "notebooks", "venv"]
+ignore_missing_imports = true
+python_version = "3.8"
+
+[tool.poetry]
+authors = ["Patrick Miramontes <patdjm7@gmail.com>"]
+description = "Custom hybrid retriever with alpha tuning and routing."
+license = "MIT"
+name = "llama-index-packs-koda-retriever"
+packages = [{include = "llama_index/"}]
+readme = "README.md"
+version = "0.1.0"
+
+[tool.poetry.dependencies]
+python = ">=3.8.1,<3.12"
+llama-index-core = "^0.10.0"
+llama-index-readers-wikipedia = "^0.1.3"
+wikipedia = "^1.4.0"
+
+[tool.poetry.group.dev.dependencies]
+black = {extras = ["jupyter"], version = "<=23.9.1,>=23.7.0"}
+codespell = {extras = ["toml"], version = ">=v2.2.6"}
+ipython = "8.10.0"
+jupyter = "^1.0.0"
+mypy = "0.991"
+pre-commit = "3.2.0"
+pylint = "2.15.10"
+pytest = "7.2.1"
+pytest-mock = "3.11.1"
+ruff = "0.0.292"
+tree-sitter-languages = "^1.8.0"
+types-Deprecated = ">=0.1.0"
+types-PyYAML = "^6.0.12.12"
+types-protobuf = "^4.24.0.4"
+types-redis = "4.5.5.0"
+types-requests = "2.28.11.8"  # TODO: unpin when mypy>0.991
+types-setuptools = "67.1.0.0"
diff --git a/llama-index-packs/llama-index-packs-koda-retriever/tests/BUILD b/llama-index-packs/llama-index-packs-koda-retriever/tests/BUILD
new file mode 100644
index 0000000000000000000000000000000000000000..5c8342c912668214be70e1dc952174cff35e6b46
--- /dev/null
+++ b/llama-index-packs/llama-index-packs-koda-retriever/tests/BUILD
@@ -0,0 +1,13 @@
+python_test_utils(
+    name="test_utils",
+)
+
+python_sources()
+
+python_tests(
+    name="tests0",
+    dependencies=[
+        "llama-index-packs/llama-index-packs-koda-retriever/tests/koda_mocking.py",
+        "llama-index-packs/llama-index-packs-koda-retriever/tests/monkeypatch.py",
+    ],
+)
diff --git a/llama-index-packs/llama-index-packs-koda-retriever/tests/__init__.py b/llama-index-packs/llama-index-packs-koda-retriever/tests/__init__.py
new file mode 100644
index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391
diff --git a/llama-index-packs/llama-index-packs-koda-retriever/tests/conftest.py b/llama-index-packs/llama-index-packs-koda-retriever/tests/conftest.py
new file mode 100644
index 0000000000000000000000000000000000000000..7af44aedf99eef4fa66bd01b70acb5bb99d66e24
--- /dev/null
+++ b/llama-index-packs/llama-index-packs-koda-retriever/tests/conftest.py
@@ -0,0 +1,45 @@
+from llama_index.core.embeddings.mock_embed_model import MockEmbedding
+from llama_index.core.postprocessor import LLMRerank
+from llama_index.core import Settings
+from llama_index.packs.koda_retriever import (
+    KodaRetriever,
+    AlphaMatrix,
+    DEFAULT_CATEGORIES,
+)
+import pytest
+
+from tests.koda_mocking import KVMockLLM
+from tests.monkeypatch import monkey_patch_vector_store_index
+
+
+@pytest.fixture()
+def setup() -> dict:  # monkey
+    """Sets up fixtures for simple vector stores to be used within retriever testing."""
+    Settings.llm = KVMockLLM()
+    Settings.embed_model = MockEmbedding(8)
+
+    # add text nodes custom
+    vector_index = monkey_patch_vector_store_index()
+
+    shots = AlphaMatrix(
+        data=DEFAULT_CATEGORIES
+    )  # this could also just be a dictionary i guess
+
+    reranker = LLMRerank(llm=Settings.llm)
+
+    retriever = KodaRetriever(
+        index=vector_index,
+        llm=Settings.llm,
+        reranker=reranker,
+        matrix=shots,
+        verbose=True,
+    )
+
+    return {
+        "retriever": retriever,
+        "llm": Settings.llm,
+        "reranker": reranker,
+        "embed_model": Settings.embed_model,
+        "vector_index": vector_index,
+        "matrix": shots,
+    }
diff --git a/llama-index-packs/llama-index-packs-koda-retriever/tests/koda_mocking.py b/llama-index-packs/llama-index-packs-koda-retriever/tests/koda_mocking.py
new file mode 100644
index 0000000000000000000000000000000000000000..80a52ac3a3f9cebe77a3587646ce35d36b0b5395
--- /dev/null
+++ b/llama-index-packs/llama-index-packs-koda-retriever/tests/koda_mocking.py
@@ -0,0 +1,47 @@
+"""
+This module contains a class (KVMockLLM) that slightly extends the Llama Index MockLLM
+class further by allowing the user to specify a dictionary of prompt-response pairs.
+This allows the user to specify the response that the mock LLM should return based on the prompt.
+
+This should really only be used for testing purposes to simulate the behavior of a real LLM.
+Maybe this would be useful in the LlamaIndex repo itself?
+
+AUTHOR: no_dice
+"""
+
+from llama_index.core.llms.mock import MockLLM
+from llama_index.core.base.llms.types import CompletionResponse
+import random
+
+
+PROMPT_RESPONSES = {
+    "What are LLMs good at?": "concept seeking query",
+    "How many Jurassic Park movies are there?": "fact seeking query",
+}
+
+
+class KVMockLLM(MockLLM):
+    """Simple mock LLM that returns a response based on the prompt."""
+
+    prompt_responses: dict = PROMPT_RESPONSES
+    strict: bool = False
+    default_response: str = "concept seeking query"
+
+    @classmethod
+    def class_name(cls) -> str:
+        return "KVMockLLM"
+
+    def random_prompt(self) -> str:
+        """Returns a random prompt from the prompt_responses dictionary."""
+        return random.choice(list(self.prompt_responses.keys()))
+
+    def complete(self, prompt: str, **kwargs) -> CompletionResponse:
+        """Returns a response that was matched from the given prompt."""
+        if self.strict:
+            if prompt not in self.prompt_responses:
+                err = f"Prompt '{prompt}' not found in prompt_responses. Please recreate this MockLLM with the expected prompts and responses."
+                raise ValueError(err)
+
+        response = self.prompt_responses.get(prompt, self.default_response)
+
+        return CompletionResponse(text=response)
diff --git a/llama-index-packs/llama-index-packs-koda-retriever/tests/monkeypatch.py b/llama-index-packs/llama-index-packs-koda-retriever/tests/monkeypatch.py
new file mode 100644
index 0000000000000000000000000000000000000000..b5694de890c180055e7030f57a6625da35963427
--- /dev/null
+++ b/llama-index-packs/llama-index-packs-koda-retriever/tests/monkeypatch.py
@@ -0,0 +1,176 @@
+"""
+This is a monkeypatch script that will allow us to SIMULATE hybrid search functionality to the SimpleVectorStore class.
+Emphasis on simulate, as we are not actually adding the functionality to the class, but rather
+just allowing the class to accept VectorStoreQuery objects with the mode set to VectorStoreQueryMode.HYBRID.
+
+This also flows upstream to the VectorStoreIndex class - which will default use SimpleVectorStore index if you don't provide
+your own Vector Store. This is why we are monkeypatching the SimpleVectorStore class and not the VectorStoreIndex class.
+
+I didn't write MOST of this code, I just copied it from the llama_index library and modified it to fit my needs.
+
+AUTHOR: no_dice
+"""
+
+import logging
+from typing import Any, Callable, List, Mapping, Optional, cast
+from llama_index.core.indices.query.embedding_utils import (
+    get_top_k_embeddings,
+    get_top_k_embeddings_learner,
+    get_top_k_mmr_embeddings,
+)
+from llama_index.core import VectorStoreIndex
+from llama_index.core.vector_stores import SimpleVectorStore
+from llama_index.core.vector_stores.types import (
+    MetadataFilters,
+    VectorStoreQuery,
+    VectorStoreQueryMode,
+    VectorStoreQueryResult,
+)
+from llama_index.core.readers import StringIterableReader
+
+logger = logging.getLogger(__name__)
+
+LEARNER_MODES = {
+    VectorStoreQueryMode.SVM,
+    VectorStoreQueryMode.LINEAR_REGRESSION,
+    VectorStoreQueryMode.LOGISTIC_REGRESSION,
+}
+
+MMR_MODE = VectorStoreQueryMode.MMR
+
+NAMESPACE_SEP = "__"
+DEFAULT_VECTOR_STORE = "default"
+
+LEARNER_MODES = {
+    VectorStoreQueryMode.SVM,
+    VectorStoreQueryMode.LINEAR_REGRESSION,
+    VectorStoreQueryMode.LOGISTIC_REGRESSION,
+}
+
+
+def _build_metadata_filter_fn(
+    metadata_lookup_fn: Callable[[str], Mapping[str, Any]],
+    metadata_filters: Optional[MetadataFilters] = None,
+) -> Callable[[str], bool]:
+    """Build metadata filter function."""
+    filter_list = metadata_filters.legacy_filters() if metadata_filters else []
+    if not filter_list:
+        return lambda _: True
+
+    def filter_fn(node_id: str) -> bool:
+        metadata = metadata_lookup_fn(node_id)
+        for filter_ in filter_list:
+            metadata_value = metadata.get(filter_.key, None)
+            if metadata_value is None:
+                return False
+            elif isinstance(metadata_value, list):
+                if filter_.value not in metadata_value:
+                    return False
+            elif isinstance(metadata_value, (int, float, str, bool)):
+                if metadata_value != filter_.value:
+                    return False
+        return True
+
+    return filter_fn
+
+
+def monkey_query(
+    self,
+    query: VectorStoreQuery,
+    **kwargs: Any,
+):
+    """Get nodes for response."""
+    # Prevent metadata filtering on stores that were persisted without metadata.
+    if (
+        query.filters is not None
+        and self._data.embedding_dict
+        and not self._data.metadata_dict
+    ):
+        raise ValueError(
+            "Cannot filter stores that were persisted without metadata. "
+            "Please rebuild the store with metadata to enable filtering."
+        )
+    # Prefilter nodes based on the query filter and node ID restrictions.
+    query_filter_fn = _build_metadata_filter_fn(
+        lambda node_id: self._data.metadata_dict[node_id], query.filters
+    )
+
+    if query.node_ids is not None:
+        available_ids = set(query.node_ids)
+
+        def node_filter_fn(node_id: str) -> bool:
+            return node_id in available_ids
+
+    else:
+
+        def node_filter_fn(node_id: str) -> bool:
+            return True
+
+    node_ids = []
+    embeddings = []
+    # TODO: consolidate with get_query_text_embedding_similarities
+    for node_id, embedding in self._data.embedding_dict.items():
+        if node_filter_fn(node_id) and query_filter_fn(node_id):
+            node_ids.append(node_id)
+            embeddings.append(embedding)
+
+    query_embedding = cast(List[float], query.query_embedding)
+
+    if query.mode in LEARNER_MODES:
+        top_similarities, top_ids = get_top_k_embeddings_learner(
+            query_embedding,
+            embeddings,
+            similarity_top_k=query.similarity_top_k,
+            embedding_ids=node_ids,
+        )
+    elif query.mode == MMR_MODE:
+        mmr_threshold = kwargs.get("mmr_threshold", None)
+        top_similarities, top_ids = get_top_k_mmr_embeddings(
+            query_embedding,
+            embeddings,
+            similarity_top_k=query.similarity_top_k,
+            embedding_ids=node_ids,
+            mmr_threshold=mmr_threshold,
+        )
+    elif query.mode == VectorStoreQueryMode.DEFAULT:
+        top_similarities, top_ids = get_top_k_embeddings(
+            query_embedding,
+            embeddings,
+            similarity_top_k=query.similarity_top_k,
+            embedding_ids=node_ids,
+        )
+    elif query.mode == VectorStoreQueryMode.HYBRID:  # where I made my changes
+        top_similarities, top_ids = get_top_k_embeddings(
+            query_embedding,
+            embeddings,
+            similarity_top_k=query.similarity_top_k,
+            embedding_ids=node_ids,
+        )
+    else:
+        raise ValueError(f"Invalid query mode: {query.mode}")
+
+    return VectorStoreQueryResult(similarities=top_similarities, ids=top_ids)
+
+
+SimpleVectorStore.query = (
+    monkey_query  # very important, this is where the monkeypatching happens
+)
+
+
+def monkey_patch_vector_store_index() -> VectorStoreIndex:  # I did write this part..
+    """Returns a monkey-patched vector store index to simulate hybrid retrieval behavior."""
+    import sys
+
+    print(sys.executable)
+
+    loader = StringIterableReader()
+
+    documents = loader.load_data(
+        texts=[
+            "This is a test document.",
+            "This is another test document.",
+            "This is a third test document.",
+        ]
+    )
+
+    return VectorStoreIndex.from_documents(documents)
diff --git a/llama-index-packs/llama-index-packs-koda-retriever/tests/test_koda_retriever.py b/llama-index-packs/llama-index-packs-koda-retriever/tests/test_koda_retriever.py
new file mode 100644
index 0000000000000000000000000000000000000000..bc573e84159d56910b473ff7be8599c3491d6981
--- /dev/null
+++ b/llama-index-packs/llama-index-packs-koda-retriever/tests/test_koda_retriever.py
@@ -0,0 +1,59 @@
+from asyncio import run
+from llama_index.packs.koda_retriever import KodaRetriever
+from llama_index.core.indices.base import BaseIndex
+from llama_index.core.llms.llm import BaseLLM
+
+
+def test_init(setup):
+    retriever = setup.get("retriever")
+
+    assert isinstance(
+        retriever.index, BaseIndex
+    ), "index should be an instance of BaseIndex"
+    assert isinstance(retriever.llm, BaseLLM), "llm should be an instance of LLM"
+    assert isinstance(
+        retriever, KodaRetriever
+    ), "retriever should be an instance of KodaRetriever"
+
+
+def test_retrieve(setup):
+    retriever = setup.get("retriever")
+    llm = setup.get("llm")
+    query = llm.random_prompt()
+    results = retriever.retrieve(query)
+
+    assert isinstance(results, list), "retrieve should return a list"
+
+
+def test_a_retrieve(setup):
+    retriever = setup.get("retriever")
+    llm = setup.get("llm")
+    query = llm.random_prompt()
+    results = run(retriever.aretrieve(query))
+
+    assert isinstance(results, list), "aretrieve should return a list"
+
+
+def test_categorize(setup):
+    retriever = setup.get("retriever")
+    expected_categories = setup.get("matrix").get_categories()
+
+    llm = setup.get("llm")
+    query = llm.random_prompt()
+    category = retriever.categorize(query)
+
+    assert isinstance(category, str), "categorize should return a string"
+    assert (
+        category in expected_categories
+    ), "categorize should return a category from the matrix"
+
+
+def test_category_retrieve(setup):
+    retriever = setup.get("retriever")
+    llm = setup.get("llm")
+    query = llm.random_prompt()
+    category = llm.prompt_responses.get(query, "concept seeking query")
+
+    results = retriever.category_retrieve(category, query)
+
+    assert isinstance(results, list), "category_retrieve should return a list"
diff --git a/poetry.lock b/poetry.lock
index f2ecc57b37cca5b561e83a6df33325492c82b674..323bcf5c5d9f69176383bb1b556d18540281e2bb 100644
--- a/poetry.lock
+++ b/poetry.lock
@@ -2175,6 +2175,21 @@ llama-index-core = ">=0.10.1,<0.11.0"
 onnxruntime = ">=1.17.0,<2.0.0"
 tokenizers = ">=0.15.1,<0.16.0"
 
+[[package]]
+name = "llama-index-vector-stores-pinecone"
+version = "0.1.3"
+description = "llama-index vector_stores pinecone integration"
+optional = false
+python-versions = ">=3.8.1,<3.13"
+files = [
+    {file = "llama_index_vector_stores_pinecone-0.1.3-py3-none-any.whl", hash = "sha256:776c233bccc6d43c8e60751b1a1330586b0909124ddb4a6efc275f92ad042b81"},
+    {file = "llama_index_vector_stores_pinecone-0.1.3.tar.gz", hash = "sha256:c4c48bcb025730cfd470ae9bf535bfa33b0bd06a637804033d77aa9b5ec2455f"},
+]
+
+[package.dependencies]
+llama-index-core = ">=0.10.11.post1,<0.11.0"
+pinecone-client = ">=3.0.2,<4.0.0"
+
 [[package]]
 name = "llama-parse"
 version = "0.3.4"
@@ -3326,6 +3341,26 @@ files = [
     {file = "pickleshare-0.7.5.tar.gz", hash = "sha256:87683d47965c1da65cdacaf31c8441d12b8044cdec9aca500cd78fc2c683afca"},
 ]
 
+[[package]]
+name = "pinecone-client"
+version = "3.0.3"
+description = "Pinecone client and SDK"
+optional = false
+python-versions = ">=3.8,<3.13"
+files = [
+    {file = "pinecone_client-3.0.3-py3-none-any.whl", hash = "sha256:940c942aeb259145e1cd6d3f214ad977dbb4dc2e626b3528fb5015c64c3e6190"},
+    {file = "pinecone_client-3.0.3.tar.gz", hash = "sha256:2ad3ef7627edc4d9ee248d9781861c4341d6d27a15bc05f6bef53d958837d374"},
+]
+
+[package.dependencies]
+certifi = ">=2019.11.17"
+tqdm = ">=4.64.1"
+typing-extensions = ">=3.7.4"
+urllib3 = ">=1.26.0"
+
+[package.extras]
+grpc = ["googleapis-common-protos (>=1.53.0)", "grpc-gateway-protoc-gen-openapiv2 (==0.1.0)", "grpcio (>=1.44.0)", "lz4 (>=3.1.3)", "protobuf (>=3.20.0,<3.21.0)"]
+
 [[package]]
 name = "pkgutil-resolve-name"
 version = "1.3.10"
@@ -3711,6 +3746,7 @@ python-versions = ">=3.8"
 files = [
     {file = "PyMuPDFb-1.23.22-py3-none-macosx_10_9_x86_64.whl", hash = "sha256:9085a1e2fbf16f2820f9f7ad3d25e85f81d9b9eb0409110c1670d4cf5a27a678"},
     {file = "PyMuPDFb-1.23.22-py3-none-macosx_11_0_arm64.whl", hash = "sha256:01016dd33220cef4ecaf929d09fd27a584dc3ec3e5c9f4112dfe63613ea35135"},
+    {file = "PyMuPDFb-1.23.22-py3-none-manylinux2014_aarch64.manylinux_2_17_aarch64.whl", hash = "sha256:cf50e814db91f2a2325219302fbac229a23682c372cf8232aabd51ea3f18210e"},
     {file = "PyMuPDFb-1.23.22-py3-none-manylinux2014_x86_64.manylinux_2_17_x86_64.whl", hash = "sha256:3ffa713ad18e816e584c8a5f569995c32d22f8ac76ab6e4a61f2d2983c4b73d9"},
     {file = "PyMuPDFb-1.23.22-py3-none-win32.whl", hash = "sha256:d00e372452845aea624659c302d25e935052269fd3aafe26948301576d6f2ee8"},
     {file = "PyMuPDFb-1.23.22-py3-none-win_amd64.whl", hash = "sha256:7c9c157281fdee9f296e666a323307dbf74cb38f017921bb131fa7bfcd39c2bd"},
@@ -4614,36 +4650,48 @@ python-versions = ">=3.7"
 files = [
     {file = "SQLAlchemy-2.0.27-cp310-cp310-macosx_10_9_x86_64.whl", hash = "sha256:d04e579e911562f1055d26dab1868d3e0bb905db3bccf664ee8ad109f035618a"},
     {file = "SQLAlchemy-2.0.27-cp310-cp310-macosx_11_0_arm64.whl", hash = "sha256:fa67d821c1fd268a5a87922ef4940442513b4e6c377553506b9db3b83beebbd8"},
+    {file = "SQLAlchemy-2.0.27-cp310-cp310-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:6c7a596d0be71b7baa037f4ac10d5e057d276f65a9a611c46970f012752ebf2d"},
     {file = "SQLAlchemy-2.0.27-cp310-cp310-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:954d9735ee9c3fa74874c830d089a815b7b48df6f6b6e357a74130e478dbd951"},
+    {file = "SQLAlchemy-2.0.27-cp310-cp310-musllinux_1_1_aarch64.whl", hash = "sha256:5cd20f58c29bbf2680039ff9f569fa6d21453fbd2fa84dbdb4092f006424c2e6"},
     {file = "SQLAlchemy-2.0.27-cp310-cp310-musllinux_1_1_x86_64.whl", hash = "sha256:03f448ffb731b48323bda68bcc93152f751436ad6037f18a42b7e16af9e91c07"},
     {file = "SQLAlchemy-2.0.27-cp310-cp310-win32.whl", hash = "sha256:d997c5938a08b5e172c30583ba6b8aad657ed9901fc24caf3a7152eeccb2f1b4"},
     {file = "SQLAlchemy-2.0.27-cp310-cp310-win_amd64.whl", hash = "sha256:eb15ef40b833f5b2f19eeae65d65e191f039e71790dd565c2af2a3783f72262f"},
     {file = "SQLAlchemy-2.0.27-cp311-cp311-macosx_10_9_x86_64.whl", hash = "sha256:6c5bad7c60a392850d2f0fee8f355953abaec878c483dd7c3836e0089f046bf6"},
     {file = "SQLAlchemy-2.0.27-cp311-cp311-macosx_11_0_arm64.whl", hash = "sha256:a3012ab65ea42de1be81fff5fb28d6db893ef978950afc8130ba707179b4284a"},
+    {file = "SQLAlchemy-2.0.27-cp311-cp311-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:dbcd77c4d94b23e0753c5ed8deba8c69f331d4fd83f68bfc9db58bc8983f49cd"},
     {file = "SQLAlchemy-2.0.27-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:d177b7e82f6dd5e1aebd24d9c3297c70ce09cd1d5d37b43e53f39514379c029c"},
+    {file = "SQLAlchemy-2.0.27-cp311-cp311-musllinux_1_1_aarch64.whl", hash = "sha256:680b9a36029b30cf063698755d277885d4a0eab70a2c7c6e71aab601323cba45"},
     {file = "SQLAlchemy-2.0.27-cp311-cp311-musllinux_1_1_x86_64.whl", hash = "sha256:1306102f6d9e625cebaca3d4c9c8f10588735ef877f0360b5cdb4fdfd3fd7131"},
     {file = "SQLAlchemy-2.0.27-cp311-cp311-win32.whl", hash = "sha256:5b78aa9f4f68212248aaf8943d84c0ff0f74efc65a661c2fc68b82d498311fd5"},
     {file = "SQLAlchemy-2.0.27-cp311-cp311-win_amd64.whl", hash = "sha256:15e19a84b84528f52a68143439d0c7a3a69befcd4f50b8ef9b7b69d2628ae7c4"},
     {file = "SQLAlchemy-2.0.27-cp312-cp312-macosx_10_9_x86_64.whl", hash = "sha256:0de1263aac858f288a80b2071990f02082c51d88335a1db0d589237a3435fe71"},
     {file = "SQLAlchemy-2.0.27-cp312-cp312-macosx_11_0_arm64.whl", hash = "sha256:ce850db091bf7d2a1f2fdb615220b968aeff3849007b1204bf6e3e50a57b3d32"},
+    {file = "SQLAlchemy-2.0.27-cp312-cp312-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:8dfc936870507da96aebb43e664ae3a71a7b96278382bcfe84d277b88e379b18"},
     {file = "SQLAlchemy-2.0.27-cp312-cp312-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:c4fbe6a766301f2e8a4519f4500fe74ef0a8509a59e07a4085458f26228cd7cc"},
+    {file = "SQLAlchemy-2.0.27-cp312-cp312-musllinux_1_1_aarch64.whl", hash = "sha256:4535c49d961fe9a77392e3a630a626af5baa967172d42732b7a43496c8b28876"},
     {file = "SQLAlchemy-2.0.27-cp312-cp312-musllinux_1_1_x86_64.whl", hash = "sha256:0fb3bffc0ced37e5aa4ac2416f56d6d858f46d4da70c09bb731a246e70bff4d5"},
     {file = "SQLAlchemy-2.0.27-cp312-cp312-win32.whl", hash = "sha256:7f470327d06400a0aa7926b375b8e8c3c31d335e0884f509fe272b3c700a7254"},
     {file = "SQLAlchemy-2.0.27-cp312-cp312-win_amd64.whl", hash = "sha256:f9374e270e2553653d710ece397df67db9d19c60d2647bcd35bfc616f1622dcd"},
     {file = "SQLAlchemy-2.0.27-cp37-cp37m-macosx_10_9_x86_64.whl", hash = "sha256:e97cf143d74a7a5a0f143aa34039b4fecf11343eed66538610debc438685db4a"},
+    {file = "SQLAlchemy-2.0.27-cp37-cp37m-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:d7b5a3e2120982b8b6bd1d5d99e3025339f7fb8b8267551c679afb39e9c7c7f1"},
     {file = "SQLAlchemy-2.0.27-cp37-cp37m-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:e36aa62b765cf9f43a003233a8c2d7ffdeb55bc62eaa0a0380475b228663a38f"},
+    {file = "SQLAlchemy-2.0.27-cp37-cp37m-musllinux_1_1_aarch64.whl", hash = "sha256:5ada0438f5b74c3952d916c199367c29ee4d6858edff18eab783b3978d0db16d"},
     {file = "SQLAlchemy-2.0.27-cp37-cp37m-musllinux_1_1_x86_64.whl", hash = "sha256:b1d9d1bfd96eef3c3faedb73f486c89e44e64e40e5bfec304ee163de01cf996f"},
     {file = "SQLAlchemy-2.0.27-cp37-cp37m-win32.whl", hash = "sha256:ca891af9f3289d24a490a5fde664ea04fe2f4984cd97e26de7442a4251bd4b7c"},
     {file = "SQLAlchemy-2.0.27-cp37-cp37m-win_amd64.whl", hash = "sha256:fd8aafda7cdff03b905d4426b714601c0978725a19efc39f5f207b86d188ba01"},
     {file = "SQLAlchemy-2.0.27-cp38-cp38-macosx_10_9_x86_64.whl", hash = "sha256:ec1f5a328464daf7a1e4e385e4f5652dd9b1d12405075ccba1df842f7774b4fc"},
     {file = "SQLAlchemy-2.0.27-cp38-cp38-macosx_11_0_arm64.whl", hash = "sha256:ad862295ad3f644e3c2c0d8b10a988e1600d3123ecb48702d2c0f26771f1c396"},
+    {file = "SQLAlchemy-2.0.27-cp38-cp38-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:48217be1de7d29a5600b5c513f3f7664b21d32e596d69582be0a94e36b8309cb"},
     {file = "SQLAlchemy-2.0.27-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:9e56afce6431450442f3ab5973156289bd5ec33dd618941283847c9fd5ff06bf"},
+    {file = "SQLAlchemy-2.0.27-cp38-cp38-musllinux_1_1_aarch64.whl", hash = "sha256:611068511b5531304137bcd7fe8117c985d1b828eb86043bd944cebb7fae3910"},
     {file = "SQLAlchemy-2.0.27-cp38-cp38-musllinux_1_1_x86_64.whl", hash = "sha256:b86abba762ecfeea359112b2bb4490802b340850bbee1948f785141a5e020de8"},
     {file = "SQLAlchemy-2.0.27-cp38-cp38-win32.whl", hash = "sha256:30d81cc1192dc693d49d5671cd40cdec596b885b0ce3b72f323888ab1c3863d5"},
     {file = "SQLAlchemy-2.0.27-cp38-cp38-win_amd64.whl", hash = "sha256:120af1e49d614d2525ac247f6123841589b029c318b9afbfc9e2b70e22e1827d"},
     {file = "SQLAlchemy-2.0.27-cp39-cp39-macosx_10_9_x86_64.whl", hash = "sha256:d07ee7793f2aeb9b80ec8ceb96bc8cc08a2aec8a1b152da1955d64e4825fcbac"},
     {file = "SQLAlchemy-2.0.27-cp39-cp39-macosx_11_0_arm64.whl", hash = "sha256:cb0845e934647232b6ff5150df37ceffd0b67b754b9fdbb095233deebcddbd4a"},
+    {file = "SQLAlchemy-2.0.27-cp39-cp39-manylinux_2_17_aarch64.manylinux2014_aarch64.whl", hash = "sha256:1fc19ae2e07a067663dd24fca55f8ed06a288384f0e6e3910420bf4b1270cc51"},
     {file = "SQLAlchemy-2.0.27-cp39-cp39-manylinux_2_17_x86_64.manylinux2014_x86_64.whl", hash = "sha256:b90053be91973a6fb6020a6e44382c97739736a5a9d74e08cc29b196639eb979"},
+    {file = "SQLAlchemy-2.0.27-cp39-cp39-musllinux_1_1_aarch64.whl", hash = "sha256:2f5c9dfb0b9ab5e3a8a00249534bdd838d943ec4cfb9abe176a6c33408430230"},
     {file = "SQLAlchemy-2.0.27-cp39-cp39-musllinux_1_1_x86_64.whl", hash = "sha256:33e8bde8fff203de50399b9039c4e14e42d4d227759155c21f8da4a47fc8053c"},
     {file = "SQLAlchemy-2.0.27-cp39-cp39-win32.whl", hash = "sha256:d873c21b356bfaf1589b89090a4011e6532582b3a8ea568a00e0c3aab09399dd"},
     {file = "SQLAlchemy-2.0.27-cp39-cp39-win_amd64.whl", hash = "sha256:ff2f1b7c963961d41403b650842dc2039175b906ab2093635d8319bef0b7d620"},
diff --git a/pyproject.toml b/pyproject.toml
index 4485f445e267186e70d88e9bb95f43e29f262c45..e3dbda8e1b3e4c43ee9807873230fdf3948374b4 100644
--- a/pyproject.toml
+++ b/pyproject.toml
@@ -60,6 +60,8 @@ llama-index-indices-managed-llama-cloud = "^0.1.2"
 llama-index-core = "^0.10.12"
 llama-index-multi-modal-llms-openai = "^0.1.3"
 llama-index-cli = "^0.1.2"
+llama-index-vector-stores-pinecone = "^0.1.3"
+pinecone-client = "^3.0.3"
 
 [tool.poetry.group.dev.dependencies]
 black = {extras = ["jupyter"], version = "<=23.9.1,>=23.7.0"}